diff --git a/.coveragerc b/.coveragerc new file mode 100644 index 0000000..eea721e --- /dev/null +++ b/.coveragerc @@ -0,0 +1,7 @@ +[report] + +exclude_lines = + @abstractmethod + pragma: no cover + if __name__ == .__main__.: + diff --git a/.github/workflows/python-package-conda.yml b/.github/workflows/python-package-conda.yml index 3aa05aa..1a71f39 100644 --- a/.github/workflows/python-package-conda.yml +++ b/.github/workflows/python-package-conda.yml @@ -31,7 +31,7 @@ jobs: - name: Test with pytest and get coverage run: | conda install pytest - pip install pytest-cov + pip install pytest-cov pytest-mock pytest --cov=unlocknn - name: "Upload coverage to Codecov" uses: codecov/codecov-action@v1 diff --git a/.vscode/extensions.json b/.vscode/extensions.json new file mode 100644 index 0000000..0f738f9 --- /dev/null +++ b/.vscode/extensions.json @@ -0,0 +1,5 @@ +{ + "recommendations": [ + "gordonlarrigan.vscode-kanbn" + ] +} \ No newline at end of file diff --git a/.vscode/settings.json b/.vscode/settings.json index a5e138d..886fb15 100644 --- a/.vscode/settings.json +++ b/.vscode/settings.json @@ -5,5 +5,12 @@ ], "python.testing.unittestEnabled": false, "python.testing.nosetestsEnabled": false, - "python.testing.pytestEnabled": true + "python.testing.pytestEnabled": true, + "files.watcherExclude": { + "**/.tox/**": true, + "**/.pytest_cache/**": true, + "**/docs/_build/**": true, + "**/__pycache__/**": true + }, + "python.formatting.provider": "black" } \ No newline at end of file diff --git a/README.md b/README.md index 7102825..b56a1ff 100644 --- a/README.md +++ b/README.md @@ -1,6 +1,6 @@ # unlockNN -[![Documentation Status](https://readthedocs.org/projects/unlockgnn/badge/?version=latest)](https://unlockgnn.readthedocs.io/en/latest/?badge=latest) +[![Documentation Status](https://readthedocs.org/projects/unlocknn/badge/?version=latest)](https://unlocknn.readthedocs.io/en/latest/?badge=latest) ![PyPi](https://img.shields.io/pypi/v/unlockNN) [![status](https://joss.theoj.org/papers/b00df538a159c4b6816ec24d4d1716fb/status.svg)](https://joss.theoj.org/papers/b00df538a159c4b6816ec24d4d1716fb) [![made-with-python](https://img.shields.io/badge/Made%20with-Python-1f425f.svg)](https://www.python.org/) @@ -53,7 +53,11 @@ It can be installed using `conda env create -f dev_environment.yml`. ## Documentation -Full documentation is available for the project [here](https://unlockgnn.readthedocs.io/en/latest/). +Full documentation is available for the project [here](https://unlocknn.readthedocs.io/en/latest/). + +## Benchmarks + +Benchmark details and results can be found in the [benchmarking](benchmarking/) subdirectory. ## License and attribution @@ -70,9 +74,12 @@ Please use the Issue tracker to report bugs in the software, suggest feature imp Contributions are very welcome as we look to make unlockNN more flexible and efficient. Please use the [Fork and Pull](https://guides.github.com/activities/forking/) workflow to make contributions and follow the contribution guidelines: -- Use the environment defined in `dev_environment.yml`. This installs `black`, the formatter used for this project, as well as utilities for building documentation, enabling the testing suite and publishing to PyPi. -- Write tests for new features in the appropriate directory. -- Use [Google-style Docstrings](https://sphinxcontrib-napoleon.readthedocs.io/en/latest/example_google.html). Check docstrings with `pydocstyle`. +- Use the environment defined in `dev_environment.yml`. This installs `black`, the formatter used for this project, as well as utilities for building documentation (`sphinx` and the `insegel` theme), enabling the testing suite (`pytest` and `pytest-cov`) and publishing to PyPi (`build`, but this will be handled by the package maintainer). +- Use `black` to format all Python files that you edit: `black {edited_file.py}` or `python -m black {edited_file.py}`. +- Write tests for new features in the appropriate directory. Run tests using `pytest tests/`, or optionally with `pytest --cov=unlocknn tests/` to generate coverage on the fly. +- After testing that `pytest` works for your current environment, run `tox` in the root directory of the project to check that all versions of Python are compatible. +- Use [Google-style Docstrings](https://sphinxcontrib-napoleon.readthedocs.io/en/latest/example_google.html). Check docstrings with `pydocstyle`: `pydocstyle {edited_file.py}`. +- Check docstrings are valid Sphinx RST and that the documentation compiles without errors: in the `docs` directory, run `make html`. - Feel free to clean up others' code as you go along. ### List of developers diff --git a/benchmarking/README.md b/benchmarking/README.md new file mode 100644 index 0000000..aaa13ef --- /dev/null +++ b/benchmarking/README.md @@ -0,0 +1,16 @@ +# Benchmarks + +This directory contains scripts and results for running various benchmarks. + +## Matbench + +This subfolder contains benchmarks on some of the +[matbench](https://matbench.materialsproject.org/) datasets. Currently, +``matbench_perovskites`` and ``matbench_phonons`` benchmarks have been scripted +and ran; the results are described in the [results](matbench/results) +subdirectory. + +## MP-2019 + +This subfolder contains code for running the Materials Project 2019 benchmark. +This has yet to be evaluated. diff --git a/benchmarking/__init__.py b/benchmarking/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/benchmarking/matbench/__init__.py b/benchmarking/matbench/__init__.py new file mode 100644 index 0000000..08ead3a --- /dev/null +++ b/benchmarking/matbench/__init__.py @@ -0,0 +1 @@ +from .matbench_utils import * diff --git a/benchmarking/matbench/matbench_utils.py b/benchmarking/matbench/matbench_utils.py new file mode 100644 index 0000000..9dbedb0 --- /dev/null +++ b/benchmarking/matbench/matbench_utils.py @@ -0,0 +1,135 @@ +"""Boilerplate script for training and evaluation on matbench datasets.""" +import gzip +import json +from math import floor +from os import mkdir +from pathlib import Path +from typing import List, Optional, Tuple + +import pandas as pd +import requests +from megnet.models import MEGNetModel +from pymatgen.core.structure import Structure +from sklearn.model_selection import KFold +from unlocknn.megnet_utils import default_megnet_config, create_megnet_input + +from .. import utils + + +def download_data(url: str, save_dir: Path) -> pd.DataFrame: + """Download and extract data from the URL. + + Expects a `matbench` dataset URL. + + """ + if save_dir.exists(): + print(f"Loading data from {save_dir}...", flush=True) + return pd.read_pickle(save_dir) + + print("Downloading and extracting data... ", flush=True, end=None) + r = requests.get(url) + json_data = gzip.decompress(r.content) + dict_data = json.loads(json_data) + print("Done!", flush=True) + + index = dict_data["index"] + cols = dict_data["columns"] + table_content = dict_data["data"] + + # Table content is a list of entries. Each entry is a list with two + # elements: a pymatgen.Structure as a dict and our target value. + pd_data: List[Tuple[Structure, float]] = [] + for entry in table_content: + struct = Structure.from_dict(entry[0]) + target = entry[1] + pd_data.append((struct, target)) + + df = pd.DataFrame(pd_data, index, cols) + print(f"Saving data to {save_dir}... ", end=None, flush=True) + df.to_pickle(save_dir) + print("Done!", flush=True) + return df + + +def convert_to_graphs(df: pd.DataFrame) -> pd.DataFrame: + """Convert Structures in a DataFrame to graphs.""" + dummy_model = MEGNetModel(**default_megnet_config()) + _, df["graph"] = create_megnet_input( + dummy_model, df["structure"].values, shuffle=False + ) + return df + + +class MatbenchTrainer(utils.UnlockTrainer): + """Training suite for matbench regression benchmarks.""" + + def __init__( + self, + data_name: str, + data_url: str, + target_col: str, + batch_size: int = 32, + ) -> None: + """Initialize training suite.""" + self.data_name = data_name + self.data_url = data_url + self.target_col = target_col + super().__init__(batch_size=batch_size) + + def load_data(self, download_only: bool = False) -> Optional[utils.Dataset]: + """Load matbench data.""" + if self.graph_data_file.exists(): + df = pd.read_pickle(self.graph_data_file) + else: + if self.raw_data_file.exists(): + raw_df = pd.read_pickle(self.raw_data_file) + else: + raw_df = download_data(self.data_url, self.raw_data_file) + df = convert_to_graphs(raw_df) + df.to_pickle(self.graph_data_file) + + if download_only: + return + + # 5-fold splitting per matbench rules + kf = KFold(n_splits=5, shuffle=True, random_state=18012019) + train_indexes, testing_indexes = list(kf.split(df))[self.fold] + + # Train indexes must be further divided into training and validation + num_train_samples = len(train_indexes) + num_training = floor(0.95 * num_train_samples) + + training_indexes = train_indexes[:num_training] + val_indexes = train_indexes[num_training:] + + print(f"Number of training samples: {len(training_indexes)}") + print(f"Number of validation samples: {len(val_indexes)}") + print( + f"Training ratio: {len(training_indexes) / (len(val_indexes) + len(training_indexes))}" + ) + + return utils.Dataset( + train_input=df["graph"].iloc[training_indexes].values, + train_targets=df[self.target_col].iloc[training_indexes].values, + val_input=df["graph"].iloc[val_indexes].values, + val_targets=df[self.target_col].iloc[val_indexes].values, + test_input=df["graph"].iloc[testing_indexes].values, + test_targets=df[self.target_col].iloc[testing_indexes].values, + ) + + @property + def task_name(self) -> str: + return self.data_name + + def create_dir_structure(self): + super().create_dir_structure() + self.data_dir = self.root_dir / "data" + if not self.data_dir.exists(): + mkdir(self.data_dir) + + self.raw_data_file = self.data_dir / f"{self.data_name}.pkl" + self.graph_data_file = self.data_dir / f"{self.data_name}_graphs.pkl" + + @property + def num_folds(self) -> int: + return 5 diff --git a/benchmarking/matbench/perovskites/__init__.py b/benchmarking/matbench/perovskites/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/benchmarking/matbench/perovskites/benchmark.py b/benchmarking/matbench/perovskites/benchmark.py new file mode 100644 index 0000000..405e6f0 --- /dev/null +++ b/benchmarking/matbench/perovskites/benchmark.py @@ -0,0 +1,12 @@ +"""Benchmarking script for the matbench phonons dataset.""" +from pathlib import Path + +from .. import matbench_utils + +if __name__ == "__main__": + trainer = matbench_utils.MatbenchTrainer( + "matbench_perovskites", + "https://ml.materialsproject.org/projects/matbench_perovskites.json.gz", + "e_form", + ) + trainer.execute() diff --git a/benchmarking/matbench/perovskites/plot_results.py b/benchmarking/matbench/perovskites/plot_results.py new file mode 100644 index 0000000..071cdb7 --- /dev/null +++ b/benchmarking/matbench/perovskites/plot_results.py @@ -0,0 +1,39 @@ +"""Plot the perovskites results.""" +from pathlib import Path + +from ... import visualise + +if __name__ == "__main__": + result_dir = Path(__file__).parents[1] / "results" / "metrics" / "perovskites" + meg_res_dir = result_dir / "megnet" + prob_res_dir = result_dir / "prob" + rl = visualise.ResultsLoader(meg_res_dir, prob_res_dir, 5, base_model_name="MEGNet") + rl.get_average_metrics() + rl.plot_metric( + "perovskites-mae-change.png", + title="Matbench Perovskites: Adding UnlockNN", + target=0.0288, + include_base=True, + ) + rl.plot_metric( + "perovskites-mae-comp.png", + title="Matbench Perovskites: Effect of Inducing Points", + target=0.0288, + ) + rl.plot_metric( + "perovskites-nll.png", + metric="nll", + metric_label="Negative Log Likelihood", + title="Matbench Perovskites: Uncertainty Goodness", + zero_lim=False, + ) + rl.parity_plot( + "perovskites-parity.png", + target_name="Formation energy / eV per atom", + num_scatter=150, + title="Matbench Perovskites: Probabilistic parity plots" + ) + rl.calibration_plot( + "perovskites-calibration.png", + "Matbench Perovskites: Calibration curves" + ) diff --git a/benchmarking/matbench/phonons/__init__.py b/benchmarking/matbench/phonons/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/benchmarking/matbench/phonons/benchmark.py b/benchmarking/matbench/phonons/benchmark.py new file mode 100644 index 0000000..be7cd40 --- /dev/null +++ b/benchmarking/matbench/phonons/benchmark.py @@ -0,0 +1,13 @@ +"""Benchmarking script for the matbench phonons dataset.""" +from pathlib import Path + +from .. import matbench_utils + +if __name__ == "__main__": + trainer = matbench_utils.MatbenchTrainer( + "matbench_phonons", + "https://ml.materialsproject.org/projects/matbench_phonons.json.gz", + "last phdos peak", + batch_size=8, + ) + trainer.execute() diff --git a/benchmarking/matbench/phonons/plot_results.py b/benchmarking/matbench/phonons/plot_results.py new file mode 100644 index 0000000..2008716 --- /dev/null +++ b/benchmarking/matbench/phonons/plot_results.py @@ -0,0 +1,39 @@ +"""Plot the perovskites results.""" +from pathlib import Path + +from ... import visualise + +if __name__ == "__main__": + result_dir = Path(__file__).parents[1] / "results" / "metrics" / "phonons" + meg_res_dir = result_dir / "megnet" + prob_res_dir = result_dir / "prob" + rl = visualise.ResultsLoader(meg_res_dir, prob_res_dir, 5, base_model_name="MEGNet") + rl.get_average_metrics() + rl.plot_metric( + "phonons-mae-change.png", + title="Matbench Phonons: Adding UnlockNN", + target=29.5385, + include_base=True, + ) + rl.plot_metric( + "phonons-mae-comp.png", + title="Matbench Phonons: Effect of Inducing Points", + target=29.5385, + ) + rl.plot_metric( + "phonons-nll.png", + metric="nll", + metric_label="Negative Log Likelihood", + title="Matbench Phonons: Uncertainty Goodness", + zero_lim=False, + ) + rl.parity_plot( + "phonons-parity.png", + target_name="$\omega^{max} phonons$", + num_scatter=150, + title="Matbench Phonons: Probabilistic parity plots" + ) + rl.calibration_plot( + "phonons-calibration.png", + "Matbench Phonons: Calibration curves" + ) diff --git a/benchmarking/matbench/results/README.md b/benchmarking/matbench/results/README.md new file mode 100644 index 0000000..b48427b --- /dev/null +++ b/benchmarking/matbench/results/README.md @@ -0,0 +1,75 @@ +# Matbench + +## Method + +These benchmarks were carried out as described in the +[paper](https://doi.org/10.1038/s41524-020-00406-3): 5-fold cross-validation, +split using ``scikit-learn`` with a random seed of 18012019. Separate MEGNet +models were trained for each fold. These trained models were then converted to +``MEGNetProbModel``s using UnlockNN, which in turn were trained on the same +training data as their respective MEGNet model. For each MEGNet model, three +``MEGNetProbModel``s were created that differed by their number of inducing +index points: 100, 500 and 1000. Every model was evaluated on its respective +test subset. The metrics across every fold were averaged to determine the +models' overall scores. + +## Metrics + +These metrics are reported in the table below. The ``MEGNetProbModels`` are named +'Unlock-``<# inducing points>``'. Lower metric scores are better: + +| Dataset | Model | Mean absolute error | Negative log likelihood | +| :-------------: | ----------- | -------------------: | ----------------------: | +| **Perovskites** | MEGNet | 0.0697 eV/atom | N/A | +| | Unlock-100 | 0.0608 eV/atom | -3530 | +| | Unlock-500 | 0.0611 eV/atom | -3620 | +| | Unlock-1000 | 0.0686 eV/atom | -2850 | +| **Phonons** | MEGNet | 41.1 cm-1 | N/A | +| | Unlock-100 | 476 cm-1 | $1.64 \times 10^6$ | +| | Unlock-500 | 180 cm-1 | $8.76 \times 10^4$ | +| | Unlock-1000 | 265 cm-1 | $2.36 \times 10^5$ | + +The following graphs show the individual folds' scores (crosses) and their averages (diamonds). +The current leading matbench score for mean absolute error is marked with a dashed line. The benchmark +does not have a category for negative log likelihood so these results cannot be compared against any other. + +### Perovskites metrics graphs + +![Perovskites mean absolute errors](perovskites-mae-change.png) +![Perovskites negative log likelihoods](perovskites-nll.png) + +### Phonons metrics graphs + + +![Phonons mean absolute errors](phonons-mae-change.png) +![Phonons negative log likelihoods](phonons-nll.png) + +## Calibration + +Calibration curves are a way of visualising how well the probabilistic model's +residuals align with the predicted distributions. For a well calibrated model, +5% of residuals should lie below the 95% confidence interval and 5% above it. By +plotting the normalized cumulative distribution of the probability percentile in +which each residual lies, we can visually inspect how over-/underconfident a +model is. See also this [paper](https://doi.org/10.1088/2632-2153/ab7e1a). + +To produce the calibration curves and parity plots here, the predictions for +every model on their respective test subset were concatenated. In this way, +there was exactly one prediction for every point in the dataset. The residual of +each prediction contributed to the cumulative distribution. + +Parity plots are also provided to give a more intuitive way of visualising the +confidence intervals predicted by the models. In each case, two standard +deviations (the 95% confidence interval) are plotted for 125 randomly sampled +points. The same materials (i.e. same inputs) and the respective predictions +are plotted for each choice of number of inducing index points. + +### Perovskites calibration + +![Perovskites probabilistic parity plots](perovskites-parity.png) +![Perovskites calibration curves](perovskites-calibration.png) + +### Phonons calibration + +![Phonons probabilistic parity plots](phonons-parity.png) +![Phonons calibration curves](phonons-calibration.png) diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-0/2021.12.30.18.27.59/train/events.out.tfevents.1640888880.node-j00a-002.myriad.ucl.ac.uk.58810.4727.v2 b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-0/2021.12.30.18.27.59/train/events.out.tfevents.1640888880.node-j00a-002.myriad.ucl.ac.uk.58810.4727.v2 new file mode 100644 index 0000000..dfe17ec Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-0/2021.12.30.18.27.59/train/events.out.tfevents.1640888880.node-j00a-002.myriad.ucl.ac.uk.58810.4727.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-0/2021.12.30.18.27.59/validation/events.out.tfevents.1640888915.node-j00a-002.myriad.ucl.ac.uk.58810.28483.v2 b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-0/2021.12.30.18.27.59/validation/events.out.tfevents.1640888915.node-j00a-002.myriad.ucl.ac.uk.58810.28483.v2 new file mode 100644 index 0000000..fc8bfa0 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-0/2021.12.30.18.27.59/validation/events.out.tfevents.1640888915.node-j00a-002.myriad.ucl.ac.uk.58810.28483.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-0/2022.01.02.16.17.43/train/events.out.tfevents.1641140264.node-j00a-002.myriad.ucl.ac.uk.235146.31120.v2 b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-0/2022.01.02.16.17.43/train/events.out.tfevents.1641140264.node-j00a-002.myriad.ucl.ac.uk.235146.31120.v2 new file mode 100644 index 0000000..94330d6 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-0/2022.01.02.16.17.43/train/events.out.tfevents.1641140264.node-j00a-002.myriad.ucl.ac.uk.235146.31120.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-0/2022.01.02.16.17.43/validation/events.out.tfevents.1641140308.node-j00a-002.myriad.ucl.ac.uk.235146.54878.v2 b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-0/2022.01.02.16.17.43/validation/events.out.tfevents.1641140308.node-j00a-002.myriad.ucl.ac.uk.235146.54878.v2 new file mode 100644 index 0000000..ee0c3f7 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-0/2022.01.02.16.17.43/validation/events.out.tfevents.1641140308.node-j00a-002.myriad.ucl.ac.uk.235146.54878.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-0/2022.01.13.17.01.25/train/events.out.tfevents.1642093286.node-f00a-001.myriad.ucl.ac.uk.229934.31120.v2 b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-0/2022.01.13.17.01.25/train/events.out.tfevents.1642093286.node-f00a-001.myriad.ucl.ac.uk.229934.31120.v2 new file mode 100644 index 0000000..27fdce9 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-0/2022.01.13.17.01.25/train/events.out.tfevents.1642093286.node-f00a-001.myriad.ucl.ac.uk.229934.31120.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-0/2022.01.13.17.01.25/validation/events.out.tfevents.1642093332.node-f00a-001.myriad.ucl.ac.uk.229934.54878.v2 b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-0/2022.01.13.17.01.25/validation/events.out.tfevents.1642093332.node-f00a-001.myriad.ucl.ac.uk.229934.54878.v2 new file mode 100644 index 0000000..033fa01 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-0/2022.01.13.17.01.25/validation/events.out.tfevents.1642093332.node-f00a-001.myriad.ucl.ac.uk.229934.54878.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-0/metrics.csv b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-0/metrics.csv new file mode 100644 index 0000000..467af1b --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-0/metrics.csv @@ -0,0 +1,3 @@ +,0 +mse,0.009393307962653754 +mae,0.06622312598855358 diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-1/2021.12.30.18.27.59/train/events.out.tfevents.1640888880.node-j00a-002.myriad.ucl.ac.uk.58811.4727.v2 b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-1/2021.12.30.18.27.59/train/events.out.tfevents.1640888880.node-j00a-002.myriad.ucl.ac.uk.58811.4727.v2 new file mode 100644 index 0000000..75c1cf7 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-1/2021.12.30.18.27.59/train/events.out.tfevents.1640888880.node-j00a-002.myriad.ucl.ac.uk.58811.4727.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-1/2021.12.30.18.27.59/validation/events.out.tfevents.1640888922.node-j00a-002.myriad.ucl.ac.uk.58811.28483.v2 b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-1/2021.12.30.18.27.59/validation/events.out.tfevents.1640888922.node-j00a-002.myriad.ucl.ac.uk.58811.28483.v2 new file mode 100644 index 0000000..052403c Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-1/2021.12.30.18.27.59/validation/events.out.tfevents.1640888922.node-j00a-002.myriad.ucl.ac.uk.58811.28483.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-1/2022.01.02.16.17.43/train/events.out.tfevents.1641140264.node-j00a-002.myriad.ucl.ac.uk.235147.31120.v2 b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-1/2022.01.02.16.17.43/train/events.out.tfevents.1641140264.node-j00a-002.myriad.ucl.ac.uk.235147.31120.v2 new file mode 100644 index 0000000..0a817e7 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-1/2022.01.02.16.17.43/train/events.out.tfevents.1641140264.node-j00a-002.myriad.ucl.ac.uk.235147.31120.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-1/2022.01.02.16.17.43/validation/events.out.tfevents.1641140308.node-j00a-002.myriad.ucl.ac.uk.235147.54878.v2 b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-1/2022.01.02.16.17.43/validation/events.out.tfevents.1641140308.node-j00a-002.myriad.ucl.ac.uk.235147.54878.v2 new file mode 100644 index 0000000..48ab524 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-1/2022.01.02.16.17.43/validation/events.out.tfevents.1641140308.node-j00a-002.myriad.ucl.ac.uk.235147.54878.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-1/metrics.csv b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-1/metrics.csv new file mode 100644 index 0000000..e9eb280 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-1/metrics.csv @@ -0,0 +1,3 @@ +,0 +mse,0.01060051274230549 +mae,0.07380242294693397 diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-2/2021.12.30.18.28.00/train/events.out.tfevents.1640888880.node-e00a-003.myriad.ucl.ac.uk.257537.4727.v2 b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-2/2021.12.30.18.28.00/train/events.out.tfevents.1640888880.node-e00a-003.myriad.ucl.ac.uk.257537.4727.v2 new file mode 100644 index 0000000..3c88348 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-2/2021.12.30.18.28.00/train/events.out.tfevents.1640888880.node-e00a-003.myriad.ucl.ac.uk.257537.4727.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-2/2021.12.30.18.28.00/validation/events.out.tfevents.1640888937.node-e00a-003.myriad.ucl.ac.uk.257537.28483.v2 b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-2/2021.12.30.18.28.00/validation/events.out.tfevents.1640888937.node-e00a-003.myriad.ucl.ac.uk.257537.28483.v2 new file mode 100644 index 0000000..bd1c77c Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-2/2021.12.30.18.28.00/validation/events.out.tfevents.1640888937.node-e00a-003.myriad.ucl.ac.uk.257537.28483.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-2/2022.01.02.16.19.08/train/events.out.tfevents.1641140348.node-e00a-009.myriad.ucl.ac.uk.52350.31120.v2 b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-2/2022.01.02.16.19.08/train/events.out.tfevents.1641140348.node-e00a-009.myriad.ucl.ac.uk.52350.31120.v2 new file mode 100644 index 0000000..8bc053b Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-2/2022.01.02.16.19.08/train/events.out.tfevents.1641140348.node-e00a-009.myriad.ucl.ac.uk.52350.31120.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-2/2022.01.02.16.19.08/validation/events.out.tfevents.1641140397.node-e00a-009.myriad.ucl.ac.uk.52350.54878.v2 b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-2/2022.01.02.16.19.08/validation/events.out.tfevents.1641140397.node-e00a-009.myriad.ucl.ac.uk.52350.54878.v2 new file mode 100644 index 0000000..25d4cfc Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-2/2022.01.02.16.19.08/validation/events.out.tfevents.1641140397.node-e00a-009.myriad.ucl.ac.uk.52350.54878.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-2/2022.01.13.17.01.38/train/events.out.tfevents.1642093298.node-j00a-002.myriad.ucl.ac.uk.228013.31120.v2 b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-2/2022.01.13.17.01.38/train/events.out.tfevents.1642093298.node-j00a-002.myriad.ucl.ac.uk.228013.31120.v2 new file mode 100644 index 0000000..8771789 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-2/2022.01.13.17.01.38/train/events.out.tfevents.1642093298.node-j00a-002.myriad.ucl.ac.uk.228013.31120.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-2/2022.01.13.17.01.38/validation/events.out.tfevents.1642093339.node-j00a-002.myriad.ucl.ac.uk.228013.54878.v2 b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-2/2022.01.13.17.01.38/validation/events.out.tfevents.1642093339.node-j00a-002.myriad.ucl.ac.uk.228013.54878.v2 new file mode 100644 index 0000000..979c83c Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-2/2022.01.13.17.01.38/validation/events.out.tfevents.1642093339.node-j00a-002.myriad.ucl.ac.uk.228013.54878.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-2/metrics.csv b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-2/metrics.csv new file mode 100644 index 0000000..8b52a38 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-2/metrics.csv @@ -0,0 +1,3 @@ +,0 +mse,0.007954796837189913 +mae,0.06419901569298632 diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-3/2021.12.30.18.29.00/train/events.out.tfevents.1640888940.node-f00a-001.myriad.ucl.ac.uk.126163.4727.v2 b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-3/2021.12.30.18.29.00/train/events.out.tfevents.1640888940.node-f00a-001.myriad.ucl.ac.uk.126163.4727.v2 new file mode 100644 index 0000000..bf890e1 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-3/2021.12.30.18.29.00/train/events.out.tfevents.1640888940.node-f00a-001.myriad.ucl.ac.uk.126163.4727.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-3/2021.12.30.18.29.00/validation/events.out.tfevents.1640888983.node-f00a-001.myriad.ucl.ac.uk.126163.28483.v2 b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-3/2021.12.30.18.29.00/validation/events.out.tfevents.1640888983.node-f00a-001.myriad.ucl.ac.uk.126163.28483.v2 new file mode 100644 index 0000000..341ef91 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-3/2021.12.30.18.29.00/validation/events.out.tfevents.1640888983.node-f00a-001.myriad.ucl.ac.uk.126163.28483.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-3/2022.01.02.16.19.08/train/events.out.tfevents.1641140348.node-e00a-009.myriad.ucl.ac.uk.52349.31120.v2 b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-3/2022.01.02.16.19.08/train/events.out.tfevents.1641140348.node-e00a-009.myriad.ucl.ac.uk.52349.31120.v2 new file mode 100644 index 0000000..6c022fb Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-3/2022.01.02.16.19.08/train/events.out.tfevents.1641140348.node-e00a-009.myriad.ucl.ac.uk.52349.31120.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-3/2022.01.02.16.19.08/validation/events.out.tfevents.1641140396.node-e00a-009.myriad.ucl.ac.uk.52349.54878.v2 b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-3/2022.01.02.16.19.08/validation/events.out.tfevents.1641140396.node-e00a-009.myriad.ucl.ac.uk.52349.54878.v2 new file mode 100644 index 0000000..673f415 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-3/2022.01.02.16.19.08/validation/events.out.tfevents.1641140396.node-e00a-009.myriad.ucl.ac.uk.52349.54878.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-3/metrics.csv b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-3/metrics.csv new file mode 100644 index 0000000..c7e4fa6 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-3/metrics.csv @@ -0,0 +1,3 @@ +,0 +mse,0.009256038790339195 +mae,0.06724971367117594 diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-4/2021.12.30.18.42.18/train/events.out.tfevents.1640889738.node-j00a-002.myriad.ucl.ac.uk.139219.4727.v2 b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-4/2021.12.30.18.42.18/train/events.out.tfevents.1640889738.node-j00a-002.myriad.ucl.ac.uk.139219.4727.v2 new file mode 100644 index 0000000..5d22150 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-4/2021.12.30.18.42.18/train/events.out.tfevents.1640889738.node-j00a-002.myriad.ucl.ac.uk.139219.4727.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-4/2021.12.30.18.42.18/validation/events.out.tfevents.1640889771.node-j00a-002.myriad.ucl.ac.uk.139219.28483.v2 b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-4/2021.12.30.18.42.18/validation/events.out.tfevents.1640889771.node-j00a-002.myriad.ucl.ac.uk.139219.28483.v2 new file mode 100644 index 0000000..fb6656d Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-4/2021.12.30.18.42.18/validation/events.out.tfevents.1640889771.node-j00a-002.myriad.ucl.ac.uk.139219.28483.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-4/2022.01.02.16.19.00/train/events.out.tfevents.1641140340.node-e00a-005.myriad.ucl.ac.uk.46161.31120.v2 b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-4/2022.01.02.16.19.00/train/events.out.tfevents.1641140340.node-e00a-005.myriad.ucl.ac.uk.46161.31120.v2 new file mode 100644 index 0000000..0f551d3 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-4/2022.01.02.16.19.00/train/events.out.tfevents.1641140340.node-e00a-005.myriad.ucl.ac.uk.46161.31120.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-4/2022.01.02.16.19.00/validation/events.out.tfevents.1641140398.node-e00a-005.myriad.ucl.ac.uk.46161.54878.v2 b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-4/2022.01.02.16.19.00/validation/events.out.tfevents.1641140398.node-e00a-005.myriad.ucl.ac.uk.46161.54878.v2 new file mode 100644 index 0000000..ca85ca7 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-4/2022.01.02.16.19.00/validation/events.out.tfevents.1641140398.node-e00a-005.myriad.ucl.ac.uk.46161.54878.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-4/metrics.csv b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-4/metrics.csv new file mode 100644 index 0000000..87b2578 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/megnet/matbench_perovskites-4/metrics.csv @@ -0,0 +1,3 @@ +,0 +mse,0.011416907373031335 +mae,0.07698080428430867 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-0/2022.01.26.17.52.32/train/events.out.tfevents.1643219552.node-l00a-003.myriad.ucl.ac.uk.46786.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-0/2022.01.26.17.52.32/train/events.out.tfevents.1643219552.node-l00a-003.myriad.ucl.ac.uk.46786.0.v2 new file mode 100644 index 0000000..ae54ca6 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-0/2022.01.26.17.52.32/train/events.out.tfevents.1643219552.node-l00a-003.myriad.ucl.ac.uk.46786.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-0/2022.01.26.17.52.32/validation/events.out.tfevents.1643219595.node-l00a-003.myriad.ucl.ac.uk.46786.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-0/2022.01.26.17.52.32/validation/events.out.tfevents.1643219595.node-l00a-003.myriad.ucl.ac.uk.46786.1.v2 new file mode 100644 index 0000000..6af37fe Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-0/2022.01.26.17.52.32/validation/events.out.tfevents.1643219595.node-l00a-003.myriad.ucl.ac.uk.46786.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-0/2022.02.10.18.41.34/train/events.out.tfevents.1644518495.node-l00a-004.myriad.ucl.ac.uk.207181.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-0/2022.02.10.18.41.34/train/events.out.tfevents.1644518495.node-l00a-004.myriad.ucl.ac.uk.207181.0.v2 new file mode 100644 index 0000000..bac73b0 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-0/2022.02.10.18.41.34/train/events.out.tfevents.1644518495.node-l00a-004.myriad.ucl.ac.uk.207181.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-0/2022.02.10.18.41.34/validation/events.out.tfevents.1644518546.node-l00a-004.myriad.ucl.ac.uk.207181.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-0/2022.02.10.18.41.34/validation/events.out.tfevents.1644518546.node-l00a-004.myriad.ucl.ac.uk.207181.1.v2 new file mode 100644 index 0000000..18dc539 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-0/2022.02.10.18.41.34/validation/events.out.tfevents.1644518546.node-l00a-004.myriad.ucl.ac.uk.207181.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-0/metrics.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-0/metrics.csv new file mode 100644 index 0000000..2d0fca3 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-0/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,-3171.8540732051724 +sharpness,0.14646325494048992 +variation,0.06680225375026387 +mae,0.05860692061477788 +mse,0.007275915051778311 +rmse,0.08529897450601802 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-0/predictions.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-0/predictions.csv new file mode 100644 index 0000000..5f84384 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-0/predictions.csv @@ -0,0 +1,3787 @@ +,Predicted value,Predicted standard deviation,True value +0,1.4705030495192415,0.14288535206962574,1.48 +1,1.4149159708149122,0.14320659196000038,1.4 +2,1.0904158610923447,0.14454041869386394,1.08 +3,0.5520591216511801,0.14481000747644715,0.62 +4,1.2569580364290212,0.1437875555032342,1.18 +5,1.4381055412260033,0.14600178416904913,1.44 +6,-0.011994149016378852,0.1570956595764853,0.0 +7,3.491185239594691,0.1560500893966165,3.34 +8,1.2106977654471565,0.14467386990698394,1.08 +9,3.8859634270552808,0.17525219175076642,3.74 +10,3.0653504743685986,0.15073567246029249,3.2 +11,2.044280582262321,0.1523385019641705,2.22 +12,0.5086285553288712,0.1450621040715863,0.62 +13,1.822957075004036,0.14540406478302487,1.86 +14,1.5039934218930395,0.14393415061268616,1.44 +15,2.2658405498707315,0.1446249944326172,2.32 +16,0.9397126698540803,0.14561152500955254,1.02 +17,2.776874647632369,0.14730009537959166,2.8 +18,1.4367330188838996,0.14457519415193898,1.54 +19,1.1272518124769104,0.14424781662625424,1.1 +20,1.8899197922168338,0.14341413120686433,1.92 +21,1.1491890573440569,0.14569767178073081,1.14 +22,1.1392919238130408,0.14443287979570407,1.1 +23,0.9854130278291025,0.14659772970224483,1.0 +24,1.3014531232762399,0.14367184853434511,1.28 +25,2.422318192622012,0.14484706909208914,2.48 +26,1.1996873091646365,0.1442224171499214,1.1 +27,1.243489509938215,0.15549200930790416,1.4 +28,1.4565247596445325,0.14540978078137018,1.44 +29,1.1754869817451152,0.14374283067073687,1.14 +30,0.22584653773566332,0.1471892524287589,-0.04 +31,0.6995027111963563,0.14517934174893984,0.66 +32,1.7367697103166617,0.14554062695981276,1.7 +33,1.0463976251776423,0.14448391071195632,1.18 +34,1.0687524012408471,0.14421454161133937,1.02 +35,0.792861102111925,0.14360092356416942,0.88 +36,0.5468973686024268,0.1455351500233656,0.56 +37,0.9912143462195488,0.14605499321991453,0.92 +38,0.5826560736627671,0.14478827782502696,0.58 +39,1.5498222465716656,0.14410995181806868,1.54 +40,0.9691258676930325,0.1463805909282166,0.98 +41,2.043769196284423,0.14302218061185412,2.04 +42,1.3678701612021347,0.14535570508399634,1.36 +43,3.987504810457811,0.1850658269374312,3.96 +44,1.8055888478908053,0.14505960745437732,1.82 +45,1.6434799438379817,0.14303399610533157,1.74 +46,2.2475687637598463,0.14389820762666017,2.26 +47,1.1966171040829914,0.14437167339031368,1.22 +48,0.44276660358835196,0.14459293801071274,0.48 +49,1.2755835322312472,0.14398530302113388,1.2 +50,2.0448323976450085,0.1431777226348206,2.1 +51,0.9227762786674156,0.1439111511137281,0.94 +52,0.9882932011821528,0.14414464361327237,0.9 +53,2.60866151719881,0.14718954504644124,2.72 +54,1.5911783797095578,0.14327135363023835,1.6 +55,1.6603189185681448,0.14686671659079248,1.66 +56,1.0795373536218045,0.14428471960029815,1.18 +57,1.7997046892960413,0.14418049415993203,1.88 +58,1.171909516245139,0.14335507041701692,1.26 +59,0.8482601018228881,0.14412262170693654,0.82 +60,1.6914214720137601,0.1436041903667592,1.62 +61,1.316464787939799,0.14386471507099646,1.26 +62,1.497383300630347,0.14455189906140795,1.6 +63,1.7971619114880242,0.14420878309645394,2.08 +64,0.6216900640993956,0.14837037280232646,0.5 +65,0.8628225930921869,0.14321851951227418,0.92 +66,1.1840383967972135,0.14497658609907776,1.28 +67,2.150741937366837,0.14372400085174966,2.3 +68,1.0556854824314876,0.14455222462598327,1.06 +69,0.8324298785009323,0.14409598499499035,0.8 +70,1.9276788437008663,0.14363886721329616,1.96 +71,1.201814798559861,0.1442719238949037,1.24 +72,3.0903927032308602,0.150556422798265,2.86 +73,1.5499329845954315,0.14441099149649037,1.5 +74,1.3181487890631876,0.14468105731917194,1.26 +75,1.2168492891974503,0.14408779151204248,1.06 +76,1.374021430105293,0.14610673784411843,1.36 +77,1.1879122699664095,0.14744369698635146,1.26 +78,1.60787746913009,0.14630269792784,1.6 +79,0.835261469455356,0.14398716967717734,0.84 +80,1.1913920822758546,0.14510171567110114,1.24 +81,1.3128060741907608,0.14889848522344254,1.3 +82,1.5485187972039545,0.1484368331737082,1.58 +83,1.3657908915400339,0.14286113185941937,1.2 +84,1.175757122114947,0.15560142704132734,1.44 +85,1.766162186689558,0.14598957268194027,1.82 +86,1.63651370154196,0.14411471374922988,1.66 +87,2.1592960973098756,0.1435957647711014,2.16 +88,1.4016485583500349,0.14367923870675708,1.36 +89,1.5909201369894537,0.14661223597508524,1.44 +90,3.227472182323384,0.15090743366420928,3.26 +91,3.434298493173236,0.15417415156370776,3.42 +92,0.9530629364883869,0.14524889026093363,0.9 +93,2.0167791033113596,0.14436366621595842,1.92 +94,1.5949648311428004,0.14849718507805235,1.62 +95,-0.0756740921220298,0.1927767319846326,-0.2 +96,1.3290635170378793,0.14525602564450685,1.3 +97,1.6652933732411612,0.1450693716917861,1.72 +98,1.8533060590540118,0.14354457688224329,1.88 +99,0.9727178510672556,0.14344828821359987,0.68 +100,2.3448258172266194,0.1448176211423856,2.28 +101,2.3079889076434292,0.14463561579028322,2.28 +102,1.1611980882806923,0.14391139637703185,1.16 +103,1.4421202543153933,0.14398786274222328,1.46 +104,0.8720312293954309,0.14481623219144396,0.88 +105,1.714889864195213,0.14455394906456667,1.72 +106,2.6289381644770438,0.1467485241526829,2.56 +107,0.42894127541091587,0.14430511448647784,0.4 +108,2.033552401250047,0.14314534205473156,2.04 +109,1.0773865511172276,0.14770879571801068,1.0 +110,1.075444790406062,0.1438908788842572,1.12 +111,0.527498342834472,0.14490652053296735,0.6 +112,1.6027325051042625,0.14349415545910502,1.62 +113,0.18360863799100935,0.15104918282023913,0.1 +114,1.228542560145819,0.14421299680335783,1.28 +115,1.8959146302272587,0.14412798761699042,1.9 +116,1.0194787609362543,0.1500690366192167,1.04 +117,3.3609844972567164,0.1531433594874412,3.48 +118,0.6726392079688073,0.1452667115325537,0.72 +119,1.327321415037233,0.14408416604303156,1.28 +120,1.435742930150234,0.14378282391192723,1.5 +121,0.5513458657328614,0.14664493403002132,0.6 +122,1.685279848305234,0.14387638880746317,1.78 +123,1.2389573419784417,0.14672926026960983,1.3 +124,1.241316200627328,0.1436654641181018,1.26 +125,2.4860866355032205,0.14546765634577152,2.5 +126,1.5383952457781302,0.14502469741638901,1.6 +127,1.0994237581434736,0.14364308044425755,1.2 +128,2.0043873061734883,0.1432946729039925,2.02 +129,1.5575990159995468,0.1493758797075274,1.58 +130,2.9862057616127733,0.1491805680485553,3.02 +131,1.7231742359643385,0.14372438237911925,1.74 +132,0.9568255828030918,0.14741870145939417,0.98 +133,1.2399093417994647,0.1447449164999033,1.24 +134,1.643184093027458,0.14454707950902826,1.64 +135,2.047379203351689,0.14323123101562749,2.0 +136,1.5749456952215675,0.14642875394883076,1.56 +137,2.9138619966200445,0.14819125507289982,3.02 +138,1.076455659237935,0.1436502146595227,1.14 +139,3.1820067750344045,0.15336270445288355,3.24 +140,1.2663681292151652,0.143058240612205,1.32 +141,0.811048328980688,0.14373659642204512,0.8 +142,1.8330743232048552,0.14401842314764982,1.8 +143,2.0523820588090467,0.14376738385900745,2.06 +144,0.6505614392239516,0.14480481764532427,0.6 +145,1.4250550094675423,0.14380003029604171,1.38 +146,3.414254822477487,0.15310763549279216,3.42 +147,1.6720840852701664,0.14351560380851336,1.7 +148,0.9128354098147455,0.14546051813256958,1.12 +149,1.4708392417298843,0.14978640529472467,1.5 +150,0.34272093704616546,0.14555301552936434,0.3 +151,-0.18259174471021877,0.181202628928605,-0.32 +152,1.0923603763914866,0.14715574770369516,1.12 +153,1.4757930529699483,0.14479066525562753,1.44 +154,1.1489915747678432,0.1437064039167188,1.24 +155,1.4932315268831773,0.14500792776402927,1.5 +156,1.4009070569167652,0.14407242315542879,1.42 +157,1.7086783393385656,0.1439320812094357,1.7 +158,1.6775763804591777,0.1447298987405353,1.66 +159,0.4845169755651111,0.1460418473602014,0.48 +160,1.0251881765574251,0.14316858786749703,1.02 +161,1.0543513393068555,0.14456232144372755,0.98 +162,1.3288115670885348,0.1440829754880996,1.26 +163,0.7807841004637859,0.14514396689259473,0.74 +164,2.520457400636666,0.1458524444585917,2.46 +165,2.251797625917812,0.14409701922387966,2.18 +166,1.4180402129601775,0.1462461685879339,1.4 +167,2.2234790411434404,0.14368756998123358,2.22 +168,1.4633343958067102,0.14768029358292892,1.52 +169,1.199626493056226,0.14353479963264226,1.22 +170,0.879048600456573,0.14423008829332645,0.78 +171,1.5957604480424483,0.14392563549403398,1.58 +172,0.6038448395331533,0.14754609682282396,0.56 +173,1.0339703578543173,0.1455502122460443,1.02 +174,1.4138859799325005,0.14359031201676495,1.38 +175,1.398065348181325,0.14461940631896716,1.46 +176,0.9475312199479782,0.1443652700652094,1.0 +177,1.6507528476468125,0.1454134475399867,1.66 +178,0.8628497345583086,0.14318969072056925,0.94 +179,1.7967693784914514,0.1429181390935902,1.86 +180,0.34434653774279633,0.1459382871838759,0.32 +181,1.9095487677284706,0.14335955110583845,1.94 +182,1.3541632897361837,0.145167343538015,1.38 +183,0.97770165121451,0.14388012658548185,1.0 +184,1.7174278058641108,0.14640685581440946,1.88 +185,3.9861383999856046,0.18468882385709504,4.08 +186,1.7234593695550164,0.14377168833660756,1.7 +187,1.9582235480331271,0.14461183484101614,1.98 +188,1.3105986348541827,0.14374410935829768,1.28 +189,2.1940358019861255,0.14408717221629228,2.3 +190,0.9361600979029299,0.14402520133647187,1.02 +191,1.112613698751789,0.14552818533194123,1.14 +192,0.850608050629202,0.14547011609527977,0.72 +193,2.538561105527782,0.14604635304462904,2.56 +194,1.207095007214385,0.14626327331329467,1.2 +195,1.2804334483449602,0.14419042953330805,1.22 +196,0.2667861579171871,0.14705979466081065,0.32 +197,0.7615512292584978,0.1438363356032317,0.76 +198,1.8177173788316794,0.1446965673364539,1.86 +199,0.9148794559715125,0.14429859294447486,0.96 +200,0.8772365851480726,0.14390558527412478,0.88 +201,1.8259266266810958,0.14890093639646784,1.86 +202,1.3366328067150914,0.14350720468125433,1.3 +203,0.6536847845935942,0.14568118242962103,0.6 +204,1.464154335272481,0.14332832140318086,1.42 +205,1.0598432917587908,0.1437107663847414,1.12 +206,0.9421910862996499,0.14310221821460986,0.9 +207,1.5791511522229524,0.14343323934266997,1.68 +208,0.42808106468536744,0.14424449302190345,0.5 +209,0.8647584787701317,0.1449905397580959,0.8 +210,1.3772234919697213,0.14423292781556493,1.3 +211,1.473364685369987,0.1436682167374963,1.42 +212,1.5946344331204938,0.14560341784143577,1.58 +213,1.5793217362339758,0.14383307205846185,1.6 +214,2.7430283826494777,0.14709187562708334,3.08 +215,0.26831371572005347,0.14661214039325654,0.2 +216,0.7341373563470399,0.14629570656491692,0.64 +217,1.700533812818224,0.14501914119817927,2.0 +218,0.6259122151663115,0.14505979507772804,0.6 +219,1.5211193889359955,0.14697828730971657,1.38 +220,1.5177941714838856,0.14501044429150728,1.5 +221,1.5124388312732155,0.14393992936305872,1.46 +222,1.120069384737953,0.14393839919532708,1.04 +223,2.111924336269715,0.14468664321377056,2.16 +224,0.43828174343307547,0.1469353958237295,0.46 +225,0.6664428381017538,0.14463151382262185,0.76 +226,1.3626721093947194,0.14413843766454623,1.32 +227,2.0910666515025818,0.14336223632470763,2.08 +228,1.5104148619856042,0.14403307537926785,1.48 +229,1.0935612975014437,0.1442067630885947,1.18 +230,0.23780364352372674,0.14711012484264233,0.2 +231,1.0224533683131622,0.14446998465560834,1.04 +232,1.7664179369890296,0.14353430576292567,1.7 +233,2.3516058778334092,0.1448351574840341,2.44 +234,2.15286093680812,0.143569629199628,2.3 +235,1.1143893149188355,0.14362479803696895,1.08 +236,0.3940969327188317,0.14628323275999938,0.48 +237,0.8785789881428987,0.14352364915582888,0.9 +238,1.4729927210480676,0.1494158336790596,1.48 +239,1.9808217543108992,0.14380380009863633,2.04 +240,2.4932162688144808,0.14579662383227332,2.5 +241,1.4214346707638215,0.14464719361941622,1.4 +242,1.211954923064138,0.14516978602898026,1.18 +243,1.3824686707160354,0.14890427626864042,1.34 +244,0.7057913602824866,0.14513634711606546,0.72 +245,2.4895771512498457,0.14566477300291258,2.4 +246,3.287371535085138,0.15157036827599502,3.42 +247,1.2443745146629177,0.14332772806821623,1.46 +248,4.566092549900066,0.2992018727280932,4.52 +249,1.4998607552961354,0.14408699273709685,1.46 +250,1.2215728604606562,0.1452113460745815,1.12 +251,2.62833972000974,0.14744301299070908,2.54 +252,0.5633023734172711,0.15142260602803534,0.54 +253,1.3977293856069957,0.14361143140477486,1.4 +254,0.3596165588217919,0.14556806824941998,0.38 +255,1.8168287812186574,0.14428398544118107,1.76 +256,1.1370797856405734,0.14447932504284786,1.16 +257,0.9378630713136507,0.1459144390345037,0.96 +258,1.8978545514495448,0.14290980406058768,2.02 +259,1.482080673264973,0.14492730014342822,1.5 +260,0.9856225577093736,0.14487521360937933,0.96 +261,1.387630447310324,0.14434750988126507,1.28 +262,1.04930502728932,0.14660501726281644,1.06 +263,1.6444334286487128,0.14476744952449577,1.6 +264,1.227809204802249,0.144334632784709,1.18 +265,0.9354247777510669,0.14435665850336846,0.86 +266,1.4497533490097685,0.14377066416188206,1.48 +267,1.604895769224147,0.14463705195877966,1.46 +268,2.6773849598336477,0.14619746661704172,2.54 +269,1.5273908379871082,0.1437418591783198,1.5 +270,1.0335816587966815,0.14323844487098458,1.04 +271,1.3411342682735872,0.1451247808608839,1.36 +272,2.437344361393619,0.14537820814150665,2.5 +273,2.1420504845582777,0.14436692296234702,2.12 +274,0.9330315216152436,0.14342344110863164,0.92 +275,0.14610764195289017,0.15153099244762505,0.16 +276,1.0573277656267241,0.14420232346326467,1.04 +277,1.5900653149730393,0.14804679496591952,1.64 +278,1.0048740949310777,0.14508398706369743,0.86 +279,1.2097486335286853,0.1445163844566922,1.08 +280,0.7757395143576589,0.14499346589999954,0.82 +281,1.5419650861847587,0.15515683462506014,1.6 +282,1.8238115394799093,0.14450857014754734,1.8 +283,0.9376388223845216,0.14439581332000384,0.9 +284,1.912299039546911,0.14357237077505328,1.9 +285,0.5270659329936582,0.14538762816526588,0.52 +286,1.6977429871656562,0.14776970539754536,2.02 +287,1.065377478185534,0.14387286399067575,1.1 +288,1.378853047105864,0.14475260328285064,1.42 +289,2.121314823267808,0.14326349595288856,2.24 +290,0.8044850948126094,0.1440619575691155,0.82 +291,1.8189056358265874,0.14375910992530094,1.84 +292,0.857088919778525,0.14329813766826638,0.94 +293,2.673908245453053,0.1466440000570482,2.64 +294,2.8990810940827587,0.15149419259987568,2.86 +295,0.8091542281611344,0.14496334563543162,0.74 +296,1.0050857860976152,0.14400025590205495,0.98 +297,1.8004879745660447,0.14378967474563242,1.82 +298,1.5429196436157508,0.14486180036775276,1.5 +299,2.1452485481991688,0.14476305049437094,2.52 +300,3.640128296503962,0.16097385932565939,3.5 +301,1.6437753567694746,0.14376875871275385,1.68 +302,1.1951316721061667,0.14429267993639397,1.14 +303,1.3737422538644073,0.14592711339714348,1.34 +304,1.3432805869037598,0.14554194144481178,1.3 +305,3.8237074214865054,0.1715972606536502,3.62 +306,1.6050012034928245,0.14378415034700934,1.7 +307,1.0786343381999388,0.14355567096442606,1.12 +308,1.4947641420865918,0.14370499175342472,1.6 +309,1.9119701642755857,0.14343045572072521,1.8 +310,3.352290713549595,0.1517488321680359,3.42 +311,1.8127903613210052,0.1444303954214794,1.88 +312,0.7672690626733911,0.14419764426737736,0.8 +313,2.7520799111276557,0.14744801029137106,2.8 +314,1.1289912329674157,0.14864030595163646,1.04 +315,1.828654819112462,0.1432795575535026,2.06 +316,3.410613002377025,0.15281043709598974,3.06 +317,1.6685301847750371,0.1432647020062295,1.72 +318,0.6690098489373875,0.14743146385375472,0.66 +319,0.8875511215525091,0.14403134427035566,0.9 +320,0.3797174569954973,0.1459858146002043,0.44 +321,0.9510606413947067,0.14545928487004212,0.94 +322,3.183830942160269,0.14964560217954612,3.2 +323,1.8267467710657823,0.1434327440510072,1.88 +324,1.3466779778758942,0.1450543575465413,1.36 +325,0.8410212058457636,0.14324990498548978,0.8 +326,1.152447135378781,0.14425236091460947,1.06 +327,0.9826835353824159,0.14446423907114764,0.94 +328,0.756601528423277,0.1455637892546136,0.82 +329,0.49909068379167865,0.14612295275441073,0.42 +330,1.3357650028442039,0.14388286018234617,1.34 +331,2.141740090829624,0.14361450677629367,2.08 +332,1.5300933813053814,0.14599503110160938,1.54 +333,1.1013101713684894,0.14400351056061644,1.0 +334,1.0063968157611005,0.1508770461322261,1.1 +335,1.792184744960578,0.14429336094614825,1.8 +336,0.8638023743753966,0.15430995724530058,0.8 +337,1.305333832300239,0.14547280925728476,1.34 +338,0.48130300064650955,0.1447599113743709,0.48 +339,1.913927117717153,0.14358818908515156,1.96 +340,2.037877936445057,0.14407036369082726,2.0 +341,0.38556918804295437,0.14748051828777312,0.42 +342,2.9893975302167086,0.14912532577790213,3.12 +343,1.1242575541963018,0.14608907839206933,1.24 +344,1.6390405646504758,0.1464574418447808,1.68 +345,1.8347428243667463,0.14400205742716857,1.84 +346,2.343825389770221,0.1483361888002672,2.28 +347,1.5927364977817828,0.14334090482804082,1.54 +348,1.8426524501537558,0.1437169988411605,2.02 +349,1.7029630635486073,0.14329634006730674,1.7 +350,1.8631379539026782,0.146274243092568,1.82 +351,2.812969254318523,0.14908921468902073,2.98 +352,0.9197607377818682,0.14624060703697936,0.96 +353,1.1272024047689926,0.14416886134119006,1.06 +354,1.0962889243803056,0.14394712346659402,1.12 +355,1.6543146618689328,0.14472129774589118,1.68 +356,1.5089179373339694,0.1432978132662092,1.5 +357,1.1793571847734872,0.14403670517773437,1.18 +358,1.3872264571590223,0.14406358800385702,1.38 +359,1.1316362742213575,0.143800832226263,0.98 +360,2.0224186064385052,0.1454671483868247,2.02 +361,1.0291636022073551,0.14340296992155183,1.06 +362,0.6931218409898343,0.14711880628556706,0.7 +363,2.3673638020336463,0.14467958508744408,2.42 +364,0.03377839036885755,0.15451186195196787,-0.06 +365,1.1770763364717447,0.14442607793214754,1.12 +366,1.326148561132595,0.14346230628205853,1.28 +367,1.0235431897119978,0.14447873801353567,0.94 +368,1.2698939184072828,0.14445192009910482,1.24 +369,1.502059812890066,0.14479805289340195,1.5 +370,0.06627994792900838,0.15296516367691734,0.06 +371,3.0010871895935005,0.149829337422709,3.12 +372,0.8259642406761256,0.14814687869332474,0.82 +373,0.8969240575647857,0.14416894087758544,0.9 +374,2.443006674200691,0.1448977877505875,2.58 +375,1.430966206536239,0.14385424613032374,1.38 +376,0.8445907467068889,0.14322355242184803,0.78 +377,1.3577958172261888,0.14354895068593262,1.42 +378,1.657217731024668,0.15180973321207647,1.72 +379,1.682940090574578,0.15091345564408282,1.66 +380,0.21987444999631167,0.1462032702864482,0.22 +381,2.4397229425359925,0.1448396646244579,2.62 +382,1.5275062583561163,0.14858020316984635,1.48 +383,1.9464857913094584,0.14311225911045877,2.04 +384,1.2640438927403648,0.1441509343096802,1.2 +385,1.509101993847875,0.15564597555860935,1.64 +386,0.5449117724309951,0.14772519495706013,0.52 +387,1.1296089474136122,0.14403806425223292,1.22 +388,1.8298824637169724,0.1445025841275632,1.86 +389,1.7738379589506246,0.14416057286237066,1.74 +390,0.611354444357183,0.14509444786998552,0.62 +391,0.8480017300571956,0.14534342764945243,0.88 +392,2.0926510229702857,0.1461654034949862,2.04 +393,0.8218353481244098,0.14450666691193373,0.84 +394,1.7514258651608832,0.1451839392161411,1.74 +395,1.2176134465837145,0.14377213592547886,1.16 +396,2.1173651171318917,0.14482965802448866,2.14 +397,1.3099851467384078,0.14497747642407924,1.22 +398,1.229635849752262,0.1443132792439041,1.22 +399,-0.15120124775277288,0.18348546356387727,-0.26 +400,1.5401443444627057,0.1437519976343795,1.54 +401,1.0653817491724635,0.14346933587455218,1.06 +402,0.9711804329315172,0.14319516545981167,0.96 +403,3.023985344884496,0.14830251203164746,3.02 +404,2.853182721064281,0.15195874662246828,2.64 +405,0.4635774973965501,0.145386289363045,0.44 +406,1.4410918014778482,0.1441454041040309,1.52 +407,2.806728935740621,0.14759388097349463,2.74 +408,1.2928168972176057,0.14603522949150718,1.28 +409,2.5643290213397916,0.14647966924833203,2.58 +410,0.4150777624802786,0.1458489093059702,0.4 +411,1.2067346645073234,0.14459009472046638,1.18 +412,0.8760809007617589,0.14704268999947281,0.78 +413,1.7105699786724284,0.14634254508509456,1.68 +414,1.4951702776027305,0.1431420713616885,1.32 +415,0.6836229183550491,0.14426436382103477,0.76 +416,0.6264825653507349,0.14644372982396917,0.66 +417,2.9069218663673326,0.14791267828153315,3.02 +418,1.9448033475647741,0.14348646143636667,1.92 +419,1.509778979835096,0.14480081458897473,1.54 +420,1.1905926534359712,0.14431507932267024,1.08 +421,0.4622863945175735,0.14955504604114933,0.44 +422,1.7295780270231522,0.14555112624396813,1.7 +423,2.211569124687385,0.14423100113698464,2.28 +424,1.1837782364468645,0.14401923247163273,0.9 +425,1.3797190339950558,0.14433423421871092,1.46 +426,1.9768421737754367,0.14521013034691194,1.96 +427,1.5376921924000109,0.14792664870400854,1.46 +428,0.6326949118089549,0.14574213943037423,0.68 +429,1.3906564359934372,0.14307586984043805,1.36 +430,2.058331235112496,0.14355267029178123,2.08 +431,1.9903100111223435,0.1440113595406023,1.98 +432,0.5312547894092554,0.14621626826603865,0.5 +433,1.4262688219038933,0.14496674970502643,1.38 +434,2.986001177327831,0.14929858071971014,2.9 +435,0.0652584306520585,0.15220184673271578,-0.04 +436,0.9415024060753852,0.14317206039388672,0.9 +437,3.4691674581439806,0.15413780276145403,3.54 +438,1.434435534343811,0.14443404358417156,1.38 +439,0.8729663315192604,0.1432952252453059,0.9 +440,0.8492207663947711,0.14407205796743658,0.9 +441,0.01696509216251174,0.15744818557956422,0.0 +442,2.3110618064004798,0.1452136850684566,2.22 +443,2.650892463158011,0.14594056707021616,2.68 +444,1.3478522270613937,0.14307908915793774,1.52 +445,1.9191756873068564,0.14364935120567146,1.82 +446,1.2488501469009745,0.14348226330011007,1.22 +447,1.4630068484083893,0.1492403741121366,1.46 +448,1.4904020553385569,0.14459678462680825,1.58 +449,1.378496896186045,0.14364322337839364,1.52 +450,1.215666397802066,0.1445576146618636,1.26 +451,1.2760417218635394,0.1442289119705524,1.22 +452,1.2028437508473115,0.14394162190459692,1.18 +453,1.307420358660759,0.14802414910633846,1.16 +454,1.7602210838917558,0.14578142241489345,2.02 +455,2.573099130659282,0.14607625673494454,2.56 +456,2.4053867964133553,0.14733162689700205,2.32 +457,1.12939144908326,0.14385434203849257,1.14 +458,1.3060692895430166,0.14446555628529958,1.32 +459,0.8611989828522497,0.14400850149960154,0.82 +460,0.9374501708237699,0.14741123284779697,0.94 +461,1.6778639255771766,0.14507825042916725,1.64 +462,0.9638046401442701,0.1445410409217683,0.98 +463,1.5129860273567872,0.1464696513607496,1.52 +464,0.16049363593778532,0.14760223730393934,0.2 +465,0.4301081199266972,0.14698131493208366,0.38 +466,1.1667613710553248,0.1451482216409705,1.16 +467,0.9602357725645345,0.14497873620241858,0.96 +468,1.0938111904368122,0.14413595083457065,1.16 +469,1.3968269308216343,0.14296663737555715,1.24 +470,0.6321524621612871,0.14449331582524616,0.62 +471,2.0871718859760393,0.14335452518868588,2.12 +472,1.8469236838723284,0.1440911324789978,1.82 +473,1.5617169499029893,0.14502416597686613,1.58 +474,1.847450473383248,0.1437858867006707,1.82 +475,0.2746063338247571,0.15935959510644743,0.34 +476,1.8327919438137692,0.14389278240954076,1.94 +477,1.1859402157201075,0.14430061883910944,1.12 +478,1.8017255317335636,0.14447956039910476,1.8 +479,0.8771296005606275,0.14519166517263327,0.94 +480,1.1699646705993545,0.14418387921499576,1.1 +481,1.124511299625095,0.143468683826355,1.08 +482,1.735141320448705,0.14403044312633626,1.72 +483,0.30915296157961203,0.1476956717330678,0.32 +484,0.9010312844569381,0.14446991643734067,0.9 +485,1.8950505936910251,0.14403494106865491,1.92 +486,0.5267506345539918,0.14587678755905953,0.54 +487,1.2948998870249455,0.14532513155007493,1.26 +488,1.7324441305680431,0.14501101183474144,1.72 +489,1.8427271063891522,0.14452714137748182,1.78 +490,0.3445993998534882,0.1453117986361584,0.22 +491,0.5977684084466479,0.14558991843843702,0.62 +492,1.2760904707290632,0.14400807134243382,1.26 +493,0.29259532451480874,0.14764943649861265,0.38 +494,0.9394448121402257,0.14613252135611438,0.94 +495,2.8483096114776694,0.14836808437550342,2.92 +496,0.9137546850025697,0.1431228530239232,0.82 +497,0.7234851575466306,0.14431068285006854,0.78 +498,1.324355021973148,0.14414148543661096,1.3 +499,1.3652681887749947,0.1432068283496425,1.34 +500,2.3188606747963605,0.14461335680189286,2.38 +501,1.5481838392626401,0.14745337187039534,1.62 +502,1.21289659419149,0.14905832843767983,1.24 +503,0.21395520250552602,0.1518453373504963,0.26 +504,1.1275604324091408,0.1450908175047751,1.14 +505,0.6009679942749231,0.14531188506855128,0.54 +506,1.0496208109947749,0.14586128432560275,1.04 +507,1.6068584725414632,0.14607917240920312,1.62 +508,0.9877533850101234,0.14352047726242448,0.94 +509,0.768708586867286,0.14389518600705942,0.66 +510,0.8762444641045559,0.14370093221490415,0.88 +511,2.6783758848779535,0.14717886558447146,2.72 +512,0.867555264097398,0.14324269109363622,0.88 +513,1.5777727351785367,0.14639621558530744,1.56 +514,1.7555972669212054,0.14495857258064007,1.84 +515,1.3356428347184601,0.14474357992047213,1.34 +516,1.4556469067010807,0.14547280867701573,1.46 +517,0.9732192970977391,0.14354167678997526,0.98 +518,0.37224520380792514,0.1459306986111289,0.22 +519,1.4802939490647131,0.14528677610056398,1.5 +520,1.5032772389057105,0.14466440261589744,1.42 +521,2.27690612163355,0.1444092254973928,2.36 +522,2.5278904703749157,0.14549019676207847,2.52 +523,1.9349591726297626,0.14315422489116422,2.18 +524,1.3811289105789624,0.1463715278633011,1.32 +525,1.6915413801935508,0.1436515148452086,1.66 +526,1.2796988688684565,0.14372620613518916,1.3 +527,4.066572952507762,0.19384189432896168,4.06 +528,2.401572005903454,0.1447668364686208,2.44 +529,1.4536556973415657,0.14910456492005236,1.46 +530,1.6607982900015021,0.14459336225105657,1.62 +531,0.733742766815308,0.14685547249338818,0.66 +532,0.8818100168170369,0.1435061723099794,0.86 +533,0.6700880284038857,0.144419390517476,0.7 +534,0.9685208279435469,0.1431025049198431,0.92 +535,1.338667269075208,0.14433645498905046,1.3 +536,1.6882407911904562,0.14501369594601057,1.66 +537,2.068299821785845,0.1440884105189493,2.16 +538,0.18976004569790428,0.15122603120153505,0.26 +539,2.1172162238727705,0.1438472959729012,2.12 +540,0.898036022151619,0.14326144228576748,0.94 +541,1.5825483172521815,0.14389204275247286,1.46 +542,1.5782181185408644,0.1571071045855765,1.76 +543,0.7758298271060036,0.14435769185939012,0.78 +544,0.2985896602691569,0.14832843994064654,0.2 +545,1.0802775172452432,0.14359794382205313,1.1 +546,0.9667465034447038,0.14392163359311294,0.98 +547,1.1538259089736536,0.14373737418546484,1.02 +548,0.7791587166107594,0.14390582674715233,0.88 +549,0.6456376486235009,0.14709138947383407,0.56 +550,1.1592640657846531,0.14961920126061676,1.14 +551,1.8475176372486382,0.14535845612038834,1.82 +552,1.12772645666089,0.14522538945865004,1.14 +553,0.8303209926871795,0.14462003796326137,0.82 +554,1.426247856150463,0.14579153709456574,1.44 +555,0.2221816137491559,0.15122241879521803,0.22 +556,1.8518422333754985,0.1428348124743129,1.88 +557,1.31243248618495,0.14483791870631735,1.3 +558,0.9352192773897419,0.14441805996136609,0.94 +559,1.2580906390842448,0.1433727583755881,1.26 +560,1.5403890332166363,0.14610587560270655,1.58 +561,0.9477216727723339,0.1445567613042357,0.94 +562,1.3673281320525956,0.14720078281763407,1.32 +563,1.8786286138534902,0.14300841742598192,1.86 +564,0.5817192136985772,0.14624889441630282,0.54 +565,1.7137087095644277,0.1456101757407942,1.82 +566,2.132401012052411,0.1434425849932277,2.1 +567,0.5808783780720561,0.14594436253516577,0.54 +568,1.1826163763208517,0.14411134866792613,1.24 +569,1.1472308786341139,0.14360066040481229,1.08 +570,1.5818430146560662,0.14613041688166614,1.56 +571,2.4851144574830237,0.14541186658060123,2.44 +572,3.015804784042976,0.14876881088067181,3.08 +573,1.2188264794638575,0.14915767414808917,1.2 +574,1.4249904735008898,0.14279340482462285,1.48 +575,1.3390574672404658,0.1470604190811373,1.24 +576,0.9111363222107713,0.14348954861944005,1.04 +577,1.5242935580247274,0.14392474826452684,1.48 +578,1.6205727464543114,0.14392831601741282,1.48 +579,2.1893102115506538,0.14375860496707535,2.0 +580,1.2838835470422372,0.15925541377982688,1.26 +581,1.3776694687527002,0.1436437471158803,1.36 +582,1.4701420090001354,0.14584175048517722,1.48 +583,1.0271445214961408,0.14500253170392077,1.06 +584,1.911666997939966,0.14335106174657966,1.96 +585,1.41580655510464,0.15985548810272093,1.48 +586,1.5175455698811082,0.14475254786657774,1.52 +587,1.7035137969756549,0.14488031652963465,1.62 +588,0.6336965174160665,0.14948824986973627,0.58 +589,2.173887358466603,0.14400537436667452,2.14 +590,1.5289987459961272,0.14344497000859144,1.6 +591,1.3287888294408607,0.15337053019097502,1.52 +592,1.2852760679379487,0.1432953943271119,1.26 +593,1.9869811242269795,0.14291512157820555,2.0 +594,0.5541223014298517,0.1444939436168516,0.68 +595,1.6073067857748975,0.1445933951173006,1.66 +596,1.626437834319502,0.1459977177824298,1.62 +597,0.5377293268846839,0.14626907605412445,0.5 +598,0.536673866189926,0.14910977609218135,0.56 +599,1.1051343493250028,0.14609124887919273,1.06 +600,0.8307295952616571,0.14474010852216654,0.92 +601,4.161177748908216,0.20930925615199883,4.08 +602,1.3377168709034568,0.14367860993637618,1.28 +603,1.7641384284382267,0.1444875411699247,1.86 +604,0.81607803215597,0.14396648547327592,0.86 +605,1.9558857502170377,0.14350069018234654,1.86 +606,1.1865396598770919,0.14411984804596964,1.18 +607,1.333829308646838,0.14394586118828095,1.32 +608,0.7024828343198153,0.14434549921068923,0.72 +609,1.4129841939651446,0.14467126629707405,1.38 +610,1.5534877227669601,0.14352688746870235,1.64 +611,1.6240408655135963,0.14407625477774433,1.6 +612,1.4712762633619758,0.1432408845821683,1.42 +613,2.8619027267960377,0.1491038720782105,2.82 +614,1.8087025884299668,0.1449132876761777,1.86 +615,0.6972982318062741,0.144765100204271,0.6 +616,1.250551407918238,0.14379108824632253,1.14 +617,1.8399422940898966,0.14344495583980615,1.78 +618,1.3394753118747293,0.14448707489765686,1.4 +619,0.7822337840957645,0.14453316062357285,0.82 +620,0.5371521319458066,0.14599083365062013,0.52 +621,2.423625354759811,0.1463349949321218,2.36 +622,0.9585195476907207,0.1444074923501825,1.0 +623,2.7930849069696415,0.1479612017848893,2.88 +624,1.3836984993617496,0.14381265654029016,1.42 +625,1.4562625336788817,0.14403444509067626,1.34 +626,0.5998689247959583,0.14527614492664812,0.54 +627,2.2762680309063517,0.14504657271927068,2.32 +628,2.148521203442755,0.1436609682709124,2.26 +629,1.7298571822052673,0.14417841530717657,1.8 +630,0.45647404469873054,0.14590138575762518,0.46 +631,0.646568057123361,0.1448076027469052,0.56 +632,1.8392567753020939,0.14331596703444568,1.86 +633,1.429911643040056,0.14502150965647473,1.34 +634,1.5649115111823826,0.1443011890500529,1.62 +635,1.7469092375568196,0.14453387841711904,1.94 +636,4.350477329980773,0.24312980868337847,4.4 +637,2.7245713291594655,0.14683254230694479,2.66 +638,-0.10973238099120008,0.1785608196363344,-0.14 +639,2.4765278934551973,0.14550825023631275,2.52 +640,1.1215086241164163,0.14426377289053413,1.1 +641,0.925575445991417,0.14307046064246948,0.88 +642,0.44009554745264134,0.1448072264670706,0.5 +643,0.6843894800535275,0.14961718274003782,0.64 +644,1.9738260323223895,0.1434866327446288,2.0 +645,2.610464914633005,0.14579610524459075,2.58 +646,2.794052765916979,0.14754484209410174,2.84 +647,2.0240606798638265,0.14420979255269853,2.1 +648,1.2195617722083107,0.14483647181913975,1.2 +649,1.747944251061123,0.1440941680847088,1.78 +650,1.015122575404757,0.1446001415781985,1.06 +651,0.5992472000457991,0.14465300507948506,0.56 +652,2.1422718249566253,0.14407320821814154,2.14 +653,0.9579765062413466,0.14443486415115242,1.0 +654,0.6873013030483812,0.1445404955443801,0.66 +655,1.9134103877291992,0.1444428668213562,1.98 +656,1.2853477722835884,0.1438583380936013,1.18 +657,1.0134148563014773,0.14354821245878407,1.06 +658,2.1880630529713145,0.1434771809930297,2.16 +659,1.0514995982403357,0.1432127707527769,0.92 +660,1.5045558279264175,0.1427182469900544,1.62 +661,1.6478621800236586,0.14590509758738165,1.7 +662,3.1982279443701835,0.1511534227735704,3.12 +663,0.9787166076470908,0.149764131967434,1.0 +664,1.7468741180908158,0.14402207318508017,1.76 +665,1.674267729300397,0.14565414607061236,1.68 +666,1.9173147041901033,0.14378523377536556,1.96 +667,1.0234327539120796,0.14391864371681973,1.06 +668,1.406865323337858,0.14332373233112944,1.34 +669,2.0767005116750483,0.14290349355286147,2.12 +670,1.6010045229922203,0.14791573030476454,1.62 +671,0.975907782419871,0.14431353793817633,0.96 +672,2.2466144578816913,0.14648589249180208,2.2 +673,0.6519114125711547,0.1488499526597545,0.78 +674,1.6555243084574127,0.14369242994234266,1.6 +675,3.458931757629822,0.15605491087201256,3.48 +676,1.924019021890477,0.14416528578994112,1.98 +677,1.6703126752893547,0.14618515344152183,1.7 +678,3.595783777954422,0.1582876865683835,3.66 +679,1.9869088420278112,0.14425969396474356,2.04 +680,2.1250137084559033,0.14433809833550326,2.2 +681,1.7982763780937234,0.14540257268372012,1.76 +682,3.046699850728779,0.15043133549731658,3.0 +683,2.7924381627873864,0.14706007433072632,2.78 +684,1.061990512735353,0.14451627797751065,1.1 +685,1.2464937749300629,0.15027623286510575,1.28 +686,2.269145722038712,0.14425670179208241,2.28 +687,0.2975024400522934,0.15122835985573516,0.2 +688,0.6078538424694782,0.1450299061395901,0.56 +689,1.497984848839336,0.14452506774274892,1.46 +690,0.8196932331592195,0.14527826443415826,0.84 +691,1.2551678466102634,0.14409942153914487,1.12 +692,1.419960334429931,0.14577613923418622,1.46 +693,1.72899473131084,0.14509580138110245,1.74 +694,0.846901355241862,0.1439918883278979,0.94 +695,1.0323799821140551,0.14426776474786135,1.16 +696,2.224040452096436,0.14454917738247156,2.34 +697,1.6759106821931362,0.14389488695887173,1.72 +698,1.6182083885686773,0.14554831954626907,1.64 +699,1.3952455845285745,0.14409615175134025,1.36 +700,1.1740759354356087,0.1439732853798619,1.22 +701,1.6428996292166542,0.1432295564303265,1.52 +702,1.1228550854747188,0.14359834139807304,1.08 +703,2.1422469613412702,0.14351402570748525,2.08 +704,0.980486662931217,0.14515394495687428,0.94 +705,1.8245106683510053,0.14444097671437184,1.7 +706,1.9730897339015656,0.14349336001737167,1.92 +707,0.981857349547751,0.14539186699606324,0.96 +708,1.9776793596798545,0.14319394787688622,2.0 +709,1.4171442942472354,0.14298964050667698,1.44 +710,2.8667339836958523,0.1474334718082579,2.9 +711,2.8286569662714887,0.14795162188834882,2.78 +712,0.9326165240324635,0.14426310018145216,0.98 +713,1.4462104442301773,0.14608821842291325,1.34 +714,1.7151350640037486,0.14407165371732072,1.74 +715,0.5027002870026931,0.14456303136192913,0.5 +716,1.951533222816082,0.14323364200087005,1.94 +717,1.2680732483046797,0.15258777477578267,1.22 +718,0.7056314900514082,0.1443067278702226,0.7 +719,1.7414904143767154,0.14417176190449718,1.72 +720,1.7959998831150323,0.14596487231372327,1.9 +721,1.5935837845463667,0.14512893909211777,1.58 +722,1.5526069712190336,0.14552673893282986,1.6 +723,1.1938174126602559,0.14316332873408474,1.22 +724,1.3376203937307438,0.14601870630984687,1.32 +725,2.6753405374169295,0.1473887055347296,2.64 +726,3.3634594061438876,0.15425561034506044,3.48 +727,2.2809383807442747,0.14443992399052502,2.18 +728,2.8342878715906346,0.14848675301419464,2.88 +729,1.5914787820105585,0.14342931108220633,1.54 +730,1.253043160896294,0.14351275929519544,1.22 +731,1.567427067112622,0.1433283932912314,1.54 +732,3.469640984429795,0.15460750646947016,3.82 +733,1.5675310402585372,0.14596464968745074,1.52 +734,2.1866164229072145,0.14393529181191791,2.2 +735,0.7543123080902441,0.145246233694722,0.76 +736,0.6777941551877675,0.15176495952797392,0.74 +737,1.4989786575816386,0.14890523959344135,1.56 +738,0.7628928267722164,0.15286828958092358,0.74 +739,1.224553750983692,0.14643277984768344,1.2 +740,0.898324443288486,0.14326854876234804,0.88 +741,1.0017583794404037,0.14461007001175416,0.92 +742,0.7854243242454637,0.14677029209854292,0.82 +743,0.6334837780671934,0.14497221350711353,0.68 +744,2.0318321029390938,0.14327051887120923,1.98 +745,1.0284944091246158,0.14440591710599554,0.86 +746,0.49614637890327673,0.14576163317494542,0.48 +747,2.6233567013698154,0.146593974307453,2.66 +748,1.6752533136184415,0.14564452099639547,1.64 +749,1.287454628274729,0.14353555727979084,1.26 +750,0.8989609041240088,0.14434695977398654,0.78 +751,1.100492390056774,0.1469837743699269,1.04 +752,1.8624071715996267,0.14342984962747243,1.96 +753,0.8063844426607614,0.14411555300582185,0.94 +754,3.277366296877839,0.15276048067881146,3.22 +755,1.3188153564646794,0.14315681872521618,1.36 +756,2.104672099296677,0.14339937597027697,2.32 +757,-0.16352740105324903,0.1917627784125604,-0.28 +758,3.8717729641097933,0.17393204627405326,4.64 +759,2.0815893734017625,0.1432888410258614,2.12 +760,1.26911815559285,0.14361927123528653,1.32 +761,1.6210727361770911,0.14431757165737244,1.6 +762,1.7001005808198522,0.1440485891062878,1.74 +763,2.2022590257146804,0.14365363242507329,2.18 +764,1.5940076832074799,0.14307894966585752,1.34 +765,0.6663158680061039,0.14626536909247806,0.6 +766,2.1761677317388988,0.1435908164522802,2.4 +767,2.1460747465455143,0.14392193710989412,2.18 +768,1.9434926885254815,0.14549451813205164,1.8 +769,2.098486197008962,0.1430699427917249,2.1 +770,2.06915905356542,0.14384172746931184,2.06 +771,1.6364106032657024,0.14506335018472646,1.64 +772,2.0430983348403573,0.14311166112224463,2.1 +773,1.0925070148767593,0.14547608085932887,1.1 +774,0.38716438054196134,0.15070507134868272,0.46 +775,0.738075711946284,0.14966184342500657,0.74 +776,-0.01360593137968058,0.18302048412960173,-0.1 +777,0.9780142043405555,0.14663050464928024,0.9 +778,0.6612071021501191,0.14822193972333655,0.78 +779,1.7427229506038562,0.1454639799896066,1.74 +780,1.1676920780687117,0.14520194741238115,1.14 +781,1.2122119743310145,0.14409121287141036,1.16 +782,1.1069283100361909,0.14359156491070027,1.2 +783,1.7569324114448208,0.14530910891860654,1.7 +784,0.5823417111933904,0.14557752050557873,0.62 +785,2.009056703415745,0.14306140252993207,2.04 +786,1.9120947590633564,0.14288334648213585,1.9 +787,2.2785510980971986,0.14430110735708596,2.3 +788,1.6915624631214432,0.15268955929348685,1.7 +789,0.6660892748710716,0.14578561584812125,0.8 +790,2.4483209724296366,0.14505568470739405,2.46 +791,1.5844260553431604,0.1451729835825966,1.64 +792,1.2488981994369142,0.14459986982731327,1.24 +793,1.4341239169858544,0.14538001146238363,1.52 +794,2.4557395540771787,0.14470082292656045,2.6 +795,1.2016522293865717,0.14421536098682627,1.22 +796,1.9600296364557779,0.14340433736356664,1.98 +797,1.813412866417624,0.14487856568267515,1.78 +798,1.2234698389908485,0.14328726678141715,1.14 +799,0.912728477438725,0.14441937232761842,0.98 +800,3.0184213046925152,0.14801244645221856,2.98 +801,1.6601989052913901,0.14478768950241025,1.64 +802,1.4645464053587944,0.14368094843024756,1.48 +803,1.4590073133827013,0.14548726031999382,1.4 +804,1.025813397537386,0.14343102859387583,0.9 +805,1.6565865760023422,0.14515119147135017,1.74 +806,1.601265942875156,0.14347855200095735,1.44 +807,2.0518245439109024,0.1428138750952935,2.0 +808,1.248056310876907,0.14663326525454776,1.28 +809,1.9975998248211781,0.14349308293969912,2.02 +810,4.890382603422598,0.45034439680161825,4.96 +811,1.3805045393531459,0.14488400535066126,1.48 +812,0.8294710204971882,0.14423826362179998,0.78 +813,1.1598518362921575,0.14616040112031345,1.14 +814,1.9085211844455796,0.14415165826338883,1.94 +815,1.7867476384944667,0.14394515814116257,1.88 +816,1.553984154502356,0.14370729157371703,1.52 +817,0.4853760478459983,0.1455171803855208,0.44 +818,2.9460315513762443,0.15015973423266676,2.86 +819,0.5785697536017591,0.14597272481361206,0.54 +820,3.4772615382221983,0.15652506999232618,3.52 +821,1.295055323335856,0.14830496500678936,1.46 +822,1.5068423475619324,0.1437863238723921,1.5 +823,1.682944845937707,0.14749966248872018,1.8 +824,1.4875592401679403,0.14536284925112414,1.46 +825,0.7734172556367018,0.1439933907306041,0.7 +826,0.38828703697872813,0.14563147463573686,0.34 +827,1.5828632538014742,0.1463875423833148,1.58 +828,0.9745700627810217,0.14343343281949428,0.98 +829,1.6485493937362024,0.14663582608116743,1.7 +830,2.011334638718511,0.1429389759048349,2.0 +831,2.247824703150228,0.14408159396457051,2.5 +832,1.7511410145838995,0.14361014913980866,1.82 +833,1.43256379975888,0.14384290335346744,1.4 +834,0.5194366019436178,0.14732122026938024,0.46 +835,2.2809652519731807,0.1442482382854122,2.34 +836,1.5218674655437412,0.1432013546024162,1.44 +837,1.510506895918827,0.1437453776945069,1.5 +838,1.978212245160917,0.1437027627742888,1.94 +839,1.7200446634863078,0.14608478986538642,1.72 +840,1.8730996628626948,0.14316829080898194,1.92 +841,0.8637083716433449,0.14407862836540059,0.88 +842,1.7822764058591223,0.14358635202132367,1.82 +843,1.1724546105654086,0.14363839225239966,1.16 +844,0.7724279621626455,0.14371529444657044,0.84 +845,1.1072449855564899,0.1438477695755396,1.12 +846,1.2106486068196642,0.1467814122348639,1.26 +847,1.3668691475444281,0.14432576335738553,1.46 +848,1.7586526624471799,0.14919395814781647,1.8 +849,1.2650279658851944,0.14527024434789415,1.22 +850,0.7115494301253666,0.14450153017085116,0.66 +851,1.3223034509893474,0.14376554932869787,1.3 +852,1.4917150448905976,0.1431874074412595,1.5 +853,1.5523037798550416,0.14428085591758297,1.52 +854,1.9292630478449753,0.14451249107743386,1.92 +855,1.3356084018217609,0.14352385236408213,1.24 +856,0.9593732053737694,0.14490816071368598,0.96 +857,1.6788624387627835,0.14586043857386527,1.74 +858,1.8682073278510392,0.1430736757788393,1.9 +859,0.848473506499611,0.1440432250333093,1.0 +860,1.573567367971617,0.1441377483758945,1.44 +861,2.798644216925253,0.1474038846143338,2.88 +862,0.49549027637168885,0.14689610062714467,0.52 +863,1.1659121944109647,0.14543713291012178,1.14 +864,0.20085839854212972,0.14813174198197823,0.26 +865,1.2169326732260815,0.14587688840110705,1.16 +866,1.6402872452939694,0.1445857670439296,1.64 +867,1.1024522134818597,0.1467481821369306,1.16 +868,1.2714070823074555,0.1428951947217506,1.3 +869,1.3923373647041033,0.14466684790875747,1.32 +870,0.8685704218368149,0.14422411204542332,0.96 +871,2.5084643302795357,0.1456557309869104,2.56 +872,1.531398486737658,0.14342029326428324,1.56 +873,1.909948041166722,0.14389704258683622,1.84 +874,1.3302085635076453,0.14569141459048807,1.38 +875,1.680790713352732,0.14506192494185283,1.68 +876,2.5710911074245275,0.14726483357741593,2.58 +877,1.4224465536658628,0.14715529101822583,1.52 +878,0.986662151957781,0.1446606096963507,0.96 +879,1.3487458039915752,0.14549046322498735,1.34 +880,0.6504606143992544,0.1532471423992521,0.62 +881,0.7671862753753342,0.14449453322839634,0.78 +882,2.249442751177933,0.14393217569377686,2.38 +883,1.3216811161499522,0.1434991436122321,1.24 +884,1.5285925635501507,0.14421699699229915,1.58 +885,0.8740050460053816,0.14398155236950205,0.78 +886,1.5501590659907252,0.14497147210713002,1.62 +887,1.17065205739565,0.1438464862264808,1.08 +888,1.6756099347705686,0.14688391496260195,1.68 +889,1.6417122105640432,0.14369654991695202,1.64 +890,0.8160944319571528,0.14778471776970312,0.8 +891,1.0411429929072242,0.14451030153014247,1.04 +892,0.9920741256685397,0.14426291846582828,0.92 +893,2.0881540421474925,0.14445334510816957,2.08 +894,3.7961174742417954,0.16945907773906502,3.8 +895,1.1055512226180384,0.1458051428056107,1.16 +896,1.6142415683996991,0.1462085455937708,1.64 +897,2.43581599897337,0.14513771773568776,2.44 +898,1.5165266658015697,0.1445347857617102,1.44 +899,0.8650612190326403,0.14441159775853246,1.04 +900,1.2305096515797662,0.14380709193599714,1.16 +901,1.073327738087356,0.14431257800885605,1.78 +902,2.6599474491484245,0.14665390085108732,2.72 +903,0.6535383030705764,0.14604071555085882,0.66 +904,0.40019679395352314,0.14878805970493103,0.28 +905,1.6939568319829506,0.14484717183692503,1.74 +906,1.1501678876160253,0.1439251169618569,0.98 +907,0.7826343666104489,0.1443543275346061,0.8 +908,0.2643063296274044,0.1596284075525393,0.26 +909,0.8740861065075056,0.1442589288509541,0.84 +910,1.4167433265791893,0.1471179981974852,1.42 +911,1.9841133372817432,0.1429631037051402,1.98 +912,2.202503238688229,0.1437162572320824,2.2 +913,2.090971567728991,0.143498113407734,2.26 +914,0.7897338537862155,0.1440960585995729,0.76 +915,0.8902303753999417,0.14462458459606184,0.96 +916,1.9387025662790305,0.14414893987089014,1.98 +917,1.1024280019074024,0.14345965235541308,1.08 +918,3.5685920427223903,0.1587073401389905,3.58 +919,1.6405962579096944,0.14637459508658965,1.68 +920,1.570105238051895,0.1431287068472029,1.5 +921,1.960006657576193,0.1436436442305888,1.92 +922,0.8829748186781008,0.14548181389050208,0.9 +923,1.2138539133207904,0.14729422603917416,1.26 +924,1.915874086957134,0.1429432322239827,1.96 +925,0.6276639715234684,0.14424498669635497,0.58 +926,1.341488282185559,0.14373799650684707,1.34 +927,1.188929027688808,0.1437349208756481,1.18 +928,0.881683839869329,0.14388052606056762,0.88 +929,2.612328261933325,0.1467883331445815,2.58 +930,1.6424860475409653,0.1458628079642728,1.6 +931,1.3806551698344998,0.1434822462158135,1.34 +932,1.3163958564165061,0.14384106111631176,1.36 +933,3.413785218707855,0.15357083373525804,3.5 +934,1.3926378012403142,0.14417793211020707,1.42 +935,0.6786625114700393,0.1445416767004193,0.6 +936,0.6910758874413809,0.1443010881816321,0.74 +937,1.849151073595316,0.14330351257184482,1.86 +938,0.6227167472567143,0.14520687703767182,0.56 +939,1.627024142800345,0.14518203860419282,1.64 +940,1.682175056897242,0.14515305448485397,1.84 +941,1.0976635198020603,0.14367980492208735,1.14 +942,1.1441429253460353,0.149554911181379,1.24 +943,1.1513072601117185,0.1436910360840841,1.14 +944,2.989045968920005,0.14885557976958014,3.1 +945,0.5576913720100909,0.1463724960627782,0.58 +946,0.4658024072756306,0.1454151887740725,0.54 +947,0.6978553541009611,0.14458551390110458,0.76 +948,1.473791704652156,0.147582475429881,1.52 +949,0.3742509302836887,0.14566982864559225,0.44 +950,0.40274878272588177,0.14498000933829305,0.36 +951,1.98020836491655,0.14298670756113094,2.1 +952,0.8367717949440903,0.14402290824617658,0.88 +953,1.0826028905768603,0.1439144799548587,1.02 +954,1.798215323727478,0.14364042646113515,1.88 +955,1.9798776033334513,0.14430825318837484,2.0 +956,1.1869996767884694,0.1444337014188061,1.18 +957,1.557004870622198,0.14423365123636853,1.56 +958,1.0190380523096931,0.14387548957996735,0.92 +959,2.2610893214950907,0.14403245251306396,2.4 +960,2.242299309660773,0.14433826705489003,2.22 +961,1.9433924913629785,0.14369037941760762,1.9 +962,1.8139904177495958,0.14304016673942516,1.82 +963,0.9289669336772559,0.14320305990078355,0.96 +964,1.68660676341316,0.1486428427535338,1.68 +965,1.9506048653383865,0.14462258280214696,1.92 +966,1.0641711032537384,0.14371572612430336,1.0 +967,1.85308797309771,0.1487349772037645,1.86 +968,1.469157844588612,0.1439368414773687,1.34 +969,2.906162397977058,0.1476558324486313,2.92 +970,1.2365515093482018,0.14491559390487269,1.22 +971,0.6021456524952495,0.14519018888331486,0.56 +972,0.8787522774221679,0.14443301043342244,0.84 +973,1.2775763993309508,0.14416897918231036,1.18 +974,1.9515475285229926,0.14355505138996874,1.92 +975,2.015620895663004,0.14285599729615664,2.0 +976,2.1090789677391943,0.14390662001025056,2.1 +977,1.2989751742253781,0.1453595782377552,1.28 +978,1.1438424091315338,0.14372873553679094,1.12 +979,3.670739778249175,0.1622238026839752,3.6 +980,0.5461492833766131,0.14464825974108053,0.52 +981,2.449681568557262,0.1455305680192603,2.68 +982,1.189032019087858,0.1448917578152044,1.18 +983,1.7764996299456972,0.1456734471628172,1.8 +984,0.7591997806828545,0.145055742256964,0.78 +985,3.1451945284535605,0.14937003253268796,3.06 +986,1.6900176041913277,0.14514713765526938,1.76 +987,1.4131483735905594,0.145621390679575,1.44 +988,0.7622628578258959,0.14945335612250132,0.7 +989,1.015120380177216,0.1442256976386944,0.94 +990,1.792196272569163,0.14381174840720437,1.64 +991,1.8440974897552072,0.14427030421320905,1.92 +992,2.061204660437872,0.1434925512506717,2.02 +993,1.8079179857170655,0.14458061607286954,1.78 +994,2.063932435443116,0.14352537663494838,2.1 +995,4.458381995363309,0.2697671716951564,4.36 +996,1.4224124708183319,0.14848902462897232,1.46 +997,3.657771493327124,0.1622026061065862,3.74 +998,1.1978015787441234,0.1435944068468162,1.2 +999,1.2183298946144956,0.14361061544964127,1.22 +1000,1.7693706930847282,0.14521304825971143,1.8 +1001,0.7614768913873715,0.14419386536313683,0.74 +1002,2.186520444709869,0.14577347722095918,2.22 +1003,1.9281445983667749,0.14328246771232203,2.02 +1004,2.7953199938349713,0.14720632234609085,2.8 +1005,1.1200304728737813,0.1436044738397527,1.12 +1006,0.8255937934589892,0.14415820566743173,0.82 +1007,1.5371401133214033,0.14503751929363545,1.6 +1008,1.203244054405959,0.14397833241491648,1.16 +1009,2.056366426366806,0.14296776228520564,1.98 +1010,1.297548655892609,0.14485985659711167,1.46 +1011,2.2704291601727786,0.14432147396190878,2.3 +1012,1.115149288917904,0.14576669874023923,1.22 +1013,0.9585249709904269,0.1431190961739613,0.94 +1014,0.34581242460108585,0.14736687611196458,0.26 +1015,1.9235240625914352,0.14592278821946422,1.92 +1016,1.116293347058138,0.14358383608709746,1.14 +1017,1.878464767328817,0.1447755315870739,1.86 +1018,0.8017878656234765,0.144906630166986,0.84 +1019,0.9056224682345744,0.14458757240914252,1.02 +1020,0.7434931062996228,0.14555031761278037,0.68 +1021,3.050568264562234,0.14956795197666675,3.1 +1022,1.39503743699323,0.14517035831748812,1.38 +1023,1.0703500630167615,0.14324225869036472,1.2 +1024,1.498658666811608,0.14343023182469067,1.36 +1025,1.0910574316006785,0.14410420528903833,1.1 +1026,0.9097133847817269,0.14463847506649338,0.9 +1027,0.7177162665610504,0.14571206635639405,0.66 +1028,0.8178235331836601,0.14548172713061094,0.84 +1029,1.166569247279162,0.1438007215420416,1.02 +1030,0.6336306380375079,0.1543324551932608,0.56 +1031,1.4008769570349764,0.1437853634604867,1.44 +1032,2.355144771298271,0.1451955994390034,2.48 +1033,0.9534290627152484,0.1431060575004987,1.04 +1034,1.807382398000009,0.14642971750114236,1.9 +1035,2.030172051911953,0.1439759405859255,2.06 +1036,1.3440314808831517,0.14360605407462132,1.36 +1037,1.3906583890300372,0.14307709165126323,1.46 +1038,2.1081826556557233,0.14428165407524898,2.08 +1039,1.0527211033433628,0.14358403891142263,1.04 +1040,1.954689972612853,0.14382877665283136,1.98 +1041,1.1083143160964082,0.1475619112793051,1.2 +1042,0.9200403291252273,0.14432390694848177,0.84 +1043,1.575592186484633,0.1459452067580295,1.68 +1044,0.7387785675143435,0.14428144310252458,0.72 +1045,1.6450300210710425,0.14367190022507056,1.7 +1046,0.93543792017095,0.14465700951099533,0.88 +1047,3.230505793873926,0.1500323730035318,3.34 +1048,0.9718693599638564,0.1462340072524215,0.9 +1049,3.3076926727946643,0.15209463710344448,3.28 +1050,1.6297303654331725,0.14333969505660177,1.7 +1051,1.6078640991058504,0.14612858002746354,1.68 +1052,0.6179743276322207,0.14496188480339608,0.62 +1053,1.8995933002584615,0.14326083692172484,1.86 +1054,1.193406070078336,0.14470126770332312,1.2 +1055,0.56665727949439,0.14410885226804912,0.54 +1056,3.669973872678517,0.16270984993768664,3.68 +1057,0.63456790025699,0.14488046925378642,0.66 +1058,0.542443741197753,0.14503538820400666,0.48 +1059,1.2414036107896202,0.14645668311860607,1.2 +1060,1.2739479586915867,0.1436510954236987,1.32 +1061,2.2369399281063793,0.14398046922477029,2.28 +1062,0.999375736576225,0.1436844673771504,1.06 +1063,2.7458764565618705,0.1472614117667456,2.72 +1064,0.5012383681387704,0.1456029756226445,0.44 +1065,0.7185013000115537,0.14684336290063024,0.76 +1066,1.2868962058852103,0.14299398549943113,1.26 +1067,2.264393050128407,0.14454192276428626,2.36 +1068,0.9561757867271017,0.14380204698492943,0.9 +1069,2.677982107425797,0.1463259809894658,2.6 +1070,1.3426221597504182,0.1433580581740479,1.34 +1071,0.8758721554598794,0.14425899924969035,0.92 +1072,1.502375857016761,0.14552390353832045,1.48 +1073,0.2613290876404837,0.1483304356131938,0.18 +1074,0.975222561297969,0.14827926831748495,1.0 +1075,1.3101654059255243,0.14427924706233677,1.36 +1076,0.8283706973034914,0.14415422874543432,0.86 +1077,1.0295251211876004,0.14316790539800306,0.94 +1078,0.4828399438452018,0.14628000876519265,0.58 +1079,1.281319809780444,0.1439656244474,1.16 +1080,2.7706556234347155,0.14709473641149293,2.64 +1081,2.066523007369723,0.1433589370781879,2.04 +1082,1.6057193854142722,0.14549548150686425,1.7 +1083,1.0091594834361204,0.14397396756037545,1.14 +1084,1.5809562733284204,0.14563064872326106,1.6 +1085,1.1298123226503578,0.1448956188930105,1.14 +1086,1.5072315551657227,0.143249992201176,1.48 +1087,1.673884675589687,0.14500736909577827,1.56 +1088,1.556200558267927,0.14437456816226057,1.6 +1089,2.089166296943127,0.1439461425164687,2.1 +1090,0.9058384328637392,0.14442248647421352,1.02 +1091,1.6435048691854726,0.14383981580095903,1.76 +1092,1.013053320145739,0.14382795234831644,1.08 +1093,2.9821310067100364,0.14980479069929573,2.82 +1094,2.384650365632466,0.14480422863483625,2.36 +1095,1.84158689658554,0.14419803620077978,1.8 +1096,0.7125922419043182,0.14482792078294668,0.68 +1097,1.8528991794932517,0.14510635433681116,1.9 +1098,1.1197014841954993,0.14533505534741165,1.1 +1099,1.04484070327262,0.14364594642703277,1.02 +1100,0.816650840321318,0.14377778534841107,0.84 +1101,1.5379164539052508,0.1531775495944742,1.4 +1102,1.348625747586619,0.14586344955341699,1.26 +1103,1.37187183490034,0.1460622094218921,1.28 +1104,0.5692715431210655,0.14431353947729497,0.6 +1105,2.202090382537597,0.14410087287540913,2.32 +1106,0.4991537076208705,0.14535282388184181,0.42 +1107,1.766184427986142,0.1439441587272079,1.86 +1108,0.30507199008833696,0.15023955925537566,0.28 +1109,1.686354205604092,0.1471963936779634,1.74 +1110,1.3559345399011442,0.15328298000980384,1.24 +1111,1.2670525135368806,0.14573101635224098,1.32 +1112,3.8809123141897026,0.1760754755457019,4.08 +1113,2.5204304249259946,0.1456837013356806,2.56 +1114,0.8017820540934761,0.1444913879106841,0.8 +1115,1.4064880915939928,0.14904050586802148,1.42 +1116,2.4284180471905707,0.14510606836539555,2.54 +1117,0.2167220987002776,0.1483730999745735,0.3 +1118,1.1585760001030843,0.14421277255657006,1.08 +1119,1.8783888558637831,0.14447883712733944,1.88 +1120,1.3970788969648997,0.14813514754818072,1.4 +1121,1.9381142440087644,0.14298082086204558,2.0 +1122,3.5965611795594747,0.15869480665170552,3.62 +1123,1.2315175185913305,0.1439248626812171,1.24 +1124,1.9110301384651671,0.1435300312699762,2.06 +1125,2.049202913992105,0.1441965893239767,2.06 +1126,1.801606370294714,0.14621515021619372,1.74 +1127,1.3174640544730782,0.1438566200850078,1.24 +1128,1.661592807003807,0.15551901427229473,1.54 +1129,1.477773586388706,0.14510171917921136,1.48 +1130,0.2972333880841913,0.14558108835813685,0.32 +1131,0.8800970129060102,0.1454627073017693,0.9 +1132,1.6751225550063507,0.1440818576677306,1.66 +1133,2.088124242971619,0.14380925038252013,2.06 +1134,1.2015472744015097,0.1443196690452737,1.22 +1135,1.2299939289912136,0.1478091437004223,1.2 +1136,0.8281755116683507,0.14563330931502583,0.74 +1137,1.254444761964653,0.14439538114004657,1.24 +1138,1.1756299811661717,0.14376189656773247,1.1 +1139,1.4204231394007842,0.14437751170690485,1.34 +1140,0.8158967150873591,0.14376854801802477,0.84 +1141,2.380203898850875,0.14524333751739993,2.46 +1142,2.586907035427475,0.14609953221546204,2.62 +1143,0.992315853420918,0.14311928939152674,0.94 +1144,0.8412759002248618,0.1446828316159603,0.7 +1145,1.2335483372996419,0.1431873873739179,1.2 +1146,2.1263060650885515,0.14361935821575877,2.14 +1147,1.4621643669278162,0.14596833483698343,1.44 +1148,1.2283708088358378,0.1466671435176308,1.18 +1149,1.625753486962561,0.14437576533905205,1.62 +1150,1.3643210044816887,0.1430838781756998,1.42 +1151,1.2844214564053957,0.14366869090696963,1.3 +1152,1.7411970956936913,0.14488888771102548,1.84 +1153,1.3039063056999578,0.14444706556237577,1.28 +1154,0.8378613858203612,0.14478200255730375,0.9 +1155,0.7408324882098651,0.1444497286266593,0.72 +1156,2.6999721783640838,0.14653800855552143,2.46 +1157,0.9595802542093552,0.14445121773930952,0.96 +1158,2.236576208349821,0.14387089744919304,2.16 +1159,0.31934752970567404,0.14737326222985292,0.32 +1160,1.4784061600428555,0.1442990355233805,1.54 +1161,2.343582016947297,0.14441779754931677,2.32 +1162,4.141773657007231,0.20482308288336784,4.2 +1163,1.5879232646215145,0.1520262030586175,1.6 +1164,0.3004399946532019,0.14607446007179578,0.32 +1165,2.112028778364851,0.14366038311995313,2.14 +1166,1.7659070550616467,0.1446331254491083,2.06 +1167,2.0814030586966337,0.14320272986016871,2.24 +1168,0.8591443853244685,0.14514314279076732,0.82 +1169,1.5725055495519809,0.14657555649005827,1.52 +1170,1.4808144038681577,0.14518983221920467,1.44 +1171,0.9775805447466284,0.14321756038878547,1.38 +1172,1.1899779209606387,0.14441776814524582,1.18 +1173,1.9408778977108825,0.14657253744876156,2.06 +1174,1.8721627830724619,0.14456824080338282,1.9 +1175,1.469577776789603,0.14532418875562378,1.52 +1176,2.507402897266497,0.1455016042322461,2.54 +1177,0.9467046635827843,0.14453256563011493,0.92 +1178,1.3342925721620564,0.1436265643702536,1.28 +1179,2.065804241849929,0.1437490349169398,2.14 +1180,1.769642718254293,0.1449437396428953,1.76 +1181,1.5132215892675558,0.14638833646499946,1.52 +1182,1.4890446914575457,0.14498476402278201,1.46 +1183,1.5485532990184674,0.14631831603122594,1.48 +1184,1.1756451398958352,0.14458072128682908,1.18 +1185,1.824839934318041,0.14411137000994778,1.76 +1186,1.8820147194620707,0.14346193518198475,1.98 +1187,2.0960825389609856,0.14385521747733915,2.24 +1188,1.0650126458968097,0.14396590391619646,1.14 +1189,0.5207446950505976,0.14652627496589415,0.54 +1190,1.5149259525444578,0.14381893417173322,1.48 +1191,2.3181708582430756,0.14430416284960637,2.32 +1192,0.541080053013872,0.14511243005735955,0.58 +1193,0.8026720803553347,0.14399804753991885,0.92 +1194,1.1121323231079967,0.14381430430762662,1.18 +1195,1.0011514611515104,0.14902812903201415,1.02 +1196,0.8019641743861841,0.14402469481553978,0.86 +1197,1.4354105182949017,0.1445921150744371,1.4 +1198,1.5682583258092326,0.14358532053728895,1.48 +1199,1.169022162344295,0.14365727818098029,1.14 +1200,2.196188697283177,0.14375102749405294,2.3 +1201,1.8181369736936372,0.14445518089340828,2.06 +1202,1.4512425722588351,0.1436405976591536,1.5 +1203,0.408177357693424,0.1449846178605437,0.42 +1204,1.933839754224588,0.1442510581292916,2.0 +1205,1.7912015757726611,0.14572098318367557,1.8 +1206,1.6724301371165038,0.14462021769836847,1.6 +1207,0.8461853973267552,0.14373306872665967,0.9 +1208,1.3124172633434097,0.14493387041647904,1.38 +1209,2.322696007281172,0.14556734366978308,2.44 +1210,1.7715805926565822,0.14367550517648633,1.78 +1211,0.4675497118126093,0.1458457035847652,0.42 +1212,1.8799701815676042,0.14615806060716974,1.78 +1213,1.1115362941343858,0.1436821770459365,1.06 +1214,0.842753611962094,0.14469157357246298,0.94 +1215,0.4180285604624374,0.14721494265448704,0.48 +1216,0.1379770669012097,0.1639179480642016,0.16 +1217,1.520763713094706,0.14375271704183162,1.5 +1218,1.4876062154392327,0.1446178524544338,1.22 +1219,1.2768613894063319,0.14395507929584736,1.14 +1220,1.4023002196585268,0.1437981635962384,1.4 +1221,0.13621484921322713,0.1484028317967688,0.14 +1222,1.6415180494282926,0.144946520226931,1.62 +1223,1.0393629730979286,0.1442214739942552,1.04 +1224,0.9644807260607196,0.14414177041880966,0.92 +1225,1.5125174201297313,0.143673850570427,1.46 +1226,2.1867837544374873,0.14471442098377482,2.4 +1227,1.2882490519693506,0.144528197846944,1.3 +1228,0.7789732849482953,0.14430682699795466,0.82 +1229,3.3101635509934177,0.15118490714111849,3.3 +1230,0.5368460206337642,0.14684727146634938,0.52 +1231,1.0265614423309786,0.14749673211732667,1.0 +1232,2.428367156912913,0.14490025821939864,2.58 +1233,1.7401186149557728,0.14320467848105303,1.78 +1234,0.6901909181872363,0.1448435867241749,0.62 +1235,1.772026433729041,0.14990650130777733,1.7 +1236,0.6444826133574169,0.14483601590441386,0.56 +1237,1.020354526281706,0.14389604306935377,1.1 +1238,1.4916153837269968,0.14429868668273635,1.5 +1239,1.8759255305864095,0.14481712370003297,2.0 +1240,1.3660859151776639,0.14552173802803203,1.4 +1241,0.7369905192132511,0.14862926816840571,0.74 +1242,1.4670940723870456,0.1439423312017697,1.4 +1243,1.6395984471528213,0.14484379739503253,1.74 +1244,3.100456759235318,0.14851431897630515,3.16 +1245,1.168185081642124,0.14378568554895532,1.26 +1246,0.4320852623265119,0.14685016268622564,0.32 +1247,1.7682591004541135,0.1453026433789068,1.76 +1248,1.2195793357518938,0.1434156770993471,1.16 +1249,0.23504024391741796,0.14593729867121677,0.2 +1250,1.0134429423560367,0.14298177201394674,0.96 +1251,1.114605433571612,0.1445779718575456,1.1 +1252,1.3619587118695837,0.1443556265523659,1.24 +1253,4.297692735223551,0.23215507835334653,4.36 +1254,1.2761441308110446,0.14500933953002687,1.26 +1255,1.957825099453212,0.14293277797055726,2.1 +1256,1.5866536278196866,0.14811492163310097,1.5 +1257,1.5402451445038285,0.14420794523307892,1.54 +1258,1.750715457135494,0.1438907840247144,1.68 +1259,0.9411827869272131,0.14500284913008257,0.9 +1260,1.1512189544257105,0.1433380119648812,1.18 +1261,0.8402626135611517,0.14404897357213597,1.0 +1262,1.7058155606798047,0.1444695668390414,1.7 +1263,1.6666242813754448,0.15115256065105573,1.6 +1264,2.2905600911209825,0.14441697468629908,2.32 +1265,1.2597510183264036,0.1439890313580862,1.3 +1266,3.0452694205761426,0.14898629317280762,3.1 +1267,1.5900805088210004,0.1471528250899449,1.6 +1268,1.2095922845309333,0.14433944740437402,1.16 +1269,1.3812280099099898,0.14565537405231277,1.42 +1270,2.451809856008057,0.1455104678041742,2.44 +1271,0.6670363759390345,0.1443355256318721,0.52 +1272,0.5865872590065266,0.14555474134066765,0.62 +1273,1.348775478055336,0.14360339534309638,1.28 +1274,2.0092747114100953,0.14447270109522797,2.04 +1275,1.1336373572647074,0.144371615912044,1.1 +1276,1.2786175924449812,0.14374189166788762,1.12 +1277,1.3787629207634944,0.14959311734502279,2.1 +1278,1.321063594189813,0.14383494438396113,1.44 +1279,0.6814253003133328,0.14529096027448613,0.62 +1280,0.8547788033007948,0.1437463826820598,0.8 +1281,2.5201487601011565,0.14565160977988187,2.78 +1282,3.2120687883296175,0.149689840619592,3.84 +1283,1.6827609005692161,0.1454798693800014,1.68 +1284,1.328545410806337,0.14511898942978727,1.36 +1285,2.4355674055136345,0.14516112536354797,2.48 +1286,1.3091724600164647,0.14410160406351286,1.34 +1287,2.2315529408660972,0.1439180152382827,2.26 +1288,1.111249259664039,0.14391768437035748,1.14 +1289,1.8875724851582523,0.14331079356674145,1.9 +1290,3.0030282696053647,0.14830740081364355,2.9 +1291,1.6031395420241066,0.1434994124583604,1.62 +1292,0.9173541943275638,0.14322566026989422,0.76 +1293,0.6410648265927521,0.1508339886597478,0.66 +1294,1.684276898045836,0.14361808816119465,1.64 +1295,0.8711270175005077,0.14375111625207265,1.24 +1296,0.6845931590927248,0.1479713700236034,0.66 +1297,1.3663617061960935,0.14610457122024473,1.68 +1298,0.8808518705717785,0.14424765006770338,0.94 +1299,1.4076948575258101,0.1433095628908012,1.52 +1300,1.940343625775141,0.14314975248603626,1.96 +1301,0.9263232353997375,0.14326553189600832,0.96 +1302,1.9491982123644953,0.1433144499539151,1.92 +1303,1.1723972838732508,0.14372221665783538,1.1 +1304,2.8247011267372373,0.1476169893050353,2.84 +1305,1.8144890097247477,0.14473752450608515,1.84 +1306,1.313251333318036,0.14387235090637646,1.22 +1307,1.5821285587733382,0.14451938673338158,1.6 +1308,1.2814589451705012,0.1445254064572578,1.26 +1309,1.6654637121905123,0.145809699989665,1.66 +1310,1.6111841523377746,0.1439687416607742,1.58 +1311,1.397840964218505,0.14637469901637892,1.46 +1312,1.1015512767900622,0.14352520131453744,1.14 +1313,1.490556021103473,0.14455700383837378,1.5 +1314,0.8516379053109611,0.14540030289199493,0.82 +1315,0.4771135012958472,0.14413124987135825,0.54 +1316,1.88428972567537,0.14421113913685593,1.9 +1317,0.8882026276751049,0.14388082138978125,0.86 +1318,0.3574473382805974,0.14620582712839364,0.36 +1319,0.9548155623654933,0.14468541434240428,0.9 +1320,1.820602410231173,0.1444668643872056,1.92 +1321,0.7451598992721196,0.14539604296458733,0.8 +1322,0.8401058527457548,0.14454944827772268,0.88 +1323,2.491205884877973,0.14553092011366794,2.56 +1324,1.0432377689114802,0.14360396696611052,1.16 +1325,1.5699300998215375,0.14316904048956175,1.5 +1326,0.9462195268883069,0.144769005429323,0.96 +1327,1.7232255753140557,0.14343275270261446,1.78 +1328,2.1164231172491257,0.14368434442404218,2.18 +1329,0.7714988789432682,0.14613570725130962,0.88 +1330,0.7899825194393117,0.1476823754805713,0.76 +1331,1.4719825734480634,0.14466133586248417,1.5 +1332,1.5883876281174687,0.14550682401806705,1.58 +1333,1.1873257514264517,0.14425328142933105,1.22 +1334,1.814831778954471,0.14524926812944233,1.74 +1335,0.7242895242615526,0.14749942070649782,0.78 +1336,0.9494027389432831,0.14313840332803932,0.82 +1337,1.9153527803881283,0.1431900080681813,1.94 +1338,1.9806083711273197,0.14298697819264208,2.0 +1339,2.802623909113733,0.14786726029051403,2.9 +1340,0.816803038205077,0.14466277380547443,0.86 +1341,0.7103289083291906,0.14432549985972837,0.7 +1342,0.527935088637769,0.14439637879919412,0.5 +1343,0.3044696711394228,0.14793311251152727,0.48 +1344,1.6686318064296395,0.14615086324195867,1.7 +1345,1.217525300326074,0.14524892159119407,1.36 +1346,0.49526954171983073,0.1454386587455011,0.42 +1347,1.8144723792553088,0.14675041242546796,1.82 +1348,1.6945617237245725,0.14450455529809392,1.66 +1349,3.528241356000413,0.15619700783250606,3.54 +1350,1.8528512548330132,0.1457471826736848,1.76 +1351,0.8070606103980098,0.14384326276792703,0.84 +1352,0.8370882956180865,0.14778814612927219,0.84 +1353,1.4046384403682048,0.1450891057808432,1.46 +1354,0.9466366666158685,0.14425545575598075,1.04 +1355,1.8771164634573094,0.14349564183839217,1.88 +1356,3.3051019823461094,0.15078159956571682,3.44 +1357,1.534120955367872,0.14423628667036256,1.56 +1358,1.1650598119933933,0.14439027211697422,1.1 +1359,1.187458481873286,0.14504850217444357,1.2 +1360,1.9060099229343934,0.1443646347816734,2.0 +1361,1.758657003860613,0.14448574681440673,1.78 +1362,2.451698976441444,0.14588063611059962,2.38 +1363,2.5071573952628357,0.14586934442032648,2.62 +1364,3.184152822114259,0.14942719914513422,3.4 +1365,0.5839004188328549,0.1443680757134397,0.66 +1366,1.659438835897229,0.14328686615050507,1.74 +1367,1.0058104421481073,0.14532514119038165,0.96 +1368,1.442652795750384,0.14442436794469327,1.66 +1369,1.0406449638043367,0.14496590247142022,0.98 +1370,1.748795471357385,0.14594573035095504,1.72 +1371,0.7297589983918127,0.14723644603878336,0.78 +1372,1.7277359368179668,0.14341501174012386,1.62 +1373,1.3091593660509493,0.14317102046884475,1.28 +1374,1.3635304006332771,0.14358090169089693,1.28 +1375,1.373105268386635,0.14766486843969795,1.36 +1376,0.700978320890528,0.14550247479740971,0.7 +1377,0.7446239288874588,0.14461450966447498,0.76 +1378,0.22823558999289562,0.14948889354889927,0.18 +1379,0.49076176178384623,0.14489634382674993,0.5 +1380,1.0256141601455497,0.14351579116643146,0.94 +1381,0.7236319159327871,0.1445081778485787,0.72 +1382,1.4857248184008136,0.14591173999269166,1.5 +1383,1.874619765440198,0.14372939221568676,1.92 +1384,1.8363483180160487,0.14520017127724028,1.78 +1385,1.5170064316651062,0.1432339048152158,1.5 +1386,1.173703557380096,0.14518685102064322,1.16 +1387,0.8058082524607326,0.14377363116112588,0.88 +1388,2.1143018745550077,0.14325870480584368,2.08 +1389,1.075774208240205,0.14508076432846223,1.12 +1390,4.25607739232653,0.22456791983541935,4.24 +1391,1.6958034795721084,0.1477541560856467,1.72 +1392,0.8959552435992291,0.14347425755899215,0.94 +1393,0.21860968417835958,0.15296292219930177,0.2 +1394,0.93246544587184,0.14479701578454948,0.92 +1395,1.8428826604686397,0.14697342187586585,1.86 +1396,1.3083139927057919,0.1430866271585731,1.42 +1397,1.0672411942146707,0.14471642135250803,0.92 +1398,2.3631565685113913,0.14558361201527434,2.58 +1399,1.7931016773812822,0.14396794742035124,1.76 +1400,2.3076849680458644,0.14405312104518905,2.3 +1401,1.2221014822844993,0.14434283772004167,1.14 +1402,0.56422625256605,0.14611447217525092,0.64 +1403,1.4301614449935909,0.1435800028555406,1.5 +1404,2.1905776169910127,0.1447827351835549,2.18 +1405,1.360881319794704,0.14376634067743255,1.36 +1406,1.3508761063213854,0.14401408036886834,1.46 +1407,1.005323016857592,0.14340337358121757,0.98 +1408,1.3195899318673274,0.14471193789630113,1.3 +1409,1.9060673460988,0.1455848840655659,1.86 +1410,0.9497105918742901,0.14532492535378533,0.96 +1411,1.7369043853709827,0.14666476963792652,1.74 +1412,1.701156870093556,0.14434529284549008,1.64 +1413,1.4920597703908745,0.1471937381369691,1.42 +1414,0.5148694184988263,0.14629176366105487,0.48 +1415,0.7864699426028374,0.14380716874398305,0.84 +1416,1.1844558526892652,0.14336719968242503,1.08 +1417,1.2158311902837373,0.14392939855716183,1.16 +1418,1.033804357534097,0.14368496071784764,1.0 +1419,0.6943927221177817,0.14525433131079912,0.64 +1420,0.6185612572790586,0.14466105136266802,0.76 +1421,1.4692337891473444,0.14474018424495183,1.4 +1422,-0.29456278766865784,0.22283514778997796,-0.34 +1423,0.8053946304110746,0.14496204971232599,0.76 +1424,1.653867742918346,0.14564303587578412,1.68 +1425,2.02439872386284,0.14456982923121442,2.06 +1426,2.7840401628370146,0.14697382052734143,2.84 +1427,1.136621130069948,0.14397659430145532,1.08 +1428,1.9733650125838555,0.14430337843312685,2.0 +1429,1.0922148316881484,0.14454413843374836,1.1 +1430,0.3369525235687143,0.14689624822316963,0.3 +1431,0.532355965504149,0.15530334808320484,0.54 +1432,0.5668545543242982,0.14602383394684781,0.54 +1433,1.7860269584775588,0.14497505841173547,1.76 +1434,-0.2376659550487754,0.20105092700190988,-0.24 +1435,1.2365295536518635,0.1441382636964214,1.22 +1436,2.718600237412867,0.14683508007239704,2.8 +1437,1.3314974202465693,0.1444587326332425,1.22 +1438,0.918477053797853,0.14443242951177007,0.98 +1439,0.6374522748212628,0.14541297461869354,0.62 +1440,1.1672137428687557,0.14504784143887353,1.22 +1441,1.3879006134036502,0.14711962383643076,1.36 +1442,1.383441179604914,0.14414164722141995,1.38 +1443,3.086432301363161,0.14807587823121435,3.04 +1444,0.9973630798383817,0.14347349343840954,0.96 +1445,0.1288160276410264,0.1490299212662698,0.18 +1446,1.4731797213078157,0.1442167355853208,1.34 +1447,2.1882945993339846,0.1437999769860549,2.24 +1448,0.7599738834057477,0.14489120353096901,0.8 +1449,1.7800336545488329,0.1445253825736353,1.86 +1450,2.2420479932509836,0.15084412886071047,2.18 +1451,0.7102596500984366,0.14419663347212577,0.64 +1452,2.259015243104337,0.14400446128162703,2.32 +1453,1.8428842287026108,0.1447108558296298,1.76 +1454,0.25524038600077725,0.1509762397340257,0.24 +1455,0.9519843819987739,0.14511345198804368,0.9 +1456,1.573493734796815,0.14466005479344043,1.58 +1457,1.5275513868334607,0.1456440868942444,1.52 +1458,1.188584106367513,0.14671940313390885,1.12 +1459,0.6425741394153719,0.14608369941368468,0.64 +1460,2.5825217987476585,0.14629460743313855,2.66 +1461,1.0279532094554917,0.14483061649076473,1.34 +1462,1.9927263967326696,0.14509840518392755,2.08 +1463,1.4578999283310528,0.1453012247247836,1.44 +1464,0.5148858840372772,0.15268918253588615,0.42 +1465,2.8294060379581887,0.1476118904227001,2.86 +1466,1.2097423005489483,0.1446727246606391,1.14 +1467,0.8848391606718757,0.14315457453878347,0.84 +1468,1.5606370425483225,0.14626293726062925,1.62 +1469,1.434483307707945,0.14349590052067657,1.28 +1470,0.43434518854668136,0.14508496354275358,0.28 +1471,1.8288277424171793,0.144770956367278,1.82 +1472,1.3651791454677231,0.14557038191819066,1.5 +1473,1.3768223544980978,0.14392413778406854,1.44 +1474,1.0957786861336012,0.14367815983894047,0.98 +1475,2.8723279961405717,0.15155610516275067,2.94 +1476,0.510667200137036,0.1459951321353021,0.34 +1477,0.4339697075853448,0.14566424982466103,0.4 +1478,1.6689072385014954,0.14485043422206703,1.66 +1479,1.373366964265259,0.14510397279055753,1.32 +1480,2.204435131924502,0.14409124762196193,2.18 +1481,1.9425257686056168,0.14383270010236102,1.9 +1482,1.3331891775951399,0.14335081462586974,1.32 +1483,2.578669335530924,0.1455849194257184,2.7 +1484,1.6890031873100502,0.1430346860710834,1.66 +1485,1.4331668018118493,0.1435877659463533,1.38 +1486,1.2437307378683156,0.14479922343554755,1.24 +1487,1.4941263058098468,0.1443809294868437,1.54 +1488,1.1942156341732564,0.14516505337070448,1.14 +1489,0.32198118908596607,0.14615070762683163,0.22 +1490,0.8626820834363405,0.14411232695358261,0.96 +1491,0.5979193974564692,0.1445472509147939,0.52 +1492,2.4360486661015117,0.14499953169004226,2.38 +1493,1.234742344871894,0.14744991035300298,1.3 +1494,0.9140714293822954,0.1444606986759259,0.94 +1495,2.4848283997963656,0.14579772298506777,2.56 +1496,1.0742129477462314,0.14455472791829227,0.94 +1497,1.9268123851104861,0.14403918699160756,1.88 +1498,1.7615766301256603,0.14388058263830267,1.78 +1499,1.03697882277033,0.14452786806438947,1.0 +1500,1.1279211751348996,0.14361257575252567,1.24 +1501,3.3556037441995046,0.15273473090907683,3.3 +1502,1.0918998610013966,0.14362760662425494,1.08 +1503,2.4505574162745654,0.1459556383164647,2.58 +1504,1.5411224078334755,0.1450655197322116,1.68 +1505,1.9491235202501884,0.14356563935486766,1.88 +1506,0.8287176251839417,0.14376855793139295,0.78 +1507,1.0373321594861111,0.1433852712146583,1.04 +1508,1.7807034632534582,0.1432468059207334,1.7 +1509,0.9848220832638668,0.14387964040946244,0.94 +1510,0.7647349693078671,0.14365069909684372,0.74 +1511,0.6534379001210575,0.14434615860023423,0.6 +1512,1.2559409407853743,0.1436886718163599,1.2 +1513,1.070995525913006,0.14384029452938824,0.92 +1514,0.3418618639105344,0.14945369616231363,0.42 +1515,1.1585726787335404,0.14451007868597845,1.08 +1516,1.625029115845218,0.14627165805990755,1.56 +1517,1.2698296750280158,0.14475171820915414,1.26 +1518,1.0392499276329024,0.14407493069442937,1.06 +1519,1.2757874995885463,0.14460128137925338,1.14 +1520,1.252700990810832,0.14427245675719824,1.12 +1521,1.8104771089079414,0.14370145527641157,1.84 +1522,1.6928475532248624,0.1460747290555238,1.76 +1523,3.2120637917269534,0.1506556521546603,3.3 +1524,0.8877116797949687,0.14687484814176438,0.94 +1525,1.6131754010071302,0.1450357338573007,1.56 +1526,2.330043449056165,0.14447197993941105,2.32 +1527,1.215418761657967,0.14380154245842997,1.26 +1528,2.3958421908283847,0.14525686290549011,2.42 +1529,0.32727837064056375,0.14529244606431396,0.36 +1530,1.6351953139051454,0.14662535749127778,1.52 +1531,1.2993692691789769,0.1428094062948704,1.3 +1532,1.2867273285122622,0.14326330388127512,1.3 +1533,3.0602369434613252,0.15121687934754366,3.0 +1534,0.33437124791875883,0.14790832136099574,0.28 +1535,1.1128725219742166,0.14400338260530055,1.04 +1536,1.0426434174435841,0.143955139401514,1.08 +1537,1.050708810396634,0.14488768994995285,1.0 +1538,1.0427050149801613,0.14440338625043292,1.04 +1539,0.5714713458674248,0.14586339576347396,0.48 +1540,0.2787039745077977,0.1458196472166107,0.28 +1541,1.8940760851520637,0.1439573632795568,1.96 +1542,1.7555774676910159,0.1430939981072105,1.74 +1543,0.5202527989039436,0.14521170320377785,0.56 +1544,0.9083984658887041,0.14315029361443085,0.88 +1545,1.5119004995114715,0.14428509767007922,1.52 +1546,1.3697757572449079,0.1436109864515107,1.34 +1547,1.5047434272381364,0.1438324967443368,1.36 +1548,2.2842695093458425,0.14393724663396124,2.4 +1549,2.083712795679793,0.14383657636195893,2.28 +1550,1.6841047103310154,0.14530933070462337,1.7 +1551,2.595748630907567,0.14547012155892802,2.72 +1552,1.0009856878539094,0.1436543900228433,1.0 +1553,3.5913908282856988,0.15807012798759057,3.58 +1554,2.5402743763924023,0.14574303176016157,2.7 +1555,3.1184850345145088,0.14965521286070438,3.1 +1556,1.2657058414222235,0.14338770152155228,1.18 +1557,1.6726049922076283,0.14530741680245846,1.72 +1558,1.0498875834110248,0.14524407086180843,1.14 +1559,0.4133219770388039,0.14630516048528533,0.34 +1560,1.2489932512386734,0.14438386780438436,1.18 +1561,1.8801031623001827,0.14293258057163252,1.9 +1562,1.194881519285977,0.14386566550130156,1.24 +1563,1.6716261891925712,0.14553355334731533,1.68 +1564,1.8018471318398839,0.1430524034621535,1.96 +1565,1.0137566257888104,0.1431055490014121,1.0 +1566,0.920748077128327,0.1443928868552581,0.9 +1567,1.8038662812073203,0.14738648541501206,1.92 +1568,1.6038158770578872,0.14621813305238884,1.6 +1569,3.1332550998879207,0.1496957869922891,3.2 +1570,1.4839640324841334,0.14359945086769785,1.54 +1571,0.830085119089262,0.14631143109855083,0.82 +1572,0.8454066688986921,0.14351163741679432,0.82 +1573,2.106412173948757,0.14334764751855464,2.08 +1574,1.377039049627728,0.1438017594482414,1.22 +1575,2.1618251418110295,0.14569430568636965,2.3 +1576,2.569322743716022,0.14612897576835338,2.54 +1577,1.8133214539573577,0.14346868251369363,1.76 +1578,1.4240766146478596,0.14462491636502325,1.4 +1579,2.142948295598137,0.14401044689803916,2.26 +1580,1.9315922137060508,0.14316771502328737,1.92 +1581,1.8645388118879684,0.1428317578796082,1.78 +1582,2.963401939796141,0.1483960227349862,2.98 +1583,0.5957790037068009,0.14479418996365936,0.64 +1584,1.4100880942017828,0.1454344169518126,1.42 +1585,1.2975689643121187,0.14440243873660846,1.24 +1586,1.7033018396568704,0.14614455904241316,1.78 +1587,1.4504259997190023,0.14468625233989268,1.42 +1588,1.734119618569546,0.14789583714884894,1.66 +1589,1.2942815650707886,0.1432940807086308,1.0 +1590,2.0299096273370556,0.14402964528615564,2.0 +1591,0.5658899985586179,0.144564338511121,0.5 +1592,1.2627558310535734,0.1451565848802972,1.22 +1593,1.4829649164733945,0.14374607112573068,1.54 +1594,0.6726814587490613,0.1467093882687655,0.76 +1595,1.6224883972055655,0.15260341648316944,1.44 +1596,0.8762368826114355,0.14410625385793138,0.76 +1597,1.2810595637166533,0.14535312213218365,1.46 +1598,1.5585143433192372,0.14388274597428352,1.48 +1599,1.8630823611968954,0.14314905934730632,1.76 +1600,0.5601470201067351,0.14629402426973342,0.58 +1601,0.8576963206896786,0.14597710501248393,0.84 +1602,2.1152936325047684,0.14333983817078208,2.1 +1603,1.310408284450459,0.14510664513527646,1.24 +1604,0.5574750678721956,0.14449924709964881,0.54 +1605,0.6395125626872926,0.1446950472459169,0.56 +1606,1.2482623220585496,0.14788687525204147,1.22 +1607,1.9228758129667107,0.14415397738815766,1.84 +1608,1.0444333495413134,0.14336843233958443,1.06 +1609,4.593650528357221,0.3080803316200513,4.6 +1610,1.5804145504663958,0.1481508233117833,1.62 +1611,1.728233431799636,0.14599724357243676,1.7 +1612,0.4144248172694476,0.14868623807028022,0.42 +1613,2.6339784319352852,0.1462499551937393,2.6 +1614,2.443924002746121,0.14545908448198544,2.3 +1615,0.5644339784198782,0.14416741631525926,0.56 +1616,1.495202935880052,0.14819760133879029,1.54 +1617,0.6636043631269737,0.14576835934586668,0.7 +1618,0.9922601592730715,0.14343322999319136,1.0 +1619,1.3425079863070786,0.14338807312805327,1.36 +1620,2.575021854319632,0.14581940376498684,2.68 +1621,0.5625539878587138,0.14497421633260427,0.6 +1622,1.3191310754254837,0.14315235027943582,1.28 +1623,1.9278726441610812,0.14295877613362185,1.96 +1624,2.2854489872473,0.14414569054120147,2.32 +1625,1.024061169835893,0.14391290303416682,1.04 +1626,2.5652497405000028,0.14636383241880718,2.58 +1627,2.269496622690817,0.1443429836864401,2.36 +1628,1.2130891472733585,0.14392793591258735,1.24 +1629,1.8230644304861294,0.1433806599978253,1.86 +1630,1.2295634451348385,0.14557994906257243,1.96 +1631,0.9162498855843233,0.14491214578590436,0.96 +1632,1.0730326646238493,0.1442830518457786,1.1 +1633,1.0913850984934261,0.14372530339216447,1.1 +1634,1.0200662037968908,0.14327355101589678,1.0 +1635,1.206574341149079,0.14390596313752016,1.22 +1636,0.7416312995993963,0.14887540829240148,0.8 +1637,1.8283487687705606,0.14596562607061542,1.84 +1638,2.4727728820894836,0.14494935547339,2.52 +1639,1.151164894361774,0.14503337191170057,1.16 +1640,0.8783800844625902,0.1430131293236381,0.84 +1641,0.6946753678763202,0.14435738365528034,0.6 +1642,1.2037572813172521,0.14408580774503366,1.14 +1643,0.9506864583958454,0.14305274903559795,0.88 +1644,1.4078742158599629,0.14348421267250405,1.38 +1645,0.7872409528601882,0.150399662890357,0.82 +1646,1.8963770508244004,0.14522244793620584,1.84 +1647,2.0201548974893577,0.1437000721669263,2.0 +1648,0.5763554467796745,0.15149500895898438,0.52 +1649,3.559594044380239,0.15818847966109248,3.44 +1650,0.9330904521490031,0.14520467116581998,0.92 +1651,1.184930826856601,0.1443919651527108,1.14 +1652,2.4618162437918287,0.14515315896769443,2.52 +1653,1.8342650267203067,0.14323854298676222,1.88 +1654,0.4994941092729275,0.14531692554569353,0.5 +1655,0.8917428001852632,0.14322121965145382,0.9 +1656,1.9155547922525948,0.14462628930076063,1.88 +1657,1.0129238719687135,0.1434160203525459,1.0 +1658,1.7202601787275733,0.14351391780143846,1.84 +1659,2.048938066519313,0.14343223824234946,2.18 +1660,1.6249890954934707,0.1442914630155903,1.56 +1661,2.2968221847308876,0.1444914497420969,2.26 +1662,1.5554672518417392,0.1444619865381157,1.68 +1663,1.5770134490137893,0.14451282419601938,1.58 +1664,1.364742389542045,0.14365018739332425,1.3 +1665,1.1898872565113767,0.14489360375038923,1.22 +1666,1.8010523511542105,0.1443896600843229,1.86 +1667,2.757270533045958,0.1476428847442273,2.76 +1668,1.5319431125313305,0.1444068014347356,1.5 +1669,2.236494938617025,0.14469432246664282,2.18 +1670,1.8395348397610243,0.14329915966247267,1.82 +1671,3.015804808907341,0.15057799567382435,2.96 +1672,0.9408187063749485,0.14391194860784978,0.94 +1673,1.3019385494665632,0.14373675232734948,1.16 +1674,0.5445771305960894,0.14555881073888494,0.54 +1675,1.2285582692193313,0.14389945051531874,1.16 +1676,1.1944643738154785,0.14369601188467238,1.28 +1677,0.9481411217938676,0.14435696613759874,0.9 +1678,0.9442321252181931,0.1436703908833441,0.84 +1679,1.1326690210561101,0.14582396960705288,1.12 +1680,1.2635097737060375,0.14349964601425655,1.32 +1681,2.954980917470563,0.148132674758825,3.18 +1682,1.032881384284455,0.14670909239667648,1.06 +1683,2.194235761990218,0.14366568219102108,2.14 +1684,1.7434004230145583,0.14466205173675736,1.78 +1685,1.425590851825627,0.14481597725823944,1.56 +1686,0.7103074762335138,0.14828961797105616,0.64 +1687,0.6622383363137048,0.14523153119025187,0.62 +1688,1.9178007422433105,0.1441132550711781,1.84 +1689,1.4672354687293052,0.1436232919311326,1.5 +1690,2.018600218633708,0.14368136636105996,1.92 +1691,0.9206230720682975,0.14513859719411837,0.82 +1692,2.32024836380065,0.1449251621240844,2.36 +1693,2.6711142190703687,0.14784271923732797,2.76 +1694,2.0792561329590513,0.14311066752207371,2.04 +1695,1.5387928966968567,0.15124974611290123,1.5 +1696,0.9391369442535162,0.14330138056426084,0.86 +1697,2.0903492560710952,0.14318881872864025,2.16 +1698,0.8791767919211257,0.14494143475554688,0.9 +1699,2.3233586926983727,0.14502467800411084,2.34 +1700,2.279580411646933,0.14588976509945092,1.94 +1701,2.164218101380231,0.14460999420121937,2.2 +1702,1.3235597411839337,0.14390626821353314,1.3 +1703,2.4025288938441265,0.14471696954680685,2.44 +1704,2.7925260774022136,0.14751343327019056,2.78 +1705,2.4137070106560956,0.14548842404933238,2.48 +1706,0.8244475612692779,0.1444266459545546,0.76 +1707,1.7179834876739517,0.14606559322562057,1.66 +1708,2.2348223616541447,0.14531788452425984,2.2 +1709,2.3224637076331107,0.14452878326053714,2.44 +1710,0.5617051989005977,0.14537718410208936,0.6 +1711,0.8615246842033231,0.1441270330836585,0.9 +1712,1.133039796159919,0.14465392590041207,1.04 +1713,1.54200091539682,0.14473152417233875,1.48 +1714,2.43708201810164,0.14516422912620253,2.48 +1715,0.13613560882346087,0.1476993122289133,0.12 +1716,0.6531211667735346,0.14919936563001376,0.5 +1717,0.4426116443968877,0.14446719959869572,0.5 +1718,1.846507308514712,0.14382409220037076,1.82 +1719,1.0754249271997307,0.14418942988149847,1.04 +1720,0.0883651799700087,0.15479118489873514,0.02 +1721,0.6796519384222006,0.14429932799272602,0.5 +1722,0.8780048197495138,0.14340955373405437,0.86 +1723,3.4711458764712355,0.1555488302318724,3.48 +1724,1.8158758084218491,0.14349628633312064,1.96 +1725,1.4940156693202291,0.14380017485432642,1.46 +1726,2.186437672649856,0.14372566379125423,2.22 +1727,1.3320482308199968,0.14413487251146778,1.3 +1728,0.029945850134664997,0.16729136123816835,0.0 +1729,1.1646515640357689,0.1433960574000059,1.14 +1730,1.1693495841788608,0.1435594604506402,1.22 +1731,1.241232514521013,0.1463532809331885,1.24 +1732,0.854537115114566,0.14369681251227426,0.86 +1733,1.5794340705539498,0.1460251226267981,1.56 +1734,1.6003035777286763,0.14553130469902079,1.58 +1735,1.2870336696917595,0.14487430294311066,1.38 +1736,2.7763620496594137,0.14691171662589111,2.78 +1737,1.470643269619592,0.14641490692543901,1.32 +1738,1.7627972062711685,0.14497419623078198,1.76 +1739,1.2031080284152442,0.14556582559385195,1.2 +1740,1.5133145328055204,0.143772100739089,1.52 +1741,1.8384034061348946,0.1439733679000884,1.82 +1742,1.661820813613661,0.1450866334091387,1.68 +1743,1.3702992805396215,0.1442355886445224,1.46 +1744,1.2711874574013362,0.14484443938977268,1.28 +1745,1.632462682395595,0.14471527311860355,1.58 +1746,1.4174779714311225,0.1444178056456334,1.42 +1747,1.2904649634987106,0.14338346563171636,1.34 +1748,1.473406019416601,0.14357844149752144,1.6 +1749,0.5204894782973537,0.14520239936127924,0.4 +1750,3.1217937656695853,0.14936855892715498,3.24 +1751,0.48915240780343483,0.1449575551512758,0.36 +1752,0.8439531212781834,0.14406053191311946,0.84 +1753,0.7725486904464138,0.14431481208081967,0.82 +1754,1.1300338401306633,0.1443069619821364,1.14 +1755,0.8742479127610872,0.14302752403027733,0.82 +1756,1.7443426208295034,0.14335989981752784,1.64 +1757,1.3577404786485219,0.14532293478547323,1.34 +1758,0.5716522895871337,0.14455253410581456,0.52 +1759,1.1919028638956992,0.14470629393707898,1.12 +1760,1.4451121527724866,0.14406706860834304,1.44 +1761,1.5047410431220336,0.14523720880915436,1.5 +1762,0.4831476518069242,0.14592758650095422,0.46 +1763,2.609462183343821,0.14628708240470178,2.68 +1764,1.1681316661868704,0.14544862612777193,1.12 +1765,1.00082885518245,0.14446583347665842,0.98 +1766,3.2738466392113446,0.15172371373378393,3.26 +1767,1.0631902434329459,0.14596714128457733,1.08 +1768,1.2090457723711272,0.14471086770516312,1.22 +1769,1.5348058119614199,0.14381672589117037,1.58 +1770,2.289424345114997,0.14424759246052937,2.38 +1771,2.711651246095697,0.14730438212405508,2.64 +1772,1.0832309566154152,0.1437747536651648,1.22 +1773,2.8010328897809367,0.14897542600917701,2.74 +1774,1.244800168625169,0.14496193317069744,1.28 +1775,3.0404831769681597,0.1489055095907704,3.02 +1776,2.239851949609893,0.14454245751012293,2.34 +1777,2.9005424405412215,0.14827889595449978,2.98 +1778,0.7629893502647662,0.14474824604036712,0.78 +1779,1.5983949369641768,0.14437296202960836,1.6 +1780,1.3945974501849165,0.144789683624624,1.36 +1781,2.9911968043732124,0.14773654108854561,3.42 +1782,2.6175892917999755,0.14653806324431023,2.48 +1783,0.46671843607846997,0.14520086511758015,0.5 +1784,1.6118837756071334,0.14363942792879847,1.74 +1785,0.7392017302915463,0.14451367549217786,0.74 +1786,1.408569161822785,0.14491916873188926,1.44 +1787,1.6596481792997886,0.1480066432185749,1.72 +1788,1.2546657122184013,0.14423641492739633,1.28 +1789,0.7836242441477208,0.1446683256586192,0.78 +1790,0.5583648045697402,0.1498831290895322,0.52 +1791,2.3219234875632933,0.1444624356721242,2.44 +1792,2.1147374682428084,0.143368759821305,2.28 +1793,1.3008301842366845,0.14405484547955785,1.26 +1794,2.4134251403849345,0.1449219843543219,2.32 +1795,1.7124344045367228,0.14474791066980042,1.82 +1796,1.5839007128842888,0.1452528102246269,1.62 +1797,1.655114272986888,0.14573682158908852,1.8 +1798,0.5434534338007109,0.1473704540610095,0.6 +1799,2.2910363755409944,0.14417050003719503,2.32 +1800,1.524565029167125,0.1459926440144707,1.56 +1801,1.5759203669787838,0.1454355259026396,1.64 +1802,4.050384892759537,0.19235111787393122,3.88 +1803,1.686230008698614,0.146564553186438,1.68 +1804,0.7330663773348207,0.14489495779642994,0.76 +1805,2.5718715939335532,0.14558574379631212,2.66 +1806,1.7093665856819666,0.14302808409769055,1.64 +1807,1.0282866578099275,0.1485438180876697,1.02 +1808,2.227801471325501,0.1438161056548187,2.3 +1809,3.425712124139596,0.1532658182985056,3.52 +1810,2.14933655674947,0.14400994990565152,2.12 +1811,1.6122275810149316,0.14340695985424048,1.54 +1812,0.8738088768604162,0.1451266152770101,0.94 +1813,1.7279234121860036,0.14503625559651198,1.66 +1814,2.0565413911584316,0.14637511949528495,2.26 +1815,1.6088715012367154,0.1493902628576761,1.6 +1816,1.3698539249508213,0.1439563478980405,1.34 +1817,1.2651372847496227,0.14448332381661677,1.18 +1818,0.44812484012527287,0.1472134139415963,0.4 +1819,1.057714110516367,0.14422790622524612,1.02 +1820,1.9764233533053575,0.14377818689057262,1.94 +1821,0.6272625677473962,0.14586130481813755,0.6 +1822,0.8453259186689146,0.1441357480779025,0.88 +1823,1.7664420530598854,0.14658841968239192,1.84 +1824,1.5237054910724628,0.1480805139087412,1.5 +1825,1.0899105081434262,0.14382290709194084,1.06 +1826,0.7081199430023006,0.1458751030824882,0.62 +1827,0.14951076086555348,0.14911408420474404,0.18 +1828,1.1194438571807752,0.14451346345295818,1.08 +1829,1.697272601389383,0.14466269922284236,1.62 +1830,1.8860695594527201,0.1443250589396936,1.9 +1831,1.4777608841131866,0.143409789181502,1.44 +1832,1.0421672720217505,0.1447259370306466,1.0 +1833,0.4533091644992209,0.15108708647143618,0.48 +1834,1.0915795006233222,0.1434628432929901,1.12 +1835,1.21165383974833,0.1437515635665298,1.26 +1836,1.7813900376255742,0.14553686663761556,1.82 +1837,0.8932464400227826,0.14556952145715615,0.98 +1838,0.8522660315130808,0.14408449009754723,0.82 +1839,1.2523078391947533,0.14444001525559935,1.24 +1840,2.2867053596089293,0.1447195446161685,2.3 +1841,1.013963983971133,0.14515905186452494,1.02 +1842,0.6991506254997231,0.1456660456163023,0.64 +1843,1.8779668659499706,0.147343399109596,1.98 +1844,2.1330419171006896,0.144032221538438,2.26 +1845,0.7089756910827583,0.14754326326503092,0.74 +1846,2.3279438415736675,0.1446073460870779,2.32 +1847,0.1469707654577026,0.14951270618386125,0.14 +1848,0.8445564330410229,0.14400785766770202,0.82 +1849,4.259277220504417,0.22285870494275206,4.24 +1850,1.2630300044178928,0.143547341905526,1.24 +1851,0.6084125282591821,0.1506816526460941,0.6 +1852,1.4010232064511325,0.14375215838475,1.4 +1853,1.936928906527513,0.14396814219513812,1.98 +1854,0.8056415870456122,0.14453762326776629,0.84 +1855,1.2744433496322078,0.14310323747088224,1.24 +1856,1.0401656991208363,0.14488384431777473,1.0 +1857,2.790392237925778,0.1484604098820499,2.8 +1858,1.9646854899793529,0.14336527895239934,1.98 +1859,0.7960044188693218,0.1457146712446409,0.78 +1860,1.7435953345103035,0.1449444776656897,1.72 +1861,1.505954109576321,0.14400706737787497,1.56 +1862,2.716416956364251,0.1461811876249155,2.86 +1863,0.6274170142603475,0.14410795804084098,0.58 +1864,0.8275568037118028,0.14346619939966765,0.82 +1865,0.4483502013433882,0.14545515309315804,0.4 +1866,1.3954221934284274,0.14338616969969017,1.44 +1867,2.048339615362297,0.1430207463051576,2.16 +1868,1.0178814354538948,0.14364151361515767,0.84 +1869,0.49399639598530287,0.14585983481613965,0.48 +1870,0.631463156076022,0.14438619315698745,0.68 +1871,1.4479798566858535,0.14331431650722753,1.28 +1872,2.4812819152256034,0.14543981486333446,2.54 +1873,1.2517585631549708,0.1453345279256416,1.2 +1874,1.3374731563710704,0.14399148098348255,1.34 +1875,1.3593546753726344,0.14353165061987694,1.32 +1876,1.7454553199685656,0.14456354900054175,1.82 +1877,2.141883802467769,0.1434260812586814,2.16 +1878,1.5842669556378852,0.14430778367294814,1.7 +1879,1.5646082548425349,0.14963978275213438,1.56 +1880,0.6838736231319822,0.1442095310627691,0.66 +1881,1.8755526125686175,0.14320744365403207,1.86 +1882,0.9191723112458985,0.14428579160926538,0.92 +1883,1.1686573350195837,0.14428320432859795,1.16 +1884,1.3728030331090175,0.14591550294414898,1.4 +1885,0.27056078905761405,0.15065148828557334,0.24 +1886,1.465339210592401,0.14498523190376733,1.52 +1887,1.229496461189115,0.14754251347301617,1.26 +1888,0.7697350303173036,0.1443003713715387,0.76 +1889,1.3653639029416191,0.14498678048374022,1.44 +1890,0.9597038813851211,0.1442931768204627,1.06 +1891,1.915145873258402,0.14500872936235296,1.94 +1892,1.0564381546169526,0.14404337421185778,1.06 +1893,0.9925499728204472,0.14447150848151744,1.0 +1894,3.046765760291987,0.1522790455430806,2.92 +1895,1.7091968985747426,0.1505195175028141,1.76 +1896,1.460159615454398,0.14475118365754716,1.5 +1897,0.559990857070018,0.14895768378967075,0.44 +1898,1.7993840007902642,0.1444182092943587,1.74 +1899,1.1482571679593296,0.14466486973888845,1.16 +1900,0.25977981802350714,0.15072094936182534,0.06 +1901,1.4609135175360906,0.14554110633675427,1.54 +1902,3.2842928162827065,0.151407156526265,3.34 +1903,0.4418791344169475,0.14491537224791573,0.52 +1904,1.3132759660830655,0.14325533334741233,1.26 +1905,0.9105299211796933,0.14377850128905537,0.84 +1906,1.527975021739684,0.14484196301278426,1.48 +1907,0.42349307706011396,0.14486558785691514,0.42 +1908,1.8984827532045672,0.14463076367192337,1.82 +1909,1.927239560258569,0.14397229734392059,1.96 +1910,2.2661440230857353,0.14554274703720993,2.2 +1911,0.8393347363731469,0.14407039509313813,0.9 +1912,0.646661690259489,0.14479493982627273,0.78 +1913,2.5430169668187994,0.14600934663798884,2.52 +1914,3.0059386265960613,0.14802536342586134,2.94 +1915,3.18065024614616,0.1495821814429833,3.22 +1916,1.1901493027256582,0.14382222298841332,1.12 +1917,1.517237941995241,0.14405051282780737,1.58 +1918,2.029782439119748,0.14440653576952747,2.1 +1919,1.0034900515147158,0.1455084602170904,1.2 +1920,1.0353172571512421,0.1440372601281937,1.02 +1921,2.1633673094388635,0.14355146855225062,1.94 +1922,1.7717791638774867,0.14810036797930065,1.72 +1923,1.3871460526599972,0.14385165615506326,1.4 +1924,1.6938227465840918,0.14654505894583733,1.76 +1925,1.8387157176849684,0.14415616447175567,1.78 +1926,2.0976518498471077,0.1440603123073699,2.02 +1927,2.1283762692907318,0.143521061370679,2.12 +1928,1.8830331311110933,0.14722368091201335,1.76 +1929,1.021062435295946,0.149131867120918,1.06 +1930,1.691468881412217,0.14590292606204508,1.7 +1931,1.0320251195871593,0.14339551979221013,1.04 +1932,2.5201622608775325,0.14630572033928607,2.5 +1933,1.0571480229220573,0.14422598489017766,1.04 +1934,0.6447294200942406,0.14537386725258972,0.74 +1935,1.4345483021913439,0.14478915108674165,1.36 +1936,1.5583846841913371,0.14623734286873916,1.58 +1937,0.752472315080166,0.14507533438143677,0.76 +1938,1.4685516965363914,0.14444309725646978,1.32 +1939,2.3616051187554707,0.14583825062943095,2.28 +1940,1.96401279153481,0.14329788399033397,1.98 +1941,1.0589220221212625,0.14466720434147645,1.04 +1942,1.1677787611297394,0.1465431949838522,1.18 +1943,1.6090107561238107,0.143256278116688,1.62 +1944,1.2734436123896633,0.1445972496248969,1.42 +1945,1.282349287823744,0.14473271765749088,1.3 +1946,0.47817552295182475,0.14642571658135964,0.4 +1947,1.3173614723889515,0.1447663043058738,1.32 +1948,0.5797705041893146,0.14455144044491214,0.66 +1949,1.6257578730362163,0.14404732375552862,1.58 +1950,1.6510025549371172,0.1438553678602075,1.58 +1951,1.7786870704974178,0.14407839853849805,1.7 +1952,0.2606569342450542,0.14624698292565672,0.3 +1953,1.6274375031853077,0.14443617972450146,1.66 +1954,1.446262309544347,0.14396101962132646,1.44 +1955,0.7515624079729979,0.14504512213687015,0.66 +1956,0.5605853139000652,0.14566412558587696,0.56 +1957,1.2587743317638371,0.14478997164461682,1.26 +1958,0.9269188496149359,0.14434575777896677,0.9 +1959,0.8981792146565195,0.1469412697192956,0.8 +1960,1.7903894736226875,0.1440988520239765,1.76 +1961,1.0681314059149547,0.14337179905669273,1.0 +1962,3.796752812514582,0.1698335945601972,4.12 +1963,1.1721943123874063,0.1458246048658355,1.2 +1964,1.4492775756846936,0.14349537702141765,1.34 +1965,0.6633737311186292,0.14557888389501364,0.74 +1966,1.8831377536739518,0.14507835513510625,1.92 +1967,0.7379070259822655,0.14520847163446698,0.72 +1968,1.1124573189794416,0.14400092684261898,1.04 +1969,0.7841139440390887,0.14363581280228443,0.56 +1970,0.4251470182428627,0.14511455398540957,0.44 +1971,1.5309320005765898,0.14562726756737535,1.56 +1972,0.5247960042369688,0.14515491990680432,0.44 +1973,1.522200440077429,0.14439983014575125,1.6 +1974,0.5951295857311085,0.14486332554192818,0.56 +1975,0.398856748930156,0.15184227820510873,0.5 +1976,0.5542432406361244,0.14410040111297182,0.72 +1977,1.1016698593424903,0.14445352312299692,1.1 +1978,1.9367355595244242,0.144205926892989,1.96 +1979,0.6886950006968289,0.14503803235248258,0.72 +1980,1.878651775067635,0.14283396570029233,1.88 +1981,0.6765978649259012,0.14617609730497544,0.68 +1982,1.2676530640674089,0.14333491817978183,1.18 +1983,0.9664456880813632,0.14380668028703802,1.12 +1984,0.5404538188678356,0.14549699732122195,0.46 +1985,0.9169663823400023,0.14364465709891777,0.94 +1986,1.4418402118073765,0.14327563052689246,1.34 +1987,3.4409835361603656,0.15513371739768556,3.36 +1988,1.9866273138972184,0.14521312217771654,2.1 +1989,1.3970002009809819,0.1443635232124237,1.46 +1990,1.9223611498720463,0.14664188231870523,2.06 +1991,0.4277233041252271,0.1463900979397962,0.38 +1992,0.9043378165510316,0.14459343812060704,0.72 +1993,1.9544187142827494,0.14311942313154868,2.06 +1994,1.1323470797911317,0.14389805909566242,1.14 +1995,0.45790029782634045,0.15187771465601374,0.6 +1996,0.9927799834154798,0.14362453954252105,0.98 +1997,1.105644971910794,0.14383663085287432,1.1 +1998,1.1855590329822108,0.1437385725526679,1.04 +1999,1.5995099462948112,0.14650506563495796,1.7 +2000,1.0471537744988333,0.147642024404538,1.18 +2001,0.6041831170127652,0.14531926200696574,0.44 +2002,1.7450305509799926,0.14535233434027114,1.74 +2003,1.3354330375323493,0.1440430862301878,1.32 +2004,1.0583227191298374,0.14424127413876905,1.0 +2005,1.1396586411820508,0.1449054406539695,1.2 +2006,0.6484782178758839,0.1468166828227537,0.64 +2007,0.8614722201039382,0.1444689123185368,0.84 +2008,1.6629660532393609,0.14634984321791447,1.7 +2009,1.7991438501789951,0.14861706246945064,1.84 +2010,1.2696201122827753,0.1441661381445839,1.2 +2011,0.7341013061449524,0.1467198938531771,0.74 +2012,1.8199557851600052,0.14288141319430012,1.6 +2013,1.2927255738587342,0.14411900531164382,1.26 +2014,1.1355639704033167,0.14419489672828456,1.08 +2015,1.9661806361225254,0.14300059561016537,1.96 +2016,1.1447178917091958,0.14465086686284634,1.14 +2017,1.53346959216154,0.14779968433930116,1.6 +2018,1.4343815574579524,0.1445428934429547,1.38 +2019,0.812670808821045,0.1445015767948673,0.7 +2020,1.9551384948465445,0.14391703631231875,2.04 +2021,1.5373521733478257,0.14413304744421448,1.44 +2022,1.8720389748678188,0.14643424306754693,1.94 +2023,1.277036720105189,0.1429884635790359,1.24 +2024,3.1012239571830507,0.15002831707601916,3.04 +2025,1.5365333431519699,0.14860906422106068,1.5 +2026,1.4655152308585149,0.14362135631336764,1.46 +2027,1.3456444784837882,0.14547381140822754,1.42 +2028,1.047726814940248,0.14350413870670198,1.0 +2029,1.5217466119492653,0.14518320134685128,1.54 +2030,1.8451561061527166,0.14436221288132906,1.88 +2031,1.7656872287973653,0.14313011783369284,1.88 +2032,1.2901190080685319,0.14459041931064825,1.28 +2033,0.8196026762640654,0.1444047297926661,0.8 +2034,1.4495756888329887,0.14678939680428388,1.48 +2035,0.9769645752249176,0.1434092916982929,1.06 +2036,1.7320320692045112,0.14323752899181616,1.72 +2037,0.6873176818072158,0.14483926821104154,0.78 +2038,2.1266640142927415,0.1452052416243618,2.18 +2039,1.5482177076912973,0.14470280676143285,1.56 +2040,0.9378701510012459,0.14432007408602318,0.96 +2041,1.2814606101329802,0.14365297979339645,1.22 +2042,1.442933262127554,0.14431579223672028,1.36 +2043,1.6910625024828652,0.14545535855999453,1.66 +2044,2.6204721353686726,0.1495551227686456,2.7 +2045,0.8985290592759321,0.14698952979354107,0.92 +2046,2.4312055477137116,0.14571378341406016,2.52 +2047,1.1756330225785878,0.14432936223599457,1.14 +2048,0.7515988026241058,0.14403980391233698,0.78 +2049,1.3024157155274598,0.14400955556834835,1.3 +2050,2.7592367484962126,0.14758718059712037,2.98 +2051,2.1773529590695078,0.14367092923814936,2.18 +2052,1.4539549443158735,0.14917131848612997,1.5 +2053,1.1072222717042028,0.14414235094473413,1.1 +2054,1.528799719910785,0.14801429452007647,1.48 +2055,1.5542161424325482,0.14405995966402302,1.52 +2056,1.6677349544570697,0.1434659288890989,1.6 +2057,1.1409922875538805,0.14350191073090163,1.24 +2058,0.974272288807454,0.14986140655425925,0.9 +2059,2.20388310003877,0.14413927287544373,2.2 +2060,3.191188289042389,0.1500853187197602,3.28 +2061,0.8608659207025036,0.1438506412055802,0.8 +2062,1.8031986460520995,0.1440280789917227,1.76 +2063,1.6630696854545026,0.15102199716271225,1.78 +2064,2.2421129334763603,0.14392830801786938,2.16 +2065,1.9524473810307943,0.14316045811223335,1.94 +2066,1.089674189274286,0.1451428894640966,1.0 +2067,1.4204661754500738,0.1432443589129258,1.46 +2068,0.8394572060892806,0.1445360317699663,0.84 +2069,1.9128472136587509,0.14357360820090384,1.88 +2070,0.6891581304307111,0.14559163698961966,0.72 +2071,0.8322770033288696,0.14408760093552486,0.84 +2072,0.13988408455592038,0.1548826433473408,0.06 +2073,1.6341280913281957,0.14651696129563047,1.56 +2074,1.0683784935077445,0.14350215160112068,1.0 +2075,1.660997012788187,0.14447658467850155,1.68 +2076,3.066787312341431,0.15004142493251438,3.12 +2077,1.170286329393854,0.1443808760859084,1.2 +2078,1.9064193948235055,0.14355510279005843,1.8 +2079,1.3960908868055744,0.1439394177970387,1.28 +2080,1.3468382885032377,0.14486219472937018,1.24 +2081,1.146957774284719,0.14692935629653073,1.28 +2082,1.4010471532938689,0.1513045614979518,1.42 +2083,2.0805951115631562,0.14421842457124348,2.02 +2084,1.725721623265438,0.14615281697385227,1.84 +2085,1.2169281489182624,0.14444065175431178,1.08 +2086,1.9669649733472014,0.14370314443870227,2.02 +2087,0.49882090368319476,0.14608417369303187,0.52 +2088,1.1133735949894743,0.14550043011587352,1.1 +2089,2.4080201051420773,0.1447958636532534,2.36 +2090,1.65537543797778,0.14671209370897187,1.72 +2091,0.9944373039169077,0.14381250441504687,1.02 +2092,1.04003596743889,0.14519923659051026,1.0 +2093,1.777522594150485,0.1429526899018021,1.8 +2094,1.0117940809344597,0.14364826477568798,1.08 +2095,2.3957235429745354,0.14512633140226705,2.34 +2096,2.6453929130395264,0.14656031719888962,2.66 +2097,0.7161525065323908,0.14433063299309573,0.64 +2098,0.8325964477902237,0.14542201511905473,0.76 +2099,0.7725431790266541,0.1443729966027825,0.8 +2100,0.889549695226576,0.1435760679649498,0.94 +2101,1.9092692898815433,0.14444844530097334,1.86 +2102,3.7233876725717594,0.16382266771477255,3.68 +2103,1.8087881751373662,0.14502678389976303,1.8 +2104,0.7986536553697534,0.14540499026741402,0.74 +2105,1.0289132170102762,0.1442845455480203,1.04 +2106,1.2294334638214015,0.14321931476392327,1.18 +2107,2.1441332187257207,0.14349168573192758,2.12 +2108,1.0150354629953466,0.14530083784655798,1.1 +2109,1.6027398072436232,0.1437277383243049,1.58 +2110,1.9845524778748982,0.14393753184429783,2.32 +2111,1.5096268255228051,0.14433140446172735,1.6 +2112,0.22105127096315558,0.15037824186816862,0.18 +2113,1.3017521166458335,0.14423453858825147,1.3 +2114,1.5931082648210961,0.14561030360931934,1.52 +2115,1.5879204656213912,0.14525304197899694,1.54 +2116,1.27734309614991,0.14422765470458063,1.24 +2117,0.4340873595329744,0.14521098770603819,0.46 +2118,1.4630800430781243,0.147550466179167,1.68 +2119,1.4834132318096533,0.14314143296245427,1.66 +2120,0.8621218294491144,0.14414568206621617,0.84 +2121,1.2342035227905677,0.15867091620691648,1.24 +2122,1.6381855838731263,0.1429639086569947,1.5 +2123,1.0352200597654293,0.14321018049966328,1.02 +2124,2.0163859570483216,0.14361151570310007,2.04 +2125,1.0849347762901709,0.14349338607920933,1.1 +2126,1.3545437921852117,0.14674735518464982,1.36 +2127,3.9010460982037647,0.17633233077713312,3.76 +2128,1.522581356658224,0.14756665380471548,1.54 +2129,1.053673222364584,0.14376915577796776,1.02 +2130,1.2676157146869742,0.1436429121273783,1.14 +2131,1.5220593353748346,0.1459756976549589,1.56 +2132,2.1853640316836036,0.14425211837852825,2.22 +2133,1.2075611447561632,0.1438478126424999,1.12 +2134,3.1528991930322605,0.14846913372122938,3.16 +2135,1.7303190279475094,0.14509047846331052,1.72 +2136,1.2856459451298154,0.14566119913446773,1.3 +2137,0.9824824836927886,0.1432997606032184,0.88 +2138,0.646828194973788,0.14508980375316063,0.64 +2139,0.4410477885542581,0.14466583770647404,0.46 +2140,1.077574148727701,0.14365789024936523,1.12 +2141,0.45568938847339036,0.14501828499201105,0.44 +2142,1.1837410648442899,0.14330283426496876,1.16 +2143,1.3204223825611519,0.14329185636824776,1.32 +2144,1.2909042038015799,0.1434807312862341,1.32 +2145,2.2927123998733827,0.14462181701144483,2.38 +2146,1.5806054282821091,0.14447868269777805,1.54 +2147,1.2941332618559742,0.14671773005591057,1.28 +2148,1.6826580811855565,0.14518799774343535,1.7 +2149,1.6848917838232755,0.1461910740633505,1.82 +2150,1.0833338974112334,0.14390039564346005,1.04 +2151,0.3612639216473785,0.14717294975654674,0.4 +2152,0.9755401707841131,0.14500035513438309,1.02 +2153,1.07058451532895,0.1460000659597517,1.06 +2154,2.3805239121063786,0.14511186455934508,2.34 +2155,1.4109179361891973,0.14703864565497965,1.4 +2156,0.7283627316262522,0.14464463323113866,0.74 +2157,0.6679328921410979,0.1453181468129428,0.72 +2158,0.5509333355882213,0.14697090928022158,0.56 +2159,2.3319177561995184,0.14445517850944337,2.44 +2160,1.9571506260482043,0.14281972740662494,2.0 +2161,2.2365557526363333,0.14384754710362396,2.1 +2162,1.810903358046796,0.14531986250067291,1.76 +2163,2.4292431829074723,0.1452384181760381,2.48 +2164,2.4893189224214134,0.14608093456478147,2.58 +2165,2.4679845898849124,0.14533960761836254,1.98 +2166,1.982262326215944,0.1449943648466417,2.04 +2167,1.6064942001744247,0.14433131636825527,1.52 +2168,2.384939577924522,0.1447764647374887,2.44 +2169,0.7634109192283778,0.145448050911631,0.7 +2170,1.2498303251878,0.14444408168838194,1.26 +2171,1.4148725186622202,0.14441441581841066,1.36 +2172,0.6554543153759114,0.1450609272151295,0.64 +2173,1.8039462111869757,0.14434888903876444,1.8 +2174,1.6261751206247976,0.1442083468969072,1.7 +2175,1.8435434923391214,0.14567108290427017,1.86 +2176,1.7095562111108564,0.14497533378353578,1.62 +2177,1.2835123347905157,0.14322914173050882,1.3 +2178,1.3170709626972852,0.14342082977670537,1.3 +2179,0.9313395443184462,0.14425095623247317,0.82 +2180,1.942990227313349,0.14462071638145763,1.92 +2181,2.155918162390251,0.14365323405672806,2.18 +2182,1.8328886375720495,0.14331724929500125,1.78 +2183,1.6976809460103195,0.14497209900468566,1.76 +2184,1.8969399994625342,0.14308604047911994,1.86 +2185,1.7858492897861855,0.1435267760431616,1.86 +2186,1.1929296551536166,0.14377227101083018,1.1 +2187,1.9709335590482309,0.14505502554413158,1.96 +2188,1.331599665226776,0.1443821812518029,1.4 +2189,2.0099204675675986,0.14474117557523825,1.92 +2190,0.7036489773993062,0.1450419716082266,0.82 +2191,3.831485006081311,0.17116241413719818,3.94 +2192,2.2082691285438654,0.14393470625035523,2.26 +2193,2.019842253793849,0.14403943726773083,1.96 +2194,0.5579307045919397,0.14641304672617078,0.56 +2195,0.4862879219750398,0.146006939698974,0.48 +2196,2.693493480802769,0.14576661108766076,2.74 +2197,1.2228058805654922,0.14423711874300596,1.2 +2198,1.1849523012778733,0.14437936114100627,1.1 +2199,1.5801098273690557,0.14557387018901888,1.54 +2200,1.8654907959024656,0.14351847821470862,1.82 +2201,2.07137986692389,0.14358544800154,2.08 +2202,2.423831576150365,0.14498517115479412,2.46 +2203,0.24740335769334232,0.1486538948941542,0.2 +2204,1.3910595799843422,0.14410948916185845,1.44 +2205,1.8547170455035578,0.14381630790661132,1.78 +2206,0.8863270602590689,0.14305872977857606,0.88 +2207,2.8309539209144874,0.1475303357199496,2.8 +2208,2.0318815058197743,0.14458855874959042,2.12 +2209,1.0789797488866104,0.14391500277456518,1.08 +2210,0.9368166069489061,0.14401782443898073,1.04 +2211,1.178252987174901,0.145172504047496,1.18 +2212,0.446122155014431,0.14865340384981401,0.38 +2213,1.1129611410610747,0.14554636919040453,1.06 +2214,3.1118937486813913,0.14951520645140837,3.2 +2215,1.4843893260885452,0.14749608306068254,1.54 +2216,1.6334708123653567,0.1447236014614863,1.56 +2217,1.0567117688729408,0.14402315087401976,1.08 +2218,1.540510147190743,0.1440578656209195,1.64 +2219,1.5066382122782955,0.14596553434587722,1.54 +2220,0.691215453886953,0.14592537263540448,0.74 +2221,0.6796246923456715,0.1453151826288556,0.76 +2222,0.831732238599765,0.1434230756137731,0.78 +2223,2.298297689157011,0.14411130831841598,2.3 +2224,0.6800025480717591,0.14506509431778836,0.8 +2225,1.337879943071512,0.14548464063789104,1.36 +2226,1.819620177250862,0.1434786498102506,1.86 +2227,1.9291218314157406,0.14533903918567712,1.94 +2228,0.6500334479884988,0.1445782299198544,0.62 +2229,1.119949423982169,0.14371106881895263,1.08 +2230,1.386231399506889,0.14400195169875257,1.36 +2231,1.0431760966570462,0.14391135574496416,0.96 +2232,2.8003337298661486,0.14777936087097565,2.96 +2233,0.8757002854503697,0.14374121674397997,0.82 +2234,0.901287154656091,0.14464662184758223,0.98 +2235,0.8016905642299919,0.14466592730793768,0.8 +2236,1.2897073417555025,0.14544065801076966,1.26 +2237,2.1628682868070137,0.14445685083197485,2.14 +2238,2.1865164269857282,0.14604756496657878,2.26 +2239,1.1262605489054,0.14380718968246659,1.1 +2240,0.7818498443670792,0.1441409958036213,0.76 +2241,0.7857145097667453,0.14642033696903625,1.28 +2242,1.4188537991441934,0.14423066630086567,1.4 +2243,1.3871276655999094,0.1441104449952242,1.38 +2244,0.9649481107392135,0.1435284705329912,0.98 +2245,2.3776189735680213,0.14515442643748044,2.42 +2246,0.773925332666924,0.14442478111972196,0.72 +2247,0.9056431619742686,0.14405278657973408,0.92 +2248,1.2026656135143203,0.1444343986323333,1.2 +2249,0.9279088410128709,0.14452067049118283,0.98 +2250,2.1248845106794705,0.14360731531445894,2.14 +2251,1.3842485546507803,0.14427157925076992,1.34 +2252,0.7155844205973758,0.14463006920612964,0.7 +2253,1.9651199626025702,0.14353678022015193,1.86 +2254,2.7472422888649946,0.14772462520438318,2.94 +2255,1.1454362504707967,0.14752793168670578,1.18 +2256,1.8825349757325083,0.1433110932381446,1.86 +2257,1.830903909252982,0.1433767222976865,1.82 +2258,4.096382397718694,0.20165482626406928,4.18 +2259,0.38684104924951024,0.1450748466675827,0.46 +2260,1.1445652450273447,0.143782413998855,1.38 +2261,0.8921865446974313,0.14298002071864388,0.82 +2262,0.8554019363985632,0.14318393662267503,0.8 +2263,1.213506791545282,0.14422942502388417,1.16 +2264,2.4179394078834613,0.14511885523115792,2.5 +2265,1.677516546472749,0.14328460631252785,1.76 +2266,2.6151779549476672,0.14593177069510208,2.68 +2267,1.2428264008080494,0.14548346995104103,1.3 +2268,3.4059058585414737,0.15280162004559175,2.74 +2269,0.42163368640221544,0.14876091231488822,0.46 +2270,2.3126190995374256,0.1442267418347601,2.22 +2271,1.0130798195657609,0.14462092540017135,0.98 +2272,1.1090027797692383,0.1438284758053274,1.12 +2273,1.601088759234179,0.14319272478728406,1.66 +2274,1.0104700102112898,0.1438349265789383,1.0 +2275,0.6255637064738537,0.1444467480458782,0.66 +2276,1.3671932486843095,0.14485835188103016,1.34 +2277,1.26318062701197,0.14392621861755106,1.16 +2278,1.0638626214389757,0.1436501078538041,1.28 +2279,2.4558687684539664,0.1452202638102641,2.5 +2280,1.6825033952046042,0.14588730306773598,1.76 +2281,0.5753057607285901,0.14591031990246428,0.46 +2282,0.8317694221168943,0.14585271255794643,0.74 +2283,1.34544450948245,0.1433954816836884,1.26 +2284,1.2752234998302545,0.14419396737694337,1.28 +2285,0.35756335462953404,0.14473106981690503,0.3 +2286,4.2314346983394575,0.2199193566501296,4.12 +2287,1.255675321102466,0.14601228845303757,1.18 +2288,1.2836522675222874,0.14517424501359397,1.34 +2289,1.704473397203627,0.14331968959162947,1.7 +2290,0.8259850122675858,0.14489494181002197,0.86 +2291,3.800003886478733,0.16997877652196466,4.26 +2292,0.9567851900013467,0.14395038693408227,1.02 +2293,2.3453234877483067,0.14457546068025892,2.36 +2294,0.7263730256960117,0.14440290674679213,0.76 +2295,2.1872076775035905,0.1440925389238022,2.22 +2296,1.8399266389397302,0.1463615578230582,1.82 +2297,1.727912290407366,0.14574822341736363,1.68 +2298,1.8547701540725758,0.14336264601741122,1.82 +2299,0.9953692126281273,0.14304855974145786,0.98 +2300,0.8312699071046201,0.14425007108654953,0.8 +2301,1.4168160536380197,0.14301017271738015,1.34 +2302,1.3927342309525863,0.14360107194140265,1.42 +2303,1.0225842145033561,0.14384838095770777,1.04 +2304,1.9873990700649924,0.14467329427994102,1.92 +2305,1.7775541890175455,0.14683272358346833,1.78 +2306,1.6932586175245192,0.1437747764111316,1.72 +2307,2.3713473606327633,0.14516047490860304,2.34 +2308,0.8941762758420446,0.14386037330161608,0.78 +2309,1.990253398165637,0.14350291385010314,2.06 +2310,0.8192070480186264,0.1446356110405891,0.84 +2311,1.203424978121101,0.1437906455399513,1.24 +2312,1.613853963798722,0.14467764523201265,1.56 +2313,0.6200387951439361,0.14616535257672078,0.64 +2314,0.40359388833019816,0.14527052543072314,0.26 +2315,1.6363833326842525,0.14586370924584102,1.56 +2316,1.4690373174469102,0.1435662464181239,1.46 +2317,1.3567942938894935,0.1443897141133962,1.42 +2318,1.863572261966914,0.1457942402023347,1.94 +2319,1.1153527038958946,0.14392370088840606,1.1 +2320,1.4351520189188958,0.14403017960365966,1.5 +2321,2.9909088346332653,0.1486965885138475,3.08 +2322,1.4798128487500173,0.14507520866365486,1.52 +2323,0.5988897984481896,0.1444212249543908,0.6 +2324,1.1434433903330938,0.14388089371317322,1.06 +2325,1.5015432044036428,0.14419529557388358,1.46 +2326,1.5984604872670833,0.14321623411288004,1.6 +2327,1.1606210941998012,0.15149961454618735,1.14 +2328,0.7348242839710584,0.1444757235781041,0.78 +2329,2.8221717528766583,0.1486670693432738,2.76 +2330,3.666689991852101,0.16129861322953468,3.62 +2331,0.7061364081896664,0.14455917968397952,0.76 +2332,1.1080341905303936,0.14390236379288468,1.12 +2333,0.6287000521209429,0.14587440166692317,0.6 +2334,1.7130294768123577,0.14403981088238255,1.68 +2335,1.9053637489380546,0.14344288692027982,2.08 +2336,2.1563859828270773,0.1439392540973,2.24 +2337,2.2353104059757727,0.14402000560459136,2.36 +2338,0.9661353549076499,0.14306225094358108,0.96 +2339,2.012216351112031,0.14359543533783348,2.0 +2340,1.1741077951914876,0.14342168654408607,1.18 +2341,0.9964710716694865,0.14406625124698658,1.08 +2342,1.2461929384366859,0.14350697186715505,1.26 +2343,0.84468565792405,0.1441483383918396,0.94 +2344,1.4741621812087122,0.14339041543056494,1.5 +2345,0.7661962756408429,0.1441030219785845,0.76 +2346,1.8387008283418411,0.1450363584204116,1.84 +2347,0.9400272045062974,0.14399138324128008,0.94 +2348,1.9525570907656502,0.14383417739781446,2.0 +2349,0.801521985180575,0.1441974172813281,0.84 +2350,0.731614181851715,0.1465456742468337,0.72 +2351,1.2141846703080632,0.14390099646109766,1.16 +2352,0.493138804580989,0.1453722493252132,0.56 +2353,1.818807942528427,0.14482911843976978,1.96 +2354,1.7753848629352906,0.14490492172848965,1.84 +2355,2.2778755424004715,0.14508450430579606,2.22 +2356,1.974087071303844,0.1438485142414349,1.92 +2357,0.9689611540445058,0.14410888945125727,0.94 +2358,1.4256844996864886,0.143770698798131,1.36 +2359,2.808218367781356,0.14695769239971498,2.96 +2360,0.7846868814875667,0.14376714337913787,0.74 +2361,2.3596844712201492,0.14484064740200972,2.42 +2362,2.108848975705522,0.14376451437786988,2.22 +2363,1.9692587958349344,0.1439690471197701,1.88 +2364,1.9035190885367421,0.14331049291475018,1.86 +2365,1.150735010238059,0.14535315589442516,1.14 +2366,0.2779316042275348,0.14750898210235608,0.18 +2367,2.3004339197797408,0.14515854543721315,2.64 +2368,1.0723226201154437,0.1467505427032513,1.0 +2369,3.9988534736240813,0.18900320302875748,4.06 +2370,1.9418410890208606,0.14389673000138592,1.96 +2371,2.5859452538709964,0.14592545983397798,2.56 +2372,0.28033512194364407,0.14625268693507482,0.14 +2373,0.33626429848059525,0.14575757927198071,0.22 +2374,1.6064290247613404,0.14301234363875792,1.64 +2375,1.0614195896028265,0.1443958652901861,1.04 +2376,0.9233965255963601,0.14302626573798666,0.86 +2377,2.0127833662792,0.14407933507167917,2.02 +2378,1.7155459527220907,0.14411018928186722,1.78 +2379,1.1462823132393951,0.1448482187073297,1.1 +2380,0.2387982172850287,0.14558240728869495,0.18 +2381,1.6881702264107514,0.14540040112259217,1.66 +2382,0.7667831201121662,0.14452175722732583,0.7 +2383,1.0131558334016,0.143649832147176,1.02 +2384,1.370777759206693,0.14312188600796977,1.38 +2385,1.1022807047954566,0.14451782606090718,1.06 +2386,2.0553372842439264,0.14448942930681302,1.98 +2387,0.8436875273182669,0.14457607248991125,0.78 +2388,1.2266226123519215,0.145548155848092,1.12 +2389,1.4163457139785245,0.1484313541473362,1.38 +2390,1.3882328348190307,0.146530270958979,1.5 +2391,0.26717007100658785,0.14531196655810108,0.28 +2392,0.248841842673452,0.14719435191902705,0.3 +2393,0.11487347248937896,0.15863188924718882,0.04 +2394,0.6950940434097892,0.15038935199878825,0.66 +2395,0.17997969142938475,0.15366130259117713,0.12 +2396,1.7913944476989223,0.14578453042617068,1.8 +2397,0.8422976653511651,0.14398734912747238,0.84 +2398,0.6604297290041896,0.14477332679652305,0.62 +2399,0.6438043551184109,0.1465218259681389,0.58 +2400,2.2043899808024094,0.14412145396888212,2.28 +2401,2.227478799749188,0.14420514858762734,2.3 +2402,2.469656567262041,0.14516938709251892,2.48 +2403,2.068347192261234,0.14331244975299784,2.18 +2404,1.4537958557081958,0.14479042697645658,1.46 +2405,1.8246053446965669,0.14326014391395137,1.88 +2406,0.6351334753759805,0.14509515889124863,0.54 +2407,1.7562923398932342,0.148091844578292,1.74 +2408,0.6638746857437163,0.14481040594977543,0.74 +2409,1.4443483721669392,0.14393367373396926,1.46 +2410,1.9848899653932812,0.14336804957526242,1.98 +2411,1.1172207569559327,0.14385680736941706,1.1 +2412,0.4017637770711482,0.14660247185825886,0.42 +2413,0.5784613230501034,0.1494871208687149,0.54 +2414,3.436112267100095,0.1547890217608716,3.42 +2415,0.7368684783095465,0.14428454994558373,0.68 +2416,1.8330409930166813,0.14498150202824553,1.84 +2417,3.2323058640824454,0.15004592242138237,3.26 +2418,1.6649362708271842,0.1446501746877069,1.76 +2419,1.145297417117821,0.1440099562871178,1.12 +2420,2.918215621146223,0.14777593433708475,2.92 +2421,1.0461483260598023,0.14443639131508465,1.06 +2422,1.459596362859163,0.14747354006981742,1.42 +2423,0.6616860300534371,0.14439520863114583,0.66 +2424,0.5411401046149558,0.14523063427809227,0.52 +2425,1.3529764302567657,0.14608741556855637,1.32 +2426,0.9039704379292943,0.14485928131962553,0.92 +2427,0.6158641701841305,0.1474533733839324,0.66 +2428,1.5278125398443234,0.1430489391344489,1.42 +2429,1.1780869474923361,0.14396101214921114,1.12 +2430,0.667891508998951,0.14550296294978995,0.72 +2431,2.0767084906514133,0.1464598916176637,1.98 +2432,1.8805273852964821,0.14389425600951772,1.96 +2433,1.6871167943090417,0.14358855450351335,1.68 +2434,0.8059943237471026,0.14411033633507692,0.78 +2435,2.949741823515057,0.14915535595673118,3.0 +2436,2.3163562654176553,0.1449880731668894,2.36 +2437,0.23956488304477164,0.14510473034585888,0.36 +2438,0.3947074132070303,0.14835169984964436,0.5 +2439,1.7178511015302669,0.144280829489166,1.74 +2440,1.5404717921326037,0.14421672515442277,1.52 +2441,2.322398702548585,0.14440814226332385,2.36 +2442,0.6230805349873934,0.14476995857433383,0.56 +2443,1.524572741052252,0.14532344054979265,1.54 +2444,0.9042957814233898,0.14303389138019118,0.84 +2445,1.269059821384634,0.14300069674704463,1.42 +2446,2.198267445345492,0.14562670052844062,2.34 +2447,1.3837127604832866,0.14567091425348383,1.42 +2448,1.4210701369745196,0.14340545473683958,1.48 +2449,1.5584873735153555,0.14768284533751064,1.92 +2450,1.5445064969255538,0.14834634793961074,1.56 +2451,1.3077883389680758,0.14387054375509942,1.24 +2452,1.335270565900427,0.14389268765842606,1.26 +2453,3.149730751348662,0.1502774619644861,3.14 +2454,1.2684953854673098,0.1436351560436058,1.3 +2455,2.588555582558572,0.14664285415170125,2.54 +2456,1.177907066544226,0.14390701763299188,1.28 +2457,0.8399405468906687,0.14488044001320913,0.82 +2458,0.9632225190724477,0.14438994960120852,1.12 +2459,2.765937725703845,0.14779586148576107,2.82 +2460,1.1091248998317504,0.14337258014287657,1.1 +2461,0.8611647578405521,0.14855740368869838,0.92 +2462,2.1515727625217065,0.1437017681666478,2.1 +2463,0.9628570631601847,0.14488384517610578,0.94 +2464,2.5738922115741425,0.14606222564702853,2.62 +2465,2.2154202729904733,0.14385968782087608,2.38 +2466,1.3255068351851453,0.147926077792751,1.32 +2467,1.4769720404994762,0.14852259771358317,1.5 +2468,1.1104224749390768,0.14415419646478594,1.1 +2469,0.9186663586432275,0.1433827299077103,0.9 +2470,2.02505745704643,0.1456364379258857,2.22 +2471,1.9442212072137424,0.14345937374702528,1.94 +2472,0.8299813230284134,0.14418202020503476,0.96 +2473,1.6543993434370052,0.14383749877154065,1.68 +2474,1.3617849075527908,0.14368924109021586,1.36 +2475,0.5776535579522446,0.14634451181703517,0.5 +2476,1.258884755461429,0.1441096393129513,1.26 +2477,0.4626697973797449,0.14455288747285847,0.44 +2478,0.9980748153752494,0.1437276104053739,1.1 +2479,1.765860057183812,0.14455063317471917,1.7 +2480,3.776377667136304,0.1670940303356069,4.0 +2481,2.05841626530847,0.1440205914789873,2.04 +2482,1.1103365765501363,0.14436512277293748,1.12 +2483,0.815948414138234,0.1441883786514034,0.86 +2484,1.366665012723383,0.1448724222528541,1.4 +2485,1.5914672733528907,0.14737588585045372,1.64 +2486,2.145223829035349,0.14426755009141376,2.32 +2487,1.9558693555854227,0.14431796881503067,1.94 +2488,2.1506317086742244,0.14379328636280242,2.18 +2489,2.8887868037054845,0.14867330274134882,2.84 +2490,1.4898983242179829,0.14312816663494216,1.46 +2491,1.8487602078983998,0.1591438162164557,1.98 +2492,1.074813530794279,0.14433529622603594,1.1 +2493,1.7598826794383577,0.14494989110920645,1.76 +2494,1.3522804948045377,0.14382912122827074,1.34 +2495,1.2501837041787422,0.14451202289619056,1.26 +2496,2.9803958741561556,0.14843589954718817,3.18 +2497,2.0628655222181185,0.14335035206647573,2.08 +2498,1.458300506447293,0.14386979772682015,1.38 +2499,2.3336875196359235,0.14608491496300366,2.36 +2500,1.063128436991159,0.14403755988156652,1.0 +2501,0.6864815918399416,0.14782268339135168,0.72 +2502,1.2978809424702367,0.14464995413153917,1.28 +2503,2.439216124455426,0.14540335978986266,2.36 +2504,1.4339571351273954,0.1442941771280982,1.46 +2505,2.155759786670535,0.14360356656778314,2.4 +2506,0.9587068302747572,0.14320410767426078,1.0 +2507,0.9629145515403352,0.14460832447061747,1.12 +2508,3.513734180366067,0.15619380678779402,3.58 +2509,0.7616423408273794,0.14488092171808534,0.78 +2510,2.790493509467773,0.14871421610162935,2.94 +2511,0.9443518956670087,0.14348072818689842,1.0 +2512,0.6983406361175697,0.144617527634389,0.8 +2513,1.4971560559109904,0.14457819703275301,1.5 +2514,1.1799795805580922,0.15136248661701068,1.26 +2515,1.2131559763183355,0.14363475760936772,1.2 +2516,0.5904437156334787,0.1455636306149441,0.52 +2517,2.45501063656983,0.1457555304460154,2.5 +2518,1.4681897493844365,0.1480507098519361,1.44 +2519,1.6511469850176046,0.146775919811505,1.62 +2520,1.6155866372103884,0.1446158077096874,1.64 +2521,4.5302180217150365,0.2889769303470721,4.42 +2522,2.3445551904644852,0.14440527344749796,2.48 +2523,1.312819820693575,0.14531252020521362,1.34 +2524,1.7940507196752802,0.14372037919141706,1.76 +2525,0.6829235205260376,0.14638742929652315,0.66 +2526,1.1098611344868101,0.14390518892888088,1.18 +2527,0.2745972779997925,0.1680422543433892,0.3 +2528,1.223602176692895,0.14438173192547055,1.26 +2529,1.682607894567433,0.1434721555148082,1.68 +2530,0.8355909272894739,0.14527706021146936,0.8 +2531,1.1153549015984585,0.14348337993720045,1.08 +2532,0.30840601853731053,0.15029395125891054,0.06 +2533,1.9553769450767615,0.1441570648605146,1.88 +2534,1.1502991836821495,0.1439553035764658,1.08 +2535,1.4789953257336141,0.14742867111994548,1.42 +2536,1.8178655663374426,0.14417098144604248,1.86 +2537,1.5667370930985034,0.14462154135671815,1.54 +2538,1.4690967278989988,0.14376459108834233,1.4 +2539,2.4125837860121764,0.14496904881868644,2.4 +2540,0.9232932722809246,0.14564386836516277,0.84 +2541,2.434763712458983,0.14539058933426324,2.48 +2542,1.3041566625520091,0.1436589515538391,1.26 +2543,2.082032900311145,0.14376832757449637,2.14 +2544,1.4734953936241735,0.14426876655093474,1.4 +2545,2.138790975557559,0.14364735497529305,2.2 +2546,2.344923565052101,0.14436914835462658,2.4 +2547,0.9676161105958969,0.14546322096090156,1.02 +2548,2.3890589077668865,0.1446185687541104,2.42 +2549,0.6646712099166465,0.14514059651103084,0.6 +2550,1.446489218698137,0.14343400177001142,1.54 +2551,0.08624248418649794,0.15698774982890654,0.1 +2552,2.3757531519294504,0.14470619445667277,2.34 +2553,2.2413963021753767,0.14445514078564456,2.34 +2554,2.2400464726146248,0.14462971527218207,2.06 +2555,1.743347513922139,0.14766346855173648,1.8 +2556,0.8354981821097085,0.14540834073308576,0.78 +2557,2.0935122592938105,0.14336187257024086,2.06 +2558,1.7509254754809729,0.14465534054965348,1.76 +2559,1.4131025354495805,0.14466074336854243,1.34 +2560,0.6273322344258863,0.14513661164078373,1.08 +2561,0.883219225935099,0.14464915096985487,0.88 +2562,3.5071984291987364,0.15579454243520138,3.5 +2563,1.4920541467039485,0.14655129820004326,1.5 +2564,1.0840153225190652,0.1438227082435252,1.08 +2565,0.8639710845759603,0.14407736076355784,1.04 +2566,1.2616886103319076,0.1442776667435721,1.24 +2567,1.3654809303125703,0.1451144183095443,1.38 +2568,1.6955521755971596,0.14313106979996926,1.8 +2569,2.655360620684871,0.1462711325029048,2.72 +2570,1.0165269292317327,0.14475558715944786,1.04 +2571,1.0460866107869973,0.14546312824677599,1.06 +2572,0.8314964277964827,0.1438152964380434,0.78 +2573,1.0668844193561537,0.14391837494697554,1.0 +2574,1.6980676660653224,0.1455446160554802,1.68 +2575,0.8426462602825642,0.14511254038867058,0.92 +2576,1.201032563661443,0.14443516303096293,1.22 +2577,1.5092981387358262,0.14329785536748185,1.36 +2578,1.065660703094562,0.14435153705276557,1.02 +2579,1.1831589603884702,0.1445426738985412,1.18 +2580,3.083137944800223,0.1500191524068352,3.0 +2581,1.445137572419878,0.14698229678813202,1.5 +2582,1.3254401715567785,0.1449658589313087,1.26 +2583,0.30095828601419017,0.145346211073729,0.2 +2584,1.148384419534859,0.1438142338697515,1.06 +2585,0.8684396961290344,0.1441952423226435,0.9 +2586,1.5471050312472951,0.1439443817728593,1.56 +2587,1.5912344065919766,0.14460088248139638,1.62 +2588,0.9496631943854212,0.14346904671071026,0.92 +2589,1.3348817413316145,0.14334366597108886,1.14 +2590,0.44231304033821717,0.14667362413201937,0.5 +2591,0.5865931440138845,0.14477051020111198,0.64 +2592,1.4176270089258325,0.14330041848704364,1.34 +2593,2.7113616427239937,0.1465393051405664,2.72 +2594,1.109257749186162,0.14361409567407032,1.16 +2595,1.7637588289043493,0.14507777860980808,1.72 +2596,2.330545666095413,0.14553892416266323,2.5 +2597,0.990081144425448,0.14453108554938576,0.96 +2598,1.9430414139786287,0.14342118972431703,2.08 +2599,1.9833889132434206,0.14348172742466722,2.06 +2600,1.338203569487883,0.14333105966557774,1.28 +2601,2.246822735956164,0.1447328882682228,2.22 +2602,1.1156224018667058,0.1440657255653169,1.08 +2603,0.52634202426399,0.145074472204976,0.42 +2604,2.628868075134419,0.14702504498224794,2.44 +2605,2.157980476363895,0.14342665376453578,2.14 +2606,1.1640433287994996,0.1473239886272839,1.18 +2607,1.5313561039614982,0.1454636865500406,1.5 +2608,0.7709610916706251,0.14404423040897044,0.62 +2609,3.7691736027571197,0.16787585964250026,3.7 +2610,0.7293659484602384,0.1448512518578059,0.62 +2611,0.6639042562399085,0.14449708787474247,0.54 +2612,1.367614133439004,0.1454509469738929,1.38 +2613,1.0675704470466774,0.14565388847136934,1.04 +2614,1.154828810715625,0.14382453530421582,1.08 +2615,3.1694591810452573,0.14960050416516454,3.2 +2616,2.1770013785536,0.1442209384292413,2.28 +2617,1.028513959342558,0.1437241531454756,1.12 +2618,0.7136017251794127,0.14416809083851917,0.68 +2619,1.2204888376784653,0.1443429392258569,1.24 +2620,1.6443601322921233,0.14491695327123713,1.72 +2621,1.54915022364947,0.14457018871619465,1.54 +2622,1.5754514840076053,0.14636226232303082,1.48 +2623,1.8177113680302388,0.14403987612101438,1.84 +2624,1.1345222063822118,0.14380581360710507,1.2 +2625,1.3966947153457583,0.14848752476715613,1.36 +2626,1.5669578842316754,0.14487776728565468,1.6 +2627,1.3201270842282793,0.1436018061752795,1.18 +2628,1.1990877373395716,0.14527392419760096,1.18 +2629,3.1112333599172612,0.150647938059758,3.2 +2630,1.0436233229057952,0.14417952090347722,1.02 +2631,2.5279644343536654,0.1457517468400394,2.86 +2632,2.395299230876662,0.14529236916329347,2.44 +2633,2.31535818281901,0.14472434176000135,2.3 +2634,0.8664026030946563,0.14350098928635846,0.76 +2635,1.8114489059039411,0.14361860137609306,1.9 +2636,1.0503755487538595,0.14390865473157322,1.1 +2637,0.6627738141757171,0.1467622355648845,0.74 +2638,0.7964649951276486,0.1436880739743284,0.8 +2639,1.7344929065022279,0.14336692156501443,1.72 +2640,0.5177067954270176,0.14459068797472752,0.48 +2641,1.0399277302096697,0.14410310054826017,1.1 +2642,0.6614701357742878,0.14479838875777568,0.7 +2643,0.7035100190007975,0.14444949507027785,0.62 +2644,0.9626741261286136,0.14389731191120259,0.92 +2645,0.8178914384304545,0.14522766008468488,0.88 +2646,2.049173628667717,0.1449228110680445,2.06 +2647,0.806469586388753,0.14582246514063044,0.8 +2648,2.809749446410294,0.14711146673236192,2.86 +2649,2.0307659825115683,0.14314863760955604,1.94 +2650,1.6846210179360601,0.14442435124142852,1.68 +2651,2.300826570278286,0.14469537973709706,2.3 +2652,1.8315046220000064,0.1442682809835153,1.84 +2653,2.091804598167345,0.14344511573334248,2.12 +2654,1.3524917416746391,0.14432387732450552,1.4 +2655,0.20896038168407083,0.1480147694161687,0.18 +2656,0.20910128404495554,0.1498341326024975,0.06 +2657,2.4128059093253875,0.1451870916481841,2.46 +2658,1.8184826852327096,0.1454854855681631,1.9 +2659,0.6757977342684343,0.14442026547961656,0.68 +2660,0.6815234470140621,0.14424680432313394,0.56 +2661,0.9540504809724148,0.14311826364737668,0.94 +2662,1.5303281102963298,0.14549502404873138,1.54 +2663,0.9822546319666388,0.14536018913884213,0.94 +2664,1.6399675270545804,0.1434229447425194,1.72 +2665,1.1471609096110016,0.14447762253551427,1.1 +2666,1.7295223310443224,0.14353072394630353,1.74 +2667,1.917556078198079,0.14390768663829628,1.94 +2668,1.5857665628777178,0.14454543021179533,1.54 +2669,1.5056826778948609,0.1451241052389939,1.46 +2670,1.0143182039681844,0.1457962667232762,1.0 +2671,1.3873493244677442,0.14328476289814834,1.36 +2672,3.6626020207306937,0.1622254496644629,3.56 +2673,1.5042081299534424,0.14370915804804302,1.46 +2674,1.2744950022131438,0.1502855939435934,1.26 +2675,1.1857699533838155,0.1439748685731312,1.14 +2676,0.6931867247872892,0.14538366139178646,0.68 +2677,1.4304822048702914,0.1433861213088508,1.52 +2678,3.363499587551756,0.15639732054059652,3.42 +2679,0.4669504603353887,0.14416910595473648,0.5 +2680,1.5683137617174645,0.14401407377991937,1.58 +2681,3.473103373025618,0.15511861848389916,3.6 +2682,0.9145110269609984,0.14538665483350194,0.94 +2683,1.3459150349466058,0.1475662431200471,1.38 +2684,0.7629623335063074,0.14495048044584377,0.74 +2685,2.3749886858945097,0.1450649533420661,2.4 +2686,1.1349114309290855,0.1443293367749251,1.12 +2687,1.18167159850459,0.14697302189825404,1.14 +2688,1.5886043047881118,0.14731274857442983,1.68 +2689,1.181074229217137,0.14364022823696998,1.18 +2690,1.2074299364681669,0.14381582264625734,1.24 +2691,0.8040967897719384,0.14422203688985175,0.7 +2692,0.8948017370758792,0.14444829148296,0.84 +2693,2.777846535090698,0.14735894826715065,2.7 +2694,0.6615478226621279,0.14760527809956436,0.66 +2695,1.122412595177455,0.15365508813507783,1.22 +2696,0.20588538143389679,0.148328275405518,0.3 +2697,1.9574642836973024,0.1460344341544072,1.94 +2698,1.10676089756516,0.14365684887846752,1.1 +2699,2.108945160973031,0.14456088505662915,2.14 +2700,1.1906405128920512,0.14458049342641746,1.1 +2701,0.8397316910145354,0.14465895532264453,0.84 +2702,1.50693517124868,0.14507891749303187,1.5 +2703,0.35257123217859787,0.14772376593953201,0.3 +2704,0.20442443062672533,0.1580003163644513,0.12 +2705,0.7613028050533548,0.14490432475460568,0.86 +2706,1.1577727212121567,0.1452026036654475,1.1 +2707,0.6170707219055758,0.14491489715290412,0.62 +2708,0.8620288276737917,0.14543170444075867,1.18 +2709,3.4609666961891308,0.15546105632328575,3.94 +2710,1.6931995311803072,0.14506811350405777,1.74 +2711,1.243412824060171,0.1439494601847685,1.2 +2712,0.3200252597005737,0.14552284257194403,0.18 +2713,0.616034944357104,0.14468575406569004,0.6 +2714,2.6791905565233614,0.14641884203117772,2.94 +2715,2.772732628496956,0.14740515561014747,2.62 +2716,2.861903174762493,0.14949317017529862,3.04 +2717,1.0755731302520624,0.14477960814562907,1.12 +2718,1.1633906652325021,0.14400656579637972,1.08 +2719,1.2466822635129664,0.14360440885893677,1.3 +2720,2.4687896361007593,0.1470114401251256,2.46 +2721,1.9224598157613806,0.14353251214410792,1.92 +2722,0.7811015801367813,0.14427017105002674,0.8 +2723,0.920259207779726,0.14524041375116356,0.86 +2724,1.9477124960310719,0.1431685020778581,1.88 +2725,1.4205377501608756,0.1432692533656164,1.4 +2726,0.5853095804456925,0.14576314030864232,0.58 +2727,0.9097239967668203,0.15538012159596376,0.88 +2728,1.869633890664519,0.14294136207885055,2.0 +2729,1.7046966304004632,0.14554661239902839,1.64 +2730,0.5759743324378328,0.14493526415633218,0.58 +2731,1.2471585285043099,0.14584961187251594,1.28 +2732,1.8634141974932423,0.1435206194502852,1.86 +2733,1.0886602837068602,0.1455273352341747,1.08 +2734,1.575828483258443,0.1450719848132973,1.58 +2735,0.35132400543449593,0.14750761804898957,0.36 +2736,0.4351124943924636,0.14586542453223156,0.36 +2737,3.742597152355876,0.1667981496277094,3.84 +2738,2.7516795313511158,0.1478482619248068,2.76 +2739,1.7368512392504898,0.14449712268839518,1.74 +2740,1.3850991925214573,0.15006359173633127,1.38 +2741,1.2409306935261886,0.14637966648420003,1.3 +2742,0.8627054214140082,0.1446095156130735,1.08 +2743,2.7612797814196157,0.14696687480371476,2.68 +2744,1.29502082317603,0.14337199969795666,1.3 +2745,1.384948522438052,0.14821494624930567,1.42 +2746,0.9033606558891312,0.14421073403570506,1.0 +2747,1.2449166667865676,0.14451970654304758,1.22 +2748,0.420499606036318,0.14537785431893446,0.32 +2749,0.3199175171395656,0.1452024888432717,0.36 +2750,3.197638479979656,0.15082047019692219,3.08 +2751,1.5229446827303623,0.14659666761125748,1.56 +2752,1.6324695576149044,0.1429178379471716,1.66 +2753,0.8915264066679218,0.14628593939493006,0.88 +2754,1.4753880958601617,0.14416512100100648,1.48 +2755,1.2462744793471967,0.14405380397912596,1.2 +2756,0.661518436538636,0.1445978348359368,0.72 +2757,1.6201693657993315,0.14738300207212948,1.56 +2758,1.465809550046386,0.14614026847084904,1.48 +2759,0.2794693490242097,0.14587640141298547,0.12 +2760,1.9210127835860988,0.14489032106541966,1.98 +2761,1.8860877042439044,0.14305502534007625,1.9 +2762,1.9145444683583919,0.145784634978129,1.94 +2763,0.7900924452357132,0.1441390615882538,0.74 +2764,1.3938175652200386,0.14518258091110456,1.38 +2765,0.95680693781603,0.14571482447461245,0.92 +2766,1.1208977681809036,0.14392402398836757,1.1 +2767,0.9051286086386914,0.1436138418001245,0.88 +2768,1.251857662068034,0.1449325670327047,1.2 +2769,1.2494789374533544,0.14427516272913596,1.26 +2770,1.4187773338868426,0.14441632372017643,1.42 +2771,0.5433298403455304,0.14546884552670258,0.64 +2772,1.1631263513512864,0.15723857665514138,1.14 +2773,1.1740530940616751,0.14443984886839792,1.34 +2774,0.6051663292495459,0.14481086974882376,0.5 +2775,1.957458316051396,0.14289009310782314,1.94 +2776,2.2825200730345316,0.14420985664407862,2.3 +2777,1.3378109679956922,0.14375112103052187,1.5 +2778,1.2935339785395326,0.14509746771357,1.24 +2779,2.1546632628749482,0.1437657090781546,2.16 +2780,1.140371486658101,0.1472760558386766,1.1 +2781,1.2024311430928223,0.14580173689244813,1.18 +2782,1.03429415486645,0.14377915497601435,0.94 +2783,1.266983994496869,0.1452741690400253,1.24 +2784,2.509949877809009,0.14628309532977832,2.5 +2785,1.447060974819561,0.1434640735133877,1.6 +2786,0.09543540090116176,0.1502794131592323,0.12 +2787,2.1038181339992392,0.14332477254329584,2.1 +2788,2.1290961184743353,0.143319281688277,2.08 +2789,2.024763258181349,0.1469551262293976,1.96 +2790,0.35178714328188265,0.1464750699405706,0.42 +2791,1.3381132407071825,0.1452876367535648,1.26 +2792,1.6346920619415237,0.14679344096024483,1.6 +2793,2.3289825698334394,0.1450571480030162,2.36 +2794,0.9499487812519125,0.14375815542862994,0.96 +2795,1.3579933893162388,0.1441357760734698,1.36 +2796,1.6618266118763434,0.14895498435549995,1.54 +2797,1.4724284707171997,0.1443743419523939,1.56 +2798,1.904112992495977,0.1444367505765469,2.0 +2799,1.3313250136069148,0.1446491364689807,1.34 +2800,1.733496899878047,0.144935987928743,1.76 +2801,0.6916126993172864,0.14492292759966727,0.74 +2802,2.596063343757646,0.14738802347081234,2.58 +2803,1.641016600585083,0.1457474421416685,1.6 +2804,0.3046820755764714,0.14876106733326774,0.26 +2805,1.8453537882620847,0.1447947713203514,1.84 +2806,3.679635691799945,0.1622764950211505,3.7 +2807,1.421501170323808,0.1473132394095861,1.5 +2808,1.0413403627213644,0.1445288111113599,0.98 +2809,1.3023659505035554,0.1443263895939549,1.3 +2810,0.5023101697222221,0.1443892488130066,0.56 +2811,1.493036027429055,0.14439477797486186,1.5 +2812,1.8576546086825574,0.1440533927852327,1.86 +2813,0.8931279212943495,0.14358512520455188,0.82 +2814,1.3593476347575604,0.14540428727375862,1.34 +2815,1.6430818842190082,0.15319441070567455,2.04 +2816,1.9132215933881143,0.14382811627584857,1.86 +2817,1.2572818437497628,0.14331724075447977,1.34 +2818,1.3862588906966082,0.14677462538255315,1.38 +2819,1.7154562606169876,0.14545000514321205,1.74 +2820,2.131057006477367,0.14344636123178495,2.16 +2821,1.0010090211640432,0.14361543209077468,1.0 +2822,1.7947069626217655,0.1439349499095838,1.82 +2823,1.9247988750934888,0.14399905061212817,2.0 +2824,0.7578120373029429,0.144698696972668,0.72 +2825,3.437778988684324,0.15431685297523015,3.38 +2826,1.8694479010385003,0.14300109731230978,1.84 +2827,1.3828483641857265,0.1441065978952471,1.42 +2828,3.808387156114725,0.17066654897679523,3.84 +2829,1.0632454978406867,0.14352914427354185,1.2 +2830,2.2232774194398233,0.1438896837492556,2.12 +2831,1.814126822166346,0.14289711455026347,1.88 +2832,0.6080483246456994,0.14692624238517019,0.64 +2833,0.4483651109243252,0.14482376561038365,0.42 +2834,1.4523969188372914,0.14419295149528827,1.52 +2835,1.1456859395386734,0.1437709908376834,1.54 +2836,1.0718277907375513,0.14358807024133516,0.98 +2837,1.4763223827031262,0.14349905442727554,1.42 +2838,1.4091204668395947,0.14698676712629988,1.36 +2839,2.1123370531521606,0.14368056552828662,2.04 +2840,2.5911180445956163,0.14639701542490619,2.74 +2841,1.8090316641801238,0.14528301290453116,1.82 +2842,0.7670304170653339,0.14452060554148674,0.82 +2843,0.7210042345413439,0.14458973029381567,0.66 +2844,0.7435638285413337,0.1444877512777953,0.68 +2845,0.8597961229914497,0.14449723139330495,0.88 +2846,1.5900505288038311,0.14340507456273552,1.54 +2847,1.9879428784908435,0.14403290108934202,1.94 +2848,2.3614677110138396,0.14501460295815727,2.4 +2849,1.9070983817917786,0.1430507630927699,1.84 +2850,0.9813148362031723,0.14393080601842137,0.94 +2851,1.0328913295769842,0.14379350547375777,0.94 +2852,2.9142323100949903,0.14764303714447835,2.94 +2853,1.7282198064943786,0.1452870928068392,1.82 +2854,2.0954660434301666,0.14370848614088874,2.18 +2855,1.74284006812143,0.1438602459305852,1.8 +2856,3.665032342174014,0.16112729690240737,3.8 +2857,1.7675655964092525,0.14366570003063853,1.78 +2858,1.0016598889458188,0.144093320827761,1.08 +2859,1.2365734555261239,0.1431589759481836,1.26 +2860,1.7633389546740639,0.14616846231368114,1.78 +2861,1.1039738039379192,0.14349464332200154,1.2 +2862,1.6814982118975306,0.1438172255266787,1.74 +2863,2.4951732632921115,0.14525628962670056,2.74 +2864,0.8388253694065004,0.14999677853907595,0.78 +2865,1.2767037201244062,0.14665459144080842,1.28 +2866,0.6529120569827236,0.14529905230757717,0.66 +2867,1.582176609336504,0.14475225306970912,1.62 +2868,1.5597683130399358,0.14929873504508423,1.66 +2869,0.9892553705093214,0.14553405187747795,1.04 +2870,1.4636541146687425,0.14366092491282043,1.44 +2871,2.667803856059122,0.14723950718832843,2.6 +2872,0.6522947177741227,0.14493897732612313,0.68 +2873,1.3924671019419574,0.14366704735045915,1.38 +2874,1.3235430496138663,0.14405861243010337,1.26 +2875,1.2145436140333694,0.1440119852315471,1.2 +2876,1.9189113077551974,0.14404221121011831,1.94 +2877,1.0822490390355033,0.14688844231418532,0.94 +2878,0.8528501137185143,0.1441867776244296,0.88 +2879,0.633677015125381,0.15200533401595218,0.64 +2880,2.592813183173693,0.14589620747036752,2.66 +2881,0.8417536376006312,0.14360257720111877,0.84 +2882,3.4514674611018266,0.1543854287518163,3.36 +2883,0.5414736360801844,0.14479719643779265,0.56 +2884,1.5954907478590727,0.1441327441122177,1.68 +2885,0.8283655301254371,0.1507789095164572,0.76 +2886,0.4315516537719124,0.14483878927924518,0.34 +2887,2.0760021728139972,0.14372687525463246,2.4 +2888,0.36773238715587064,0.14568955442791984,0.4 +2889,0.780745587167456,0.14412432199365866,0.76 +2890,1.5619350549414848,0.14381172595226113,1.62 +2891,0.924153262676978,0.14359835305262958,0.9 +2892,1.134828002053848,0.1439978409278937,1.14 +2893,1.1527306462761797,0.14559462759526076,1.14 +2894,1.384986184199383,0.14447663302170363,1.36 +2895,1.8918382540623626,0.14356045619519833,2.02 +2896,2.0019484276414308,0.14603030234716471,1.96 +2897,1.3998334998544686,0.1449923502214631,1.38 +2898,2.632855542639691,0.14653090468598956,2.74 +2899,1.1744056221672232,0.14460674427132195,1.28 +2900,0.8140227855428255,0.14443943108505808,0.68 +2901,1.339729592059847,0.1487597905402414,1.4 +2902,2.7094042378982413,0.14652654148916153,2.72 +2903,1.744231568138233,0.14408798024537825,1.68 +2904,2.0553263305849527,0.14485840159782495,2.32 +2905,2.993011915677887,0.1486487727894942,3.02 +2906,2.4527931310596593,0.14587825703407384,2.38 +2907,0.7652889701244594,0.1452205398295372,0.72 +2908,1.1168616159225278,0.143592847407842,1.12 +2909,0.7855506676503556,0.14458970429591822,0.74 +2910,0.8971154702658688,0.1442276496954142,0.9 +2911,1.498365598782478,0.14469114100642455,1.5 +2912,1.204629047835406,0.14455781743434498,1.22 +2913,2.869213196781781,0.14787550218099613,2.94 +2914,1.625089280906098,0.144597052576507,1.58 +2915,1.5314013427788784,0.1433879734417737,1.56 +2916,0.9349414229860167,0.14549452483853956,1.08 +2917,0.7522147293509218,0.14410134856259327,0.74 +2918,1.7504853521759416,0.14328117506314578,1.78 +2919,2.3612670979210173,0.14461154455862468,2.4 +2920,0.5851416545740826,0.14480850955498303,0.54 +2921,2.9138618703969272,0.14813200359167522,2.8 +2922,0.373893984037315,0.146474265357758,0.54 +2923,1.5145445634732355,0.14384813571082675,1.52 +2924,1.935639988589927,0.14353315118544022,1.96 +2925,2.4291448595348695,0.146104827507453,2.36 +2926,1.7792623486974226,0.14504360894414642,1.76 +2927,2.069039055806743,0.14336402722385272,2.14 +2928,1.1075519017147948,0.1436243816720157,1.2 +2929,1.5336265422516555,0.1438782343537488,1.54 +2930,0.7798167527729309,0.14386568444006095,0.76 +2931,1.6046556097075162,0.14669133730158895,1.58 +2932,1.3054182859015975,0.144426654102543,1.24 +2933,1.3340559740903584,0.1427903684555164,1.24 +2934,2.0459453647612187,0.1445061364747015,2.08 +2935,1.582025198302738,0.144689816990451,1.54 +2936,0.755492970086348,0.14444563886911674,0.82 +2937,1.9519839907865433,0.14332816526966374,1.94 +2938,1.38670613611874,0.14530347692704637,1.34 +2939,0.9418942359975007,0.14406477427770792,0.92 +2940,1.1587443444663639,0.14635284929406497,1.14 +2941,2.142246471950353,0.1434780105976404,2.22 +2942,2.735897082932825,0.15073344110667167,2.6 +2943,0.5563050308730308,0.1447819488831101,0.6 +2944,0.8175716974274398,0.1434178007796355,0.78 +2945,2.6035411126990717,0.14624151444384414,2.72 +2946,1.5748879057795837,0.14630453828465553,1.6 +2947,2.0300064983901174,0.1441726897163425,2.04 +2948,0.6163830223333968,0.14536615338052478,0.58 +2949,1.3342213949850277,0.1463794529275308,1.28 +2950,1.5963954942160652,0.14480674775131694,1.8 +2951,1.217642747340133,0.1449005922804226,1.16 +2952,0.5107531839439248,0.15057640429796065,0.54 +2953,0.8989131691265198,0.14300863225952215,0.88 +2954,1.1218648401930804,0.14374533708442372,1.12 +2955,2.2148697186722353,0.14377040157028306,2.2 +2956,1.2627719482247124,0.14380688804423125,1.3 +2957,2.302309234736342,0.14412583306220123,2.24 +2958,1.173036147523288,0.1493440287140008,1.16 +2959,1.075362036314948,0.14359171654367525,0.94 +2960,0.8875259594523421,0.14451780270819728,0.96 +2961,0.7051057424653178,0.14634906159558644,0.52 +2962,1.107798842374644,0.14458655650521934,1.16 +2963,0.7602575234862283,0.14508785212465608,0.8 +2964,1.1115342376161519,0.14435477382404577,1.08 +2965,0.6715258593900981,0.14457308142193864,0.64 +2966,0.8984622630176564,0.14314507614602334,0.9 +2967,1.413998531988661,0.14300283787865878,1.34 +2968,1.1495095606167536,0.14473459559905444,1.16 +2969,0.708740769848085,0.14434370059935664,0.64 +2970,1.095064172668105,0.1435530506954544,1.22 +2971,1.2611843268561889,0.14362787587888365,1.28 +2972,1.1962131466496388,0.14493466492240714,1.14 +2973,1.2115371469303633,0.14574593227333602,1.16 +2974,1.1013498569345779,0.1439302163763943,1.08 +2975,0.5598121540695957,0.14815915520947703,0.7 +2976,1.3935559191223992,0.14916731447032752,1.54 +2977,0.2523798618102746,0.14520679605766995,0.24 +2978,2.1250119981045565,0.14387745848531583,2.12 +2979,2.17280342758693,0.14345708170659177,2.24 +2980,2.6045039427298193,0.14632900713916092,2.58 +2981,0.7862553491655047,0.1441906097125097,0.78 +2982,2.5604253099717433,0.1459451490341097,2.48 +2983,1.0233493120531993,0.14422296707745824,0.96 +2984,1.514715322017747,0.14809369686292315,1.6 +2985,1.1319617700411215,0.1447835705915785,1.08 +2986,1.819516757162083,0.14368318663236587,1.84 +2987,0.6235088029702571,0.1445795918994422,0.56 +2988,3.611499383387484,0.15999742831998046,3.64 +2989,1.263675732918204,0.1452302123870382,1.16 +2990,2.915307903347037,0.1484389222688187,2.88 +2991,1.2489766695099775,0.14355958815625938,1.3 +2992,0.1313979386953137,0.147941078096666,0.2 +2993,1.158347742255391,0.14428138312033215,1.2 +2994,1.3507065487911452,0.1436016808077581,1.28 +2995,2.106741557899817,0.14393443529431704,2.06 +2996,2.2554310907295645,0.14419837523196172,2.3 +2997,1.8384703144447028,0.14375074278716443,1.78 +2998,2.648641687266507,0.1473977138756775,2.9 +2999,1.5933235246032962,0.1494887801050848,1.58 +3000,1.0327069069904895,0.14824126216305483,1.02 +3001,2.543403398784515,0.14671076838884803,2.58 +3002,1.9908972903720916,0.14359340348286123,1.96 +3003,2.345290291284153,0.14642767755729827,2.46 +3004,1.154242471900862,0.14453598050568608,1.18 +3005,0.6555845917550234,0.14462849780751355,0.52 +3006,1.1463530848670769,0.14419187493021,1.1 +3007,0.9683907204535775,0.14443242596716574,1.0 +3008,0.7558274837213603,0.14479530260761708,0.62 +3009,1.478438750937063,0.14446583030530827,1.36 +3010,0.5796504760304875,0.14632455107361184,0.54 +3011,0.9845096631066679,0.14631550131315005,0.96 +3012,1.785729169545887,0.1453326325138622,1.78 +3013,1.7427107928979866,0.14348168586894727,1.76 +3014,1.8777186468477844,0.1434054526303946,1.82 +3015,2.4515741235514334,0.14520938808340947,2.44 +3016,1.4380070266896277,0.14339540664719258,1.56 +3017,1.4927878858913144,0.14376472262333634,1.48 +3018,0.6069177280031401,0.14531452955609633,0.66 +3019,0.6857261412771547,0.14555824451009128,0.56 +3020,1.2306155593629247,0.14617058185402437,1.22 +3021,1.28602532771245,0.1440695980560031,1.22 +3022,1.9442417238087377,0.14386810274912418,1.98 +3023,0.6759290932232411,0.14413798117923168,0.68 +3024,1.1229317019774467,0.1438473178811505,1.02 +3025,1.4813109361105714,0.14372252213123615,1.44 +3026,2.301399737991796,0.14555710382297357,2.4 +3027,0.6463627309932023,0.14645081663111054,0.68 +3028,1.19695745458051,0.14497224366055547,1.2 +3029,3.053289900671786,0.1489693877118311,3.26 +3030,2.6732203421226637,0.15048192512380165,2.74 +3031,3.14035600497593,0.14958264595070522,3.22 +3032,2.169059831783328,0.14398392065635443,2.18 +3033,1.3661784397401324,0.14427928904376663,1.3 +3034,1.2781120109414688,0.1439654495511093,1.22 +3035,0.7324673530566206,0.14423636739981938,0.7 +3036,3.391401921089017,0.15429820775691544,3.4 +3037,1.8259505744617397,0.14405705426454546,1.86 +3038,2.0208039342638586,0.144095164043618,2.02 +3039,0.28643319783754473,0.1465911831126307,0.12 +3040,0.8970496759554085,0.14685848815150224,0.74 +3041,0.744303567606869,0.1452492776498332,0.72 +3042,1.8942342103868541,0.14435392091870272,1.92 +3043,0.7032802181893225,0.14964781179515055,0.64 +3044,1.7833546187370222,0.14951907823293292,1.78 +3045,1.4574308640984346,0.14622976682393116,1.44 +3046,1.10396121396774,0.14406438497369525,1.12 +3047,0.8971310784155819,0.14359020483365956,0.88 +3048,0.8523544539954124,0.1498822422905003,0.9 +3049,1.7579101171043896,0.14494433349557542,1.6 +3050,1.143276289983421,0.14414762172937357,1.1 +3051,1.5933005946676482,0.14384650046681935,1.44 +3052,0.7713677332715805,0.1448089873362225,0.82 +3053,0.9528500198066436,0.14538070550631554,0.94 +3054,1.4747132169860646,0.14367821241961837,1.42 +3055,1.7576068658638282,0.14663194464538953,1.68 +3056,1.7276043043844482,0.14490544922363138,1.72 +3057,3.125559325474653,0.14975166329270598,3.16 +3058,0.10012968942893474,0.15068237849839453,0.02 +3059,0.9094107631116501,0.14325062614935372,0.88 +3060,0.19756543838499896,0.1482523578053749,0.14 +3061,1.9751382222988778,0.14280182318925885,2.2 +3062,1.2995046180536591,0.14377012519637786,1.26 +3063,4.750871494502494,0.37029964458398473,4.66 +3064,0.9395719410717711,0.14410623129813518,1.08 +3065,1.1305663960650887,0.14387552038181894,0.98 +3066,0.4883469959941782,0.14795727810905876,0.48 +3067,1.349370449171181,0.14373366992307848,1.36 +3068,1.6113490476205503,0.14650619827672082,1.72 +3069,1.0461398102755397,0.14497322513775518,1.24 +3070,1.6856442795393947,0.14674438488321967,1.54 +3071,1.8158708415390366,0.14343712626106084,1.8 +3072,1.4837840677892786,0.1464729943175633,1.56 +3073,1.2864297020656488,0.1434721596253651,1.2 +3074,1.4978293597284478,0.14372204147782958,1.46 +3075,1.2189880780534144,0.1480052654933454,1.1 +3076,1.1909629287660644,0.14500145370003134,1.26 +3077,1.9965506961825423,0.14373884395393413,1.96 +3078,0.9662377568699694,0.14382211049572183,0.94 +3079,1.3544972782144353,0.14422866004077062,1.58 +3080,1.1385975457538007,0.1449351720221908,1.14 +3081,1.2044929180359696,0.1466082403365693,1.24 +3082,2.576621673933927,0.146407574014389,2.76 +3083,1.0434561165451197,0.1446072232448192,1.0 +3084,1.3308576000529393,0.14320524171808954,1.34 +3085,2.33199007732093,0.1445693274523974,2.4 +3086,1.6411986573242285,0.14503387272683527,1.62 +3087,1.0926242848770937,0.1444020878938928,1.04 +3088,1.8438798003677452,0.14315714928118914,1.86 +3089,1.2402749137614646,0.14833818203298754,1.3 +3090,0.23288523925596794,0.14841963160553343,0.1 +3091,2.331245104567872,0.14510221050409447,2.38 +3092,1.0606270627543979,0.14363337333616313,0.98 +3093,1.1284540657692887,0.14564444344231878,1.08 +3094,1.8305741315099096,0.14383694686084372,1.84 +3095,0.9646002447741009,0.144063402644914,0.94 +3096,1.3577023632359517,0.14748638667039196,1.36 +3097,1.093214982516209,0.14421475835757133,1.14 +3098,1.8243872496713895,0.14386774219379309,1.84 +3099,1.0811270828485395,0.1442507726814449,1.04 +3100,1.9107843828967934,0.1435258644145363,1.94 +3101,1.8817936220383165,0.14297350718816443,2.04 +3102,1.8758985750384025,0.14412653852252988,1.84 +3103,1.1143067088366494,0.14397138243101748,1.08 +3104,1.238711199706922,0.14523807380449755,1.24 +3105,1.2248887854427122,0.1436833920115922,1.14 +3106,1.8510909282092212,0.14419630058801475,1.76 +3107,1.7205293081830537,0.14538012295095573,1.76 +3108,0.9098812467720863,0.1479554342153103,0.84 +3109,0.9881929074167268,0.14432365618689152,0.92 +3110,1.5489236539198026,0.14476511759558466,1.5 +3111,1.5803085711752254,0.147195105222328,1.58 +3112,1.1455223134309738,0.14357043521335788,1.1 +3113,3.175874933003256,0.14949605344178493,3.3 +3114,1.1861504582973255,0.14389817765295929,1.24 +3115,0.8437702448201976,0.14479155202894217,0.76 +3116,1.3352786465297197,0.14391799136394143,1.28 +3117,1.6108503705069102,0.14475219491369218,1.52 +3118,1.074463943618984,0.145076265032307,0.98 +3119,1.243029847795349,0.14383676626400624,1.28 +3120,1.291113981603813,0.14398481007129985,1.3 +3121,2.375374394867896,0.14462886459728141,2.26 +3122,1.9319362078308555,0.14319003140162817,1.92 +3123,1.0765993283383186,0.1439643696948664,0.94 +3124,2.17219932534381,0.14546180352474222,2.2 +3125,1.3494516195198138,0.1452994741768549,1.28 +3126,2.399379098483321,0.1452444823969856,2.46 +3127,1.8201091784586478,0.14428591548794786,1.82 +3128,0.8376568544226619,0.1443990709741667,0.92 +3129,0.7213170059246861,0.1467142753196359,0.7 +3130,1.5845017940588861,0.14400452600210015,1.56 +3131,0.9694289842989119,0.14527860092154773,0.88 +3132,0.7120440213870283,0.1464707981160488,0.62 +3133,1.817124842362683,0.14448860633912375,1.86 +3134,1.3694775273564148,0.14489188427373834,1.26 +3135,1.8986241562456727,0.14969482860092012,2.06 +3136,1.7031765600476256,0.14453896559065005,1.68 +3137,2.0453977907590954,0.1445751327886936,1.94 +3138,0.6291640986060334,0.1453989011869305,0.56 +3139,0.863364124513121,0.14446187880406192,0.9 +3140,1.763944060495938,0.14460660996161218,1.74 +3141,0.22867831800126703,0.14803933946779343,0.14 +3142,2.433071409042585,0.14531095021349288,2.48 +3143,2.110709461765341,0.14635064461058445,2.1 +3144,0.9420120458723411,0.1443029017751111,0.9 +3145,0.916986892938898,0.142890147094288,0.84 +3146,2.6629965057096627,0.14612172845888718,2.74 +3147,0.7760940638895257,0.14458972379311627,0.68 +3148,1.1816999518018378,0.14424999312667378,1.22 +3149,0.6808098584545363,0.14513938502670387,0.7 +3150,2.078004873694822,0.14475891811941613,1.98 +3151,1.05143573411141,0.14450992811953134,1.04 +3152,1.314895266285037,0.14435079511546745,1.2 +3153,0.1882375194255812,0.14813079368433432,0.22 +3154,1.1899153955026311,0.1487375849695422,1.34 +3155,0.8416649132615022,0.14527214193925275,0.86 +3156,3.2263440317841448,0.1500762808567556,3.34 +3157,0.608098073225682,0.14444651603026815,0.68 +3158,0.7887079538264374,0.14438858868957055,0.76 +3159,2.5128829427361077,0.1456008315216446,2.56 +3160,1.2672985241843144,0.1436716329438091,1.92 +3161,1.3231772714927819,0.14364460879073637,1.38 +3162,1.0071094673994598,0.1471384270236603,1.0 +3163,1.2300700945262588,0.14432570767620875,1.36 +3164,0.8527052820210224,0.1442104647994831,0.88 +3165,1.4450886660951139,0.15053830118292263,1.42 +3166,1.1822225118276912,0.14414938395722285,1.14 +3167,1.5693818853393844,0.14557387826022689,1.48 +3168,0.737246784685992,0.14449877732242306,0.76 +3169,1.3209658534833353,0.14303800907236022,1.36 +3170,1.9625127253685162,0.14476698384897477,2.02 +3171,1.682030822124649,0.14416407161852113,1.74 +3172,1.0307753953870589,0.14501584718798463,1.0 +3173,0.2575079026623137,0.14821259582675217,0.24 +3174,1.9938988412213967,0.14286694171747286,2.16 +3175,0.862435015468336,0.14845534483520306,0.84 +3176,1.0425685572601382,0.14359905306753282,1.0 +3177,3.5204212285078342,0.1555386777062481,3.68 +3178,0.3484299295581974,0.14479354683035392,0.48 +3179,1.6911569104648145,0.14468794738606813,1.72 +3180,0.6429856031322658,0.14501551237562124,0.64 +3181,1.8831457158571987,0.14327209945530656,1.9 +3182,1.6142639185084549,0.14417423143717426,1.56 +3183,2.5111028126879806,0.14566402445091017,2.7 +3184,1.5713187147294119,0.14451296402980926,1.52 +3185,0.3148084887926168,0.15403962551755723,0.34 +3186,1.1224491789217041,0.144922310032621,1.24 +3187,1.9603659537024662,0.14367379928332466,1.96 +3188,0.9558783913380844,0.14476516191266633,0.84 +3189,1.9961130419595947,0.1438869390717415,1.98 +3190,0.8400304826279847,0.14408699771243597,0.84 +3191,1.8241853027446795,0.14394734283464058,1.94 +3192,0.5614905724314387,0.1454372338852675,0.52 +3193,1.4455752738490752,0.1442821307509381,1.46 +3194,1.5158808088097904,0.1439983660467944,1.64 +3195,1.7292217736981734,0.14417975852302434,1.74 +3196,1.1662138438882068,0.1436943121649816,1.24 +3197,1.2148329197239005,0.14588876408130932,1.24 +3198,1.47762801384112,0.14505759097786983,1.42 +3199,0.6748351636323418,0.14806659361736782,0.74 +3200,1.805988898335642,0.1431948950789314,1.74 +3201,2.917908634009452,0.14949618207276372,2.92 +3202,0.7001496699443615,0.14520867967852505,0.72 +3203,0.696157404274738,0.1449035842357567,0.7 +3204,1.4337745125802006,0.1464912111781574,1.36 +3205,2.0268195650845375,0.14409142868184033,1.98 +3206,1.7206045513430355,0.14331271787156555,1.84 +3207,1.5490638000080996,0.143113627596826,1.54 +3208,1.0940270607269214,0.14378315184083446,0.96 +3209,1.4408989535065797,0.14452466883523118,1.38 +3210,1.0125548173046668,0.14415866868170357,1.08 +3211,1.608372568298281,0.14430134949300139,1.58 +3212,1.2068275014729175,0.14355264985914354,1.24 +3213,1.2384524929245075,0.14481869523272944,1.16 +3214,0.12673755481172444,0.15013624373230428,0.0 +3215,2.1623012319964663,0.14365310257415229,2.24 +3216,1.8530167504135844,0.1432288373427214,1.76 +3217,1.2153328853618182,0.1446343748836236,1.34 +3218,1.405130887314876,0.1439523455311965,1.36 +3219,1.2453378422642083,0.14405632237525623,1.12 +3220,1.2947819382468517,0.14359639370736296,1.28 +3221,2.236431891373629,0.14403920606131898,2.3 +3222,2.2089976080580827,0.14368689883799246,2.1 +3223,0.33022598403165526,0.14497733355722683,0.26 +3224,1.097639755498824,0.14445540115358238,1.04 +3225,1.1305019483696737,0.1438805729503447,1.16 +3226,1.4020433095143425,0.14577303776362543,1.42 +3227,0.673478463037823,0.14482129852446282,0.68 +3228,2.416740197064803,0.14566989311942588,2.54 +3229,0.7921064081297904,0.14621887088651403,0.8 +3230,1.151103186156393,0.1443784811685673,1.12 +3231,2.823096757463205,0.1472547257773716,2.88 +3232,1.4415930126469907,0.14279602879578013,1.46 +3233,0.43830185402578303,0.14589582027750525,0.34 +3234,1.4234621299731587,0.14311573785605455,1.4 +3235,1.1035240188955098,0.14532980511256868,1.08 +3236,1.2179295386877027,0.14435259105836992,1.16 +3237,1.6667136054970766,0.14539464905922658,1.78 +3238,1.3678555574339293,0.14472796982908628,1.34 +3239,1.8321426289019898,0.14733809934653422,1.74 +3240,1.6622183214837958,0.14340152447294463,1.62 +3241,1.725728104121901,0.14563822431064244,1.78 +3242,1.0559262544733632,0.14373673388752214,1.0 +3243,0.42859194561080516,0.14588192278132092,0.52 +3244,2.18143564216239,0.14422108107894066,2.22 +3245,0.18982035239452566,0.16291700711889937,0.2 +3246,0.8342875002085042,0.14592174551907336,0.84 +3247,1.1400885857090413,0.14634661558581924,1.08 +3248,0.6999145095104411,0.14606838092997262,0.74 +3249,1.8038708715226286,0.14665279619516783,1.9 +3250,0.5918565545466721,0.14584792744863256,0.52 +3251,1.482507750026223,0.1448514202330278,1.5 +3252,2.208960634667753,0.14421246063896967,2.28 +3253,0.6836467267098052,0.1448730493785207,0.62 +3254,3.0882834154626164,0.14966025829250298,3.04 +3255,1.8716059955648405,0.14451499098520784,1.9 +3256,1.223288415574841,0.14431514773742793,1.14 +3257,1.4159618323219978,0.14520131530653518,1.54 +3258,1.0470236821793901,0.14394466069518572,1.0 +3259,2.3007482956661627,0.14407213621554998,2.32 +3260,1.0008656815382353,0.14659001141511696,1.08 +3261,1.0735898920606517,0.14340225788046732,1.1 +3262,1.4107351647771815,0.14445353722505022,1.32 +3263,0.8821361645926733,0.1432654905930105,0.86 +3264,3.7556429007490864,0.1666562214084523,3.74 +3265,0.6816517865758898,0.1449784134568399,0.64 +3266,2.1961172356162586,0.14629709219061018,2.34 +3267,0.12468428201199488,0.15466846273515367,0.18 +3268,0.8465345346096957,0.14431377235351875,0.82 +3269,1.3704441315015221,0.14386847868340075,1.3 +3270,1.5333377444983491,0.1481954662563159,1.58 +3271,1.9009902192086892,0.14548419856324774,2.0 +3272,1.9665010799289093,0.1444851201828157,2.0 +3273,2.9954286401368297,0.150691257563801,2.98 +3274,1.590834913337599,0.1560922596040912,1.62 +3275,1.7213149611391558,0.14526456779429772,1.74 +3276,1.7065935524296916,0.14470258439114134,1.82 +3277,1.2972390710815795,0.1435059609656874,1.28 +3278,1.0691041075015328,0.14336561322813826,0.98 +3279,2.765739769473902,0.1466320611794815,2.78 +3280,0.7380157206556803,0.14448348313375298,0.78 +3281,2.8025514919451546,0.14773423439748912,2.62 +3282,1.964908292880239,0.14463653839262897,2.04 +3283,2.30358949814138,0.1449671051296188,2.22 +3284,1.1361484295150288,0.14411519580827853,1.04 +3285,0.34882673042638723,0.14526617768685868,0.32 +3286,2.8299583770143344,0.14761584721449936,2.9 +3287,1.1092240213013551,0.14919824356796854,1.02 +3288,2.0619011169058052,0.1430558932411023,2.06 +3289,2.7475016817995184,0.14640854342911477,2.72 +3290,1.4377214201916595,0.1452545583834822,1.5 +3291,0.8464332050696837,0.14428902953495654,0.88 +3292,1.3221654393318851,0.1460016385243755,1.36 +3293,0.8458772165557513,0.1438094957029221,0.92 +3294,2.471596947339926,0.14524348949360025,2.56 +3295,1.0609527836119388,0.14354740710481811,1.04 +3296,2.614546988359628,0.14644772217477375,2.52 +3297,1.3102031235975393,0.14498400545085108,1.22 +3298,2.7496245038054767,0.1478564755691099,2.78 +3299,1.0048373598592577,0.14445661601453533,1.1 +3300,0.09085305702188196,0.1525818523592027,0.12 +3301,2.4430374162209625,0.14523911438670925,2.44 +3302,1.8357700462617736,0.1455650932753708,1.82 +3303,1.1234889009412172,0.14376068409801382,1.08 +3304,1.6148155633361534,0.14448785440375034,1.72 +3305,1.1048952841602966,0.1439005699167577,1.1 +3306,1.9701874103940313,0.15214046813148574,1.92 +3307,2.82553323415087,0.1486058843917479,2.86 +3308,1.0474725399325675,0.14359481729639148,0.96 +3309,0.774006523281868,0.1465130977240293,0.92 +3310,0.964345672891723,0.14595219186816996,1.1 +3311,1.9110279276871478,0.14358959300250904,1.94 +3312,0.7860221549087165,0.1446211656218385,0.84 +3313,0.5613905563065082,0.14528944278031483,0.4 +3314,0.9121699091628561,0.14621732859017733,0.94 +3315,1.508507453977208,0.143575117765226,1.5 +3316,4.493018696940366,0.27840614019311166,4.84 +3317,1.3582391242299576,0.1460177669501367,1.34 +3318,2.2986438497501145,0.14609462818793953,2.22 +3319,1.2405164363264114,0.14359873530171527,1.26 +3320,1.446179427131574,0.14575344609370777,1.48 +3321,0.7729435088007155,0.14455743052139938,0.74 +3322,1.7578506528660651,0.1459155489968025,1.88 +3323,1.949807794701583,0.14296453295550107,2.0 +3324,1.655969832506893,0.1433898064471079,1.74 +3325,0.9339950612900805,0.14579890786996835,0.92 +3326,1.785861302418486,0.14453145416133106,1.68 +3327,1.0275907882800124,0.1432258806108019,0.96 +3328,0.8468839746673589,0.14428245449438726,0.82 +3329,1.4416088078378597,0.1445762449590415,1.4 +3330,0.7481904099865582,0.1442897087148832,0.66 +3331,0.8427831903926148,0.14342916840708939,0.86 +3332,1.6099119292741109,0.145689422416362,1.6 +3333,1.375889347811038,0.14427264453759328,1.44 +3334,1.9607779511406425,0.1434287266730327,1.98 +3335,0.6661143775718483,0.1449424991205353,0.72 +3336,1.4999350995806773,0.1439079624507612,1.78 +3337,0.8818688264099994,0.14430676736666717,0.92 +3338,0.6912126798614087,0.144586168567174,0.7 +3339,1.9800278786931664,0.14378390676538627,2.02 +3340,1.3032153132484567,0.14460439750962817,1.34 +3341,0.9432602188967611,0.14330843572923338,0.84 +3342,1.5193053584160414,0.14405663064491347,1.56 +3343,2.2742562934635715,0.14435368737518553,2.3 +3344,2.2126086311889392,0.14413849574783033,2.28 +3345,0.7830051018566615,0.1451194730527819,0.82 +3346,1.7765806771593398,0.14422507417417726,1.76 +3347,0.6580058430090738,0.14602827741027258,0.66 +3348,2.0757144739032722,0.14355119466680052,2.04 +3349,1.8603371043630532,0.14422046901606397,1.84 +3350,1.7453307420533641,0.14405396741070672,1.7 +3351,1.5945786236692272,0.14691683973016761,1.52 +3352,1.2872052771984692,0.14379679274759727,1.28 +3353,1.0561044848010117,0.14340710609859586,0.98 +3354,1.112769365149131,0.14521385088231242,1.14 +3355,1.5575233500392422,0.14342237486566692,1.66 +3356,2.1225570700689116,0.14316511462821954,2.12 +3357,0.9831554772866782,0.14313586747151133,0.9 +3358,1.0764465923505164,0.1434583634910642,1.04 +3359,2.8616172033798564,0.14902248391129969,2.98 +3360,1.4740823403744696,0.14297072263558333,1.54 +3361,0.4380906253135515,0.14633840853662164,0.3 +3362,1.7961030971812826,0.14375276890789754,1.8 +3363,1.249384496101087,0.14406749830921362,1.32 +3364,1.0372749253356912,0.14587737447817778,0.92 +3365,2.1109441861648794,0.14413210628116443,2.04 +3366,0.9619412089556154,0.1450050229689596,0.98 +3367,0.42087591416946113,0.14472152272144062,0.34 +3368,0.9749704806410873,0.1435642500733447,0.9 +3369,1.5979817231951334,0.1439264898150914,1.8 +3370,1.2001479594446764,0.14404002012264694,1.18 +3371,2.171977227178273,0.1453618644992742,2.36 +3372,1.1561594477108277,0.14366895073854316,1.04 +3373,1.1715894791272121,0.1437113963213583,1.2 +3374,0.9883202991106139,0.14389477596012895,1.16 +3375,1.754205995943574,0.14402788355288554,1.78 +3376,2.1382342928546128,0.14368068150741703,2.16 +3377,1.4349008233368807,0.14316226782239896,1.3 +3378,0.6412052658781069,0.1447022990833882,0.64 +3379,1.3172077127652178,0.1504011184808971,1.28 +3380,1.4944364886444466,0.14853773097440326,1.46 +3381,1.7411070226165806,0.14821749630293926,1.62 +3382,0.44968503720776853,0.15493901829866166,0.4 +3383,2.330643233612497,0.1443942715244428,2.56 +3384,1.7809283536803346,0.14518289334332432,1.74 +3385,1.3397158399035,0.14461515418201118,1.32 +3386,4.189735605541728,0.21302433561801334,4.24 +3387,3.2026938496790494,0.150043412298183,3.24 +3388,1.0349989905722254,0.14336575696930143,1.08 +3389,1.6113715332803769,0.145553383297767,1.68 +3390,0.477571729402547,0.14676326944189302,0.56 +3391,0.7281330484683513,0.14429912694068966,0.74 +3392,1.5858044302546568,0.14431522026036683,1.56 +3393,1.0157292786095522,0.14386697900275217,1.08 +3394,0.9139503159928908,0.1429579189006162,0.94 +3395,1.417509488743811,0.15054364995901265,1.48 +3396,2.5141103369217164,0.1459253467369221,2.64 +3397,0.9185226272347067,0.14341000386670558,0.92 +3398,2.6033174458447452,0.14754899116352832,2.56 +3399,1.7644224562297883,0.1442880221141053,1.78 +3400,0.8839207362280672,0.1437743971953173,0.96 +3401,0.8292543159309607,0.14476406309973644,0.82 +3402,1.3299110256008615,0.14373201116336673,1.3 +3403,2.784510988177465,0.14758347869981303,2.76 +3404,3.271492090156331,0.1511775600211978,3.38 +3405,1.5650658846264336,0.14657017029285502,1.62 +3406,1.6849700270459143,0.14858839486329878,1.68 +3407,0.8764520147440078,0.14392237372910144,0.9 +3408,1.7793154954946133,0.14454779986747532,1.9 +3409,2.208217852634672,0.14410385712345672,2.24 +3410,1.819888140795737,0.14464057554760013,1.82 +3411,1.3772335314673811,0.14486886179947747,1.46 +3412,2.376786557097326,0.14496859741596949,2.34 +3413,1.9437079348213442,0.14290636566654005,1.94 +3414,1.5300371055161563,0.14346414133381738,1.48 +3415,0.7523360388839611,0.14489407567591503,0.72 +3416,2.069512483096299,0.14357900532183265,1.96 +3417,1.1645812114435086,0.1442619663442158,1.18 +3418,1.0122382682875366,0.14424708758420351,1.0 +3419,1.211582403511708,0.14351526581866886,1.26 +3420,1.3499227038727946,0.14410748037490223,1.24 +3421,1.3247934487439097,0.14789869245309278,1.54 +3422,1.5220645256256362,0.1435856083238078,1.52 +3423,2.612211454353544,0.1464259236132037,2.68 +3424,2.802251258743864,0.1468405636737162,2.86 +3425,1.782190776987742,0.14614654819932138,1.8 +3426,1.365057506622645,0.14443857344699262,1.38 +3427,1.5696788888738653,0.14579356314971428,1.58 +3428,0.5169580561518292,0.14672057231015845,0.46 +3429,2.9514996879542346,0.14777504326804108,3.08 +3430,1.4999095190804135,0.14587464219598056,1.52 +3431,1.521720916967468,0.1441049187132603,1.38 +3432,1.025315384204959,0.14422094298784796,1.02 +3433,1.5303507809630799,0.1477431735525892,1.46 +3434,0.8904294593457345,0.14401146689336172,0.94 +3435,1.2448959908778066,0.14486887071216353,1.24 +3436,1.6393120726242665,0.14482420660729395,1.6 +3437,0.19271511331126456,0.14689196892105744,0.08 +3438,1.0369985298291309,0.1439194790968018,1.04 +3439,1.5957362311456493,0.14310302006013484,1.56 +3440,1.4249444035256151,0.1438490911513444,1.5 +3441,0.8417198681208142,0.1438810978009389,0.88 +3442,0.948329924595948,0.14473066190448336,0.88 +3443,2.2800181731807627,0.14462568215042385,3.1 +3444,1.217242111153427,0.14501468008237609,1.16 +3445,3.0958734315903897,0.1496445717682058,3.1 +3446,1.3564757374430045,0.1446938526921344,1.32 +3447,0.9195958070992423,0.14363402815177,1.0 +3448,0.40837820454536145,0.14579145502041135,0.38 +3449,0.9904685766712764,0.14427046465225515,0.98 +3450,0.6535836651702511,0.14415226369209275,0.7 +3451,1.0793737359602873,0.14406403798709927,1.08 +3452,1.8664750117124886,0.14285946459567028,1.96 +3453,0.9582133128991992,0.1432433999722979,0.98 +3454,2.774965654721575,0.14725168603754807,2.82 +3455,0.979782045060976,0.1435998306682999,0.96 +3456,1.3627870162927764,0.14928674848346976,1.36 +3457,1.6509173805707023,0.1448815508161342,1.64 +3458,1.1624082603148715,0.14342437957931048,1.04 +3459,1.283792665257558,0.1433416519100719,1.34 +3460,1.3309701870987873,0.1434440095675698,1.26 +3461,0.872593788417261,0.1444698593297786,0.88 +3462,0.24892415870945372,0.1470005556121528,0.14 +3463,0.8127080771326871,0.14489357460659283,0.78 +3464,1.757403287097111,0.1452037798244149,1.8 +3465,1.618657156851079,0.14334910201917264,1.6 +3466,0.4330365829760301,0.14585827817946934,0.72 +3467,0.9231681127683076,0.14367409929212252,0.9 +3468,0.9990956278350382,0.14571447261040685,1.04 +3469,1.9609041267993441,0.14481602339836339,1.88 +3470,2.785174066015355,0.14916539433839432,2.86 +3471,2.132920147072149,0.1443887413153485,2.08 +3472,1.849944815353791,0.14372471577617912,1.8 +3473,1.6455230991691114,0.14354177792218958,1.64 +3474,1.6448222574163638,0.14409631707744408,1.66 +3475,1.8351155157499126,0.14480945505407028,1.92 +3476,2.342712746038029,0.14469636121666685,2.3 +3477,0.8472325779348879,0.14561201799421183,0.9 +3478,1.039364267932021,0.14402283709791175,1.04 +3479,1.6935144736401342,0.14541366417458085,1.7 +3480,2.4095918803786156,0.1449439102385325,2.36 +3481,1.094843529820269,0.14536109221526075,1.08 +3482,1.273002699613953,0.14389046019728113,1.22 +3483,1.2936723032430568,0.1442481706168452,1.24 +3484,0.8904195635313195,0.15247399905955658,0.86 +3485,1.241168822228254,0.14588436283046421,1.14 +3486,3.1283306751474016,0.1495325788179632,3.06 +3487,1.0920363835166005,0.14721582011988893,0.88 +3488,3.7028086312130015,0.1633722242785322,3.76 +3489,1.91000987809667,0.14363046961214215,2.02 +3490,2.1947742155602428,0.1441649866731964,2.18 +3491,1.0062785370297864,0.14337145741334265,0.92 +3492,0.8128033920491107,0.14472262243256684,0.9 +3493,1.2171246740152104,0.1438784888001456,1.24 +3494,1.772936502937338,0.14421537549918054,1.8 +3495,0.5836525491570304,0.15580841708219825,0.56 +3496,1.1402683824498596,0.14430710815761852,1.08 +3497,1.5951499656704784,0.1442546963676127,1.74 +3498,1.3880346097039298,0.14551003939737966,1.4 +3499,1.0206382239185623,0.14343642924817462,1.02 +3500,1.3187232709690986,0.145356705971292,1.28 +3501,2.515528654911384,0.14548536917175703,2.48 +3502,1.2003502743663454,0.14348504049156033,1.18 +3503,1.0361048684751197,0.14402031573317267,1.0 +3504,3.179696679168679,0.15083163212842723,3.18 +3505,0.8491509785445914,0.14406574912110726,0.88 +3506,1.6624930201815826,0.14494568523307685,1.66 +3507,1.5466233390137796,0.1489637148008104,1.62 +3508,1.2336947918547545,0.1437306409347811,1.16 +3509,0.5353919719473521,0.1444212752098546,0.54 +3510,0.9074190590392281,0.14734753173406698,0.98 +3511,0.2224764757161961,0.14543633897825556,0.18 +3512,0.7874104213671704,0.1443833413116854,0.76 +3513,0.9304544235298633,0.14332871060833258,1.0 +3514,1.3933635776764466,0.14880571685143215,1.46 +3515,1.1779676175101206,0.1478428442541085,1.24 +3516,0.34658762065080007,0.14671132533841047,0.34 +3517,2.0119769885044883,0.14321470407264011,2.06 +3518,1.248621217498267,0.1484369038035004,1.26 +3519,1.298918393549013,0.1436741488317806,1.4 +3520,0.5862032807297539,0.14682228072867431,0.54 +3521,0.9890185391536108,0.1438754603169818,1.14 +3522,1.7462539602938851,0.14336325641491562,1.78 +3523,1.7340992135176916,0.14529615668188006,1.68 +3524,1.824118765243489,0.14511838047200148,1.86 +3525,0.9473892798505745,0.14322090099548881,0.88 +3526,2.223900909782716,0.14389224191367908,2.18 +3527,-0.051483045680354333,0.19433414648192213,-0.12 +3528,1.9588777027726292,0.14392808493543546,1.94 +3529,1.5646189477048904,0.14498496517727041,1.52 +3530,2.3015692151603457,0.1448166539544969,2.32 +3531,0.2659200632826928,0.1462876494807999,0.26 +3532,0.43056194126738534,0.14641856026290057,0.4 +3533,1.4077439729627685,0.14400417614055255,1.42 +3534,0.5387974517960594,0.14616889882622205,0.54 +3535,0.6783830534843163,0.14508628768179396,0.74 +3536,1.7459001423224074,0.14387568118701863,1.76 +3537,1.770928655609643,0.14381351755898672,1.82 +3538,0.7280005304761166,0.1468518971009566,0.62 +3539,1.389858807855449,0.14696413301855404,1.46 +3540,1.2223944500819468,0.143303031794583,1.18 +3541,0.8994757875927406,0.14417596585863868,0.86 +3542,2.6379549870148193,0.14682147792430716,2.6 +3543,1.2033993132326821,0.14320866424568432,1.08 +3544,1.698471177110021,0.14373767295677223,1.84 +3545,1.9639639894754972,0.1434021174868837,2.0 +3546,1.3112828898306987,0.14353980041816566,1.26 +3547,1.8463278622345087,0.1445495315358431,1.8 +3548,2.1232223537278174,0.14330639722099217,2.12 +3549,1.7027155218141918,0.14413931102025693,1.78 +3550,1.662941130789806,0.14481721487922378,1.7 +3551,1.0671925168006724,0.16456351586977716,1.08 +3552,1.6610973272713268,0.15767454506136452,1.72 +3553,1.304443824848509,0.14511616296322852,1.36 +3554,0.9660185478208079,0.14433284637799187,0.9 +3555,0.8667583971099586,0.14319331400355712,0.86 +3556,1.8592181024198369,0.14276073599667335,1.8 +3557,1.3919084493091636,0.14334998798800064,1.48 +3558,1.2964284177593925,0.14319957300048838,1.3 +3559,0.9012092055566865,0.14355736254086138,1.0 +3560,0.9845027728401416,0.1434737611082567,0.94 +3561,0.36782451400889515,0.14922338793631115,0.3 +3562,1.627194416064159,0.14717289625888796,1.66 +3563,1.6879025561861103,0.1493895168178126,1.62 +3564,0.7019321434582957,0.14429925217912962,0.62 +3565,0.3967970904271696,0.14484654679931158,0.38 +3566,0.7996531107274216,0.14726506101678574,0.8 +3567,2.052030728798974,0.14487888025399215,1.98 +3568,1.11421491872423,0.14455241386359294,1.08 +3569,1.3395430492850253,0.14330942806487965,1.26 +3570,1.9772881552345045,0.1427541808237789,1.96 +3571,1.4597788356517563,0.1437309367644344,1.5 +3572,2.678231616063075,0.1463315245151134,2.88 +3573,1.8138399570088741,0.14321025099352966,1.84 +3574,0.9991406069319901,0.14523203070195043,0.96 +3575,1.7580319460400795,0.14653835711933694,1.66 +3576,0.5416800943480191,0.1457849826684299,0.48 +3577,2.1222786027282887,0.1435778856725761,2.18 +3578,1.3315249451120654,0.14352738319777314,1.26 +3579,0.8969827450937893,0.14319106754896596,0.84 +3580,1.2962776120118336,0.14432680124768,1.24 +3581,1.8010973935834174,0.14531841980333013,1.8 +3582,1.74805925082554,0.14537054114702155,1.7 +3583,1.0861051726420805,0.1456956079414346,1.16 +3584,0.5772452607099123,0.1448012893342805,0.58 +3585,1.1765297338997844,0.14327875256284317,1.08 +3586,0.5514199992991462,0.14506996698309313,0.54 +3587,1.521469889099198,0.1447174910316412,1.6 +3588,1.6283586058472879,0.1446644152950592,1.64 +3589,2.1998668437867352,0.14375617152606274,2.18 +3590,0.7712090901325728,0.14479472564423615,0.82 +3591,0.8578037157427052,0.1432605242003999,0.88 +3592,1.2342402913588981,0.14317057766089217,1.18 +3593,2.3905979358343594,0.14454775636097042,2.46 +3594,2.851621999534578,0.14886273436329417,2.86 +3595,1.055434220111684,0.14739583669198328,0.92 +3596,1.2945775361795087,0.14326929744293174,1.22 +3597,2.558443799751816,0.14597178018092227,2.52 +3598,0.9743954265750792,0.1434787818915987,0.94 +3599,1.1373766546590756,0.14463423755180252,1.04 +3600,1.9748610636852306,0.14278980791524692,1.96 +3601,0.7382464721114617,0.14871896556356864,0.76 +3602,2.733494861060765,0.1477564575166646,2.9 +3603,0.444519799072959,0.14607372050759385,0.38 +3604,0.3265725810785338,0.15053935126353463,0.24 +3605,1.4357052381031026,0.14611547979690168,1.42 +3606,1.3137897002276806,0.14396724225562885,1.38 +3607,2.90530631905593,0.152561356082417,2.96 +3608,0.44891420087687495,0.14736118933841877,0.44 +3609,1.1353370839057217,0.14407009851409097,1.06 +3610,2.482404110606391,0.14545741225752382,2.46 +3611,1.174022559454388,0.14890853461535072,1.06 +3612,1.6901398709483009,0.144252293914349,1.76 +3613,1.710342369835907,0.14633566219270144,1.74 +3614,1.4077372674960906,0.1476428515939607,1.46 +3615,0.8669547667440658,0.1443139978824067,0.9 +3616,0.806787573535781,0.14381521859692667,0.86 +3617,1.7559800361851114,0.14402019879459713,1.8 +3618,1.5027702367392544,0.14366268667081655,1.4 +3619,2.1910494629177095,0.14387522910169462,2.16 +3620,1.7192303704140124,0.14521256099314847,1.7 +3621,0.9535528110285463,0.14301704666783588,0.98 +3622,1.072193373110189,0.1437453859980772,0.96 +3623,0.7572237247633002,0.1444892764023683,0.8 +3624,0.3956725592733261,0.1468614182629366,0.76 +3625,1.2091439080257396,0.14363716691212539,1.12 +3626,1.226549603883989,0.1446431871161709,1.06 +3627,1.1996008648269076,0.1447367898506833,1.2 +3628,0.5386124085587736,0.1448324157991116,0.52 +3629,2.560441139627001,0.14569322422686062,2.76 +3630,1.4128483947034796,0.1450703131828722,1.4 +3631,1.3245302687112948,0.14593956360178464,1.36 +3632,0.5728412462060537,0.14579128378751366,0.58 +3633,1.3959428732888566,0.1427810615858522,1.4 +3634,0.9369309281572886,0.14331947566349834,0.88 +3635,2.286138962795379,0.14451537856718322,2.34 +3636,0.23355704944985556,0.15132094770166843,0.3 +3637,0.6810413203062926,0.15302531222159524,0.74 +3638,0.8624940735373703,0.1439269720381698,0.84 +3639,1.225462657357911,0.14406001683014336,1.08 +3640,1.4352187983370475,0.14361818581363414,1.42 +3641,1.7511603097612256,0.14530702406811438,1.84 +3642,0.7938934660559878,0.14522904933207284,0.68 +3643,1.0730334109131356,0.1456052659081519,1.04 +3644,3.0877294538820252,0.15199312972954798,3.08 +3645,1.3233737179203406,0.14443364410150974,1.24 +3646,1.6054444356478883,0.14569312694962552,1.62 +3647,0.8368766099053624,0.14318504118397776,0.74 +3648,0.5630110351686572,0.1474768293340579,0.6 +3649,2.288641815242578,0.14449030797993456,2.3 +3650,1.4794877870729697,0.14530198716516837,1.42 +3651,1.4462729934745497,0.14273716564576888,1.5 +3652,0.9894076751900713,0.14479111322588994,0.98 +3653,0.9052864757940928,0.1452920762132401,0.86 +3654,1.2997775304937744,0.14434077430268621,1.2 +3655,2.4951248446110292,0.14576596821712837,2.5 +3656,1.092502319063636,0.1440416289925689,1.06 +3657,0.3415953027029528,0.14772787158500933,0.38 +3658,1.163428107530827,0.1437251257171091,1.16 +3659,0.9893798417863828,0.14695352577927231,1.04 +3660,0.06668440197691838,0.15370543063620323,0.2 +3661,0.8146196095878566,0.14614125592948418,0.84 +3662,2.104548920352047,0.14588240007166958,1.94 +3663,1.1196051789355352,0.1437886789086292,1.1 +3664,1.808107009878706,0.14521950011028542,1.98 +3665,2.058840441600115,0.14360266045824335,2.02 +3666,0.4364742185413726,0.14627166286301163,0.38 +3667,0.6403525467780722,0.14504724140932235,0.7 +3668,2.395833690969472,0.14503995898817115,2.38 +3669,1.1885324795536545,0.14450291744760863,1.12 +3670,1.716558288119915,0.14496555589855517,1.74 +3671,0.4547630593968379,0.14559592081055697,0.48 +3672,1.7581266875875206,0.14310015186662883,1.78 +3673,1.0993209696778128,0.1465392680852296,1.14 +3674,0.7647249447895494,0.14485340458032103,0.76 +3675,1.2585100543200594,0.14310278305927718,1.24 +3676,1.0727579113757106,0.14604357451942038,0.98 +3677,1.169053205672713,0.14494525724150006,1.22 +3678,2.6833261242872966,0.1464566050091835,2.7 +3679,0.6299499258687775,0.14458284283476588,0.58 +3680,0.2103605505871795,0.15540178583224226,0.26 +3681,1.1955956046764151,0.14383111429022544,1.16 +3682,0.7511236971515971,0.14917454195316623,0.76 +3683,1.7480299115029063,0.14416097053381188,1.76 +3684,1.2935262834258308,0.1445344905378139,1.3 +3685,1.9255941668426098,0.14415915766276508,1.88 +3686,2.4118515239097946,0.1453355021551788,2.44 +3687,1.084535125542756,0.14342555848461408,1.08 +3688,1.1325939444207962,0.14471447590955996,1.08 +3689,1.611626993268937,0.14438210083330552,1.58 +3690,1.0894220709931255,0.14461873129500524,1.02 +3691,1.2880228696605607,0.14385817100554937,1.36 +3692,1.2531261008457197,0.14369759568820994,1.28 +3693,0.15465986643242546,0.1506222815172213,-0.08 +3694,1.221270491958697,0.1440371792682052,1.14 +3695,2.254298131283632,0.14405318024568728,2.24 +3696,1.1346304946146941,0.14454524016650377,1.34 +3697,2.30811741359603,0.1445125624132255,2.28 +3698,1.7354291400420156,0.14588635738929448,1.76 +3699,1.2420898592783698,0.14321399441031227,1.3 +3700,1.1093116981336544,0.14356614464682155,1.08 +3701,0.46314126042480064,0.1460637390887418,0.44 +3702,0.4732423388178977,0.1448578302269084,0.52 +3703,0.8926513890979124,0.14478804537139825,0.9 +3704,1.1691585564581506,0.14428005403078012,1.18 +3705,1.5542731664800535,0.14317720518197075,1.48 +3706,2.0819439447754804,0.1433466808549437,2.06 +3707,1.138634611316942,0.14634083792509983,1.1 +3708,1.694018838781631,0.14570178474901965,1.7 +3709,1.5945816104613688,0.14792967748771016,1.64 +3710,1.2926453158296671,0.14405327275780846,1.34 +3711,0.6327618211544608,0.14511855179532007,0.52 +3712,1.6901479459913795,0.14584602961101045,1.62 +3713,0.8996284457679686,0.14348443830189545,0.72 +3714,1.205768009442059,0.15366637928703875,1.32 +3715,0.4340335655257044,0.14428368891732496,0.48 +3716,1.548309020404235,0.1441518408433482,1.48 +3717,2.111274561116933,0.14381353159959406,2.1 +3718,1.5716345969647887,0.14666291758558045,1.56 +3719,0.6718533441056338,0.1452535954545911,0.6 +3720,1.7450049691116356,0.14595906147710128,1.82 +3721,1.6175932914189706,0.14458674847280384,1.64 +3722,0.32484566882726407,0.1466056662728158,0.3 +3723,1.343481802541366,0.14280497883283857,1.34 +3724,1.6197245695593456,0.143126959381044,1.6 +3725,0.20647468772913635,0.14728963638399548,0.3 +3726,1.4582598750946496,0.14510313988842072,1.36 +3727,2.160928458015443,0.14421793524506735,2.26 +3728,1.0580460420405893,0.1447506993982906,1.0 +3729,0.2763138782734669,0.1474390826849738,0.18 +3730,1.6981401056794732,0.1481802214578471,1.84 +3731,1.3368847880560204,0.14562623522219903,1.32 +3732,1.4717878238818405,0.1449515587612111,1.4 +3733,1.7174170978180396,0.14448426629184558,1.74 +3734,1.5343194542966523,0.14395158605045885,1.48 +3735,1.4894840637638684,0.14406172421172586,1.44 +3736,1.1786492953668284,0.1439220348778702,1.12 +3737,2.425094711386754,0.14462963019090205,2.14 +3738,1.6905063951970178,0.14631804434319168,1.74 +3739,1.0966072135068115,0.14488722747153718,1.08 +3740,1.0230532878358773,0.14314176712500928,0.9 +3741,0.9001365963582892,0.14419798394243674,1.0 +3742,0.8334163777167078,0.14411544004971155,0.94 +3743,1.9881481375729995,0.14427911888612574,1.98 +3744,1.7597424943029254,0.14615005579504212,1.78 +3745,0.9315226949577444,0.14563602372251508,0.98 +3746,1.6140062057943507,0.14625564033695226,1.68 +3747,0.8533971984384086,0.1469024458270966,0.88 +3748,1.3362563244132066,0.1443107610955432,1.18 +3749,2.0725248353727896,0.1441038524411004,2.0 +3750,1.6061757881144172,0.1458622965560624,1.56 +3751,1.570695356531536,0.14580333909868445,1.58 +3752,1.260873856069788,0.14375343707992969,1.28 +3753,1.4577694166756126,0.14439944337840688,1.46 +3754,1.3605072372301277,0.1530197590916247,1.32 +3755,2.010462515184287,0.14331298480140864,2.0 +3756,1.1469470300548665,0.14376471090827295,1.1 +3757,1.1429988322840239,0.14363664587464187,1.2 +3758,1.370423963183669,0.14306317699988177,1.42 +3759,0.6781892150122535,0.14435212528627078,0.7 +3760,2.377329236342883,0.1450371622961993,2.34 +3761,1.2909665866076296,0.14354130886607697,1.28 +3762,1.031503414598229,0.14433539467377687,1.06 +3763,0.24988247975498767,0.1483872998164279,0.28 +3764,0.7329309331030474,0.1513939573343745,0.8 +3765,0.8930088998472159,0.14479897691361177,0.76 +3766,1.0544578174672758,0.14486642570147795,1.06 +3767,1.9133508369208667,0.14485206424854924,1.74 +3768,0.946554087320735,0.14474621274797514,0.86 +3769,0.9791996802494798,0.144402114104284,1.02 +3770,1.2664875958073734,0.1437801152106388,1.28 +3771,3.435064774285865,0.1545431679424515,3.58 +3772,0.46081960295484636,0.14523990041008053,0.48 +3773,1.3388219434197315,0.14385518350280696,1.26 +3774,1.4919009280685676,0.14565970238366208,1.58 +3775,0.8997919922469078,0.14591960532420825,0.88 +3776,1.761759374038562,0.14464799520235605,1.78 +3777,1.1025667187686623,0.14356220139936535,1.06 +3778,0.9376256279834458,0.14422457345993775,1.02 +3779,1.313273050316781,0.144268712250992,1.34 +3780,1.2864085949511606,0.14357310701568307,1.36 +3781,2.6520873111169956,0.1470816079565428,2.78 +3782,1.079809979264399,0.14379771392537952,1.02 +3783,1.715094261097827,0.14600375311906497,1.74 +3784,1.4093461043965196,0.14296800883654576,1.42 +3785,2.102348959112627,0.14349542391948414,2.12 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-0/val-metrics-2022.02.11.11.34.56.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-0/val-metrics-2022.02.11.11.34.56.csv new file mode 100644 index 0000000..3bdf2e1 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-0/val-metrics-2022.02.11.11.34.56.csv @@ -0,0 +1,7 @@ +,0 +nll,-625.1127417754311 +sharpness,0.14692260480314287 +variation,0.07904820483240733 +mae,0.057375913094878335 +mse,0.0076101612886772165 +rmse,0.08723623839137733 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-0/val-metrics-2022.06.24.16.16.00.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-0/val-metrics-2022.06.24.16.16.00.csv new file mode 100644 index 0000000..e4b3616 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-0/val-metrics-2022.06.24.16.16.00.csv @@ -0,0 +1,7 @@ +,0 +nll,-625.112004807598 +sharpness,0.14692264731896817 +variation,0.07904824702347016 +mae,0.05737590640896092 +mse,0.0076101603929093296 +rmse,0.08723623325722707 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-1/2022.01.26.17.50.43/train/events.out.tfevents.1643219444.node-l00a-002.myriad.ucl.ac.uk.89562.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-1/2022.01.26.17.50.43/train/events.out.tfevents.1643219444.node-l00a-002.myriad.ucl.ac.uk.89562.0.v2 new file mode 100644 index 0000000..d88743f Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-1/2022.01.26.17.50.43/train/events.out.tfevents.1643219444.node-l00a-002.myriad.ucl.ac.uk.89562.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-1/2022.01.26.17.50.43/validation/events.out.tfevents.1643219483.node-l00a-002.myriad.ucl.ac.uk.89562.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-1/2022.01.26.17.50.43/validation/events.out.tfevents.1643219483.node-l00a-002.myriad.ucl.ac.uk.89562.1.v2 new file mode 100644 index 0000000..e2f1215 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-1/2022.01.26.17.50.43/validation/events.out.tfevents.1643219483.node-l00a-002.myriad.ucl.ac.uk.89562.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-1/2022.02.10.15.34.04/train/events.out.tfevents.1644507245.node-l00a-006.myriad.ucl.ac.uk.191962.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-1/2022.02.10.15.34.04/train/events.out.tfevents.1644507245.node-l00a-006.myriad.ucl.ac.uk.191962.0.v2 new file mode 100644 index 0000000..a4e5802 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-1/2022.02.10.15.34.04/train/events.out.tfevents.1644507245.node-l00a-006.myriad.ucl.ac.uk.191962.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-1/2022.02.10.15.34.04/validation/events.out.tfevents.1644507298.node-l00a-006.myriad.ucl.ac.uk.191962.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-1/2022.02.10.15.34.04/validation/events.out.tfevents.1644507298.node-l00a-006.myriad.ucl.ac.uk.191962.1.v2 new file mode 100644 index 0000000..4e07613 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-1/2022.02.10.15.34.04/validation/events.out.tfevents.1644507298.node-l00a-006.myriad.ucl.ac.uk.191962.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-1/metrics.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-1/metrics.csv new file mode 100644 index 0000000..8a749d1 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-1/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,-3040.649378790641 +sharpness,0.141014484253851 +variation,0.06945765527180832 +mae,0.06954177476542028 +mse,0.009682879815461343 +rmse,0.09840162506514485 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-1/predictions.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-1/predictions.csv new file mode 100644 index 0000000..8c75b62 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-1/predictions.csv @@ -0,0 +1,3787 @@ +,Predicted value,Predicted standard deviation,True value +0,1.4093436372754828,0.13914025509497469,1.24 +1,0.6188929516164974,0.14013056242020155,0.62 +2,1.669861706005629,0.13891571532299077,1.56 +3,3.3316104067654058,0.150281486482903,3.16 +4,2.5126160217799827,0.1421861750189785,2.3 +5,1.2741219389663057,0.13804122713863282,1.3 +6,0.7072744671040203,0.14053196059039663,0.58 +7,0.7190691443724893,0.14089551565835154,0.68 +8,2.7844061686540185,0.14570723458158488,2.84 +9,0.9493907097182328,0.13825475413183347,0.92 +10,3.3089521848201136,0.14965341852562816,3.2 +11,0.9287361718595752,0.1382815436559159,0.86 +12,1.3701254398481302,0.1387133291782282,1.38 +13,1.8722531443457724,0.13891325857843886,1.9 +14,1.6493146794399847,0.13856285568436746,1.72 +15,3.668704430516537,0.1485866053811852,3.6 +16,1.3894862408986013,0.13898849184381468,1.44 +17,1.5054658538125159,0.13809554205618502,1.48 +18,1.5912610572812182,0.13860336142033414,1.64 +19,0.7198451416570348,0.13992408459414585,0.62 +20,1.7109625647774456,0.13889071256887203,1.7 +21,1.0288086353785806,0.13825392461528413,1.0 +22,0.9957013020701906,0.13817844284730574,1.02 +23,1.7939495265310113,0.13907482750931283,1.6 +24,0.4447749550557978,0.14112813096755664,0.44 +25,1.3738154095373316,0.1385044890674027,1.42 +26,3.1667589160764598,0.14930077370347491,3.14 +27,2.317352251380732,0.1400519396747567,2.4 +28,1.371576701006009,0.1388183176713965,1.36 +29,2.148764332804613,0.1390674522811691,2.22 +30,1.2769911820854878,0.13804509779522955,1.26 +31,1.6015994759558856,0.1383116347002172,1.46 +32,1.774343339951428,0.13906069666882068,1.78 +33,0.8555083054287485,0.13900014162853258,0.72 +34,1.5938708214942805,0.13854284750349818,1.52 +35,1.3129907222604436,0.1382503925683279,1.2 +36,3.786415249792568,0.14495470548992986,3.44 +37,1.0573611520339474,0.138438704159426,1.06 +38,1.12757617363832,0.13827490479378968,1.24 +39,1.4308789130751967,0.13824652003590965,1.52 +40,1.3955227879152252,0.1384043567223467,1.46 +41,1.5524887982595557,0.1392587164707237,1.48 +42,0.7530609928075718,0.13986937264852378,0.7 +43,1.2043979129610802,0.13812515279313403,1.18 +44,3.5628649256821125,0.1478006949656967,3.54 +45,0.7555309021611931,0.13982549671921604,0.68 +46,0.7679377614077749,0.14003193238144898,0.64 +47,0.8607119444251792,0.1386649052252666,0.82 +48,0.06583178734163919,0.15061982137134944,-0.06 +49,1.6025254245401994,0.1383102122118342,1.62 +50,0.832299736766017,0.1387904008862238,0.84 +51,1.036481787430815,0.1383054263113331,0.92 +52,0.39534618551446865,0.1404628945612654,0.4 +53,1.4587277267295837,0.1392860710995007,1.44 +54,1.160873148334363,0.13816938838560267,1.14 +55,2.122330292138357,0.1390418358264114,2.1 +56,2.2722815943492725,0.1394924061646524,2.2 +57,0.6637089394251197,0.14073201808366226,0.54 +58,0.6217289285997678,0.1408782291103536,0.64 +59,0.878592774691664,0.13891082136309393,0.8 +60,1.4624476997021736,0.13927874383360406,1.36 +61,0.8548496341588985,0.1386847693755642,0.82 +62,1.327179041929301,0.13837163917105716,1.26 +63,1.4154494896080214,0.13827327989821153,1.44 +64,0.46929753671051255,0.14126717945028303,0.4 +65,0.3793693713313031,0.14116034855698484,0.32 +66,1.7691006412238783,0.1390593718528561,1.68 +67,2.1358715890430764,0.1390151211630025,2.1 +68,1.1800734432772257,0.13819840446081236,1.08 +69,1.4449106965210907,0.1396618075408546,1.44 +70,0.42495551772537166,0.14062783556446057,0.38 +71,1.5650521369304924,0.1381742785819903,1.54 +72,0.6252695950925959,0.1387602942479029,0.56 +73,1.4290879103469747,0.13825816007724606,1.48 +74,2.0594840901513427,0.1388754890816916,2.1 +75,2.4759501655300893,0.14150230231071292,2.44 +76,2.139766319115288,0.13939090912612165,2.28 +77,2.043470434227518,0.13873362477640794,2.02 +78,1.943988679685659,0.13886195103625526,1.84 +79,1.8734076102469883,0.1389317342907491,1.74 +80,3.9577021246623785,0.14450594615826587,3.84 +81,0.874879360430632,0.13853583943441344,1.02 +82,2.1602448094962368,0.13917652085577453,2.3 +83,2.2981130825375606,0.14017085065528018,2.24 +84,0.7692964370931739,0.13984449210493125,0.68 +85,1.3565301586882361,0.13858181165084066,1.58 +86,2.5960709974295098,0.14324231533942142,2.52 +87,1.7136699783338498,0.13861363502751534,1.64 +88,0.9445040905646094,0.1383419106461528,0.82 +89,0.8324611312055579,0.1392670843843579,0.92 +90,2.3478929500109507,0.1405046964532779,2.3 +91,1.6984234701742897,0.13884201960382936,1.72 +92,1.4147014469956636,0.13831430501532083,1.48 +93,0.654342782017717,0.13968844435673308,0.84 +94,0.9243183912845785,0.15462208983322748,0.8 +95,1.298070253053857,0.13827885506284793,1.26 +96,0.6559177837362702,0.13946251682627273,0.6 +97,1.8656344781295493,0.13893142364719185,1.96 +98,0.7553594410616027,0.13963481983273893,0.76 +99,1.2858362620056694,0.13809578713969475,1.26 +100,1.434598518844644,0.13823127904539784,1.42 +101,0.975768721390863,0.13820191736105927,0.94 +102,1.2959062114490996,0.1390354221302125,1.2 +103,0.4177948561720113,0.14102678311219002,0.32 +104,0.7093795752566825,0.13868482875721255,0.68 +105,1.8446885627111689,0.13896600517910931,1.84 +106,0.1777335510656739,0.1453391134392831,-0.04 +107,1.4573013642062582,0.1391111100577097,1.54 +108,1.3755615178438019,0.1388291880502441,1.38 +109,0.532620378122199,0.14023374358490365,0.5 +110,1.210500957596536,0.13992685931767318,1.16 +111,2.1097125707423237,0.13897668292351412,2.18 +112,0.9310326178629493,0.138361992421908,0.9 +113,1.621702837363709,0.13840858456404928,1.62 +114,1.1654261619299104,0.1381660830607012,1.14 +115,1.6805442415414502,0.13881533291232398,1.62 +116,1.8187043519490151,0.13901371684243213,1.78 +117,1.103651674069634,0.13817915593220587,1.1 +118,0.38631538212878436,0.14197177857193466,0.4 +119,2.1957481364014475,0.139581298145669,2.14 +120,0.27813005004142877,0.1413352625245045,0.28 +121,1.3445236099315343,0.138676411765103,1.4 +122,1.8109865537445797,0.13901072887640908,1.8 +123,0.5605641720568775,0.1394423509509319,0.48 +124,1.923043373672967,0.13883383576826938,1.92 +125,0.17798743902188274,0.1426654760289621,0.16 +126,0.6730122316974301,0.14048611151687213,0.68 +127,2.299188350791943,0.1395925485286711,2.28 +128,1.2150679875717278,0.13820018754511454,1.16 +129,1.335269515757381,0.13873149285507555,1.24 +130,1.2928628442776988,0.1390720045323285,1.26 +131,1.7090650624124093,0.1388917318209019,1.7 +132,1.8285181522212737,0.1389926747033276,1.82 +133,2.0718988685623705,0.1391573243145669,2.04 +134,1.3009372987591439,0.1390226734807292,1.28 +135,0.7958400910785732,0.1389063513066986,0.62 +136,3.830723285417455,0.1437832541831125,3.44 +137,0.8565421109683475,0.1384693499049254,0.9 +138,2.488340314545204,0.14195505920327742,2.4 +139,2.424239483109651,0.1410756215225454,2.46 +140,1.1774111285733282,0.13837125070499318,1.02 +141,0.7950206947170626,0.1392443326923447,0.76 +142,3.313819714447461,0.1497701833527505,3.26 +143,1.3424448795969992,0.13839313183794222,1.14 +144,1.7760114678538832,0.13905332584725572,1.8 +145,1.7948802625550995,0.13897940848827717,1.86 +146,1.0035193159616993,0.13821141942735668,0.94 +147,2.2024815347943862,0.13951134752373356,2.1 +148,1.8555602226169468,0.13898724447824373,1.9 +149,1.1762934106488911,0.1401184158894063,1.28 +150,1.632215279921975,0.1384772058563534,1.6 +151,0.2760020044253215,0.14226146964901268,0.16 +152,1.6554713948281075,0.13859467041834286,1.72 +153,0.6205558944006375,0.14175798638882528,0.52 +154,0.9038001675637579,0.13879698802320153,0.92 +155,1.5644278627269044,0.13817268836363036,1.64 +156,1.1881209901776009,0.13981686212151107,1.12 +157,1.7996096983710634,0.1390327904241312,1.88 +158,1.0679271934924506,0.138250826807486,1.0 +159,1.247123911646887,0.1380197154978626,1.16 +160,1.2138650188583346,0.1395940389823231,1.2 +161,1.0052273109323506,0.13816521602149087,1.12 +162,2.54526002986234,0.14245030155222527,2.48 +163,3.5434194834147155,0.1475019015869712,3.44 +164,1.393216992998112,0.13900619869304917,1.34 +165,2.275119453811718,0.13991332929083683,2.26 +166,1.2294419607774492,0.13812970842007086,1.24 +167,1.9110545823503378,0.13903593665904543,1.82 +168,1.046630442706447,0.13814035750706122,1.0 +169,1.194325950164866,0.13812288150856705,1.12 +170,1.0120851979080028,0.14866355864724623,1.14 +171,0.9495529844848276,0.13824986317662183,0.98 +172,1.0708536155567598,0.14226084139888479,1.04 +173,1.6436975106555805,0.1385347037840355,1.7 +174,0.36843450354313756,0.1401000124298843,0.42 +175,1.4073518141314372,0.13834568879590017,1.44 +176,0.7165391341134102,0.1395111404476847,0.62 +177,1.8053230925316717,0.13886033711884124,1.8 +178,1.446651083961128,0.13919058489376607,1.5 +179,0.7175603697438389,0.13987128633041487,0.66 +180,1.523136651364445,0.13923926753813273,1.48 +181,1.3258131937488065,0.1383187824878559,1.32 +182,1.6743101310434971,0.1387115052687465,1.68 +183,1.16597322409062,0.1421995177119658,1.22 +184,2.7556435363229808,0.14543286258214796,2.66 +185,1.2039762265355085,0.1403852760759482,1.18 +186,1.8418071966353073,0.1389750976373301,1.84 +187,1.383905882543199,0.13882459402597336,1.44 +188,1.0978502847942542,0.14391732589486142,1.02 +189,1.8164639388964963,0.13901207082925154,1.9 +190,2.207486294169583,0.139308987776696,2.12 +191,1.543378103588494,0.1389165624574462,1.56 +192,1.0002117325366617,0.13816272795766674,1.1 +193,1.3818067536911185,0.13878535601484981,1.4 +194,2.8271961781948276,0.14604467400912344,2.76 +195,2.1842125896732183,0.13914722804435325,2.2 +196,0.2969919582071219,0.14148632282760978,0.22 +197,0.9404640647255667,0.13827315366574724,0.94 +198,2.3674960989537253,0.14032501534441516,2.46 +199,1.2857915829002549,0.13809172456121874,1.28 +200,1.4379481055843177,0.1382238592026674,1.5 +201,0.7062702686164064,0.139847824481185,0.7 +202,0.9267472344040781,0.1383415194838817,0.98 +203,1.9013694093921023,0.13897389986056252,2.02 +204,0.9462242918853354,0.13821059850187034,0.84 +205,0.7267211100669178,0.138759893171343,0.84 +206,0.8413282560931696,0.13913866813143394,0.82 +207,1.3764663788189457,0.13849812530785652,1.36 +208,4.105081659468184,0.15019661822178448,3.96 +209,1.6281237276284903,0.1384423952912903,1.62 +210,1.1846045018365379,0.1410943161514938,1.2 +211,1.1803715885542934,0.1403885365886959,1.24 +212,1.0936309817010317,0.14391108174081574,1.1 +213,1.235474132319342,0.1381109207287866,1.16 +214,1.5208898240585027,0.13809819162807324,1.56 +215,1.0911419279101144,0.1381548234362336,1.08 +216,1.5768924931060608,0.13821259177654327,1.72 +217,2.6602858703293384,0.14401859384132837,2.62 +218,1.1328660437981055,0.13817693601148356,1.02 +219,1.7040753039058485,0.13886819097121797,1.7 +220,2.189583066950987,0.1392562614644026,2.12 +221,1.0005491825724908,0.1381868304502242,0.86 +222,1.2181497497466642,0.13814580581870234,1.18 +223,0.559143728267208,0.14069326633949908,0.48 +224,1.3034799285150518,0.13820665153550749,1.28 +225,0.8464984859727869,0.13871499384698532,0.78 +226,1.5854317150984008,0.13824317710675033,1.58 +227,0.4447422919895905,0.14002421471114232,0.5 +228,0.15896495429983926,0.145449403311374,0.14 +229,2.478195712792476,0.14209420370097012,2.62 +230,2.691896805194843,0.14442052042828626,2.66 +231,1.2194787941565712,0.13805062160317577,1.24 +232,1.407460048323503,0.13834324555356073,1.44 +233,0.9744562143156221,0.13832425361668596,0.92 +234,0.7179770651987196,0.1397628584944493,0.72 +235,1.9321208389100404,0.13885847600960496,1.98 +236,3.893368419780635,0.1435772309076062,3.72 +237,0.9144674679659763,0.13844069777732573,0.98 +238,2.109743307439035,0.1388708001995612,2.04 +239,0.9056850141750159,0.1383069584133334,0.88 +240,2.515073520848378,0.1422944081354142,2.46 +241,2.7850261468513535,0.14571739220623403,2.9 +242,2.785581889128287,0.14577785046006078,2.56 +243,2.6681646737463245,0.14410893831798577,2.64 +244,1.4641074140841104,0.1381479582588357,1.46 +245,2.2474272940548152,0.1399703792988989,2.16 +246,1.5480347367085114,0.1381339110003659,1.52 +247,0.46180857232391315,0.14076998678612546,0.46 +248,1.7320771569730047,0.13898733967111734,1.76 +249,0.7791210578001175,0.15908445517317732,0.78 +250,2.2167163191756414,0.13946092821983205,2.22 +251,1.578545739700579,0.13821766521543524,1.6 +252,1.413122972599914,0.13831683543902212,1.38 +253,1.7428633607031427,0.13903059576066168,1.82 +254,1.5876054530098456,0.13825234213683701,1.54 +255,3.258339964090662,0.1493637233346876,3.16 +256,1.8023483402017986,0.13902213881602518,1.88 +257,2.276045938959512,0.13970673315440763,2.24 +258,1.5154132739716486,0.13809534956724448,1.42 +259,1.501433421011039,0.13809487228067457,1.52 +260,0.9716876125589868,0.1381841708303814,0.9 +261,0.8103126457980023,0.13935511744420864,0.56 +262,1.87276096709327,0.13893687056936935,1.86 +263,2.6557794701291746,0.14393911356936326,2.3 +264,1.7781598752846959,0.13901130139051454,1.78 +265,1.4812874393832223,0.13896618776814376,1.48 +266,1.0380836324606255,0.13958202944164094,1.1 +267,0.20585872252445991,0.1448187441216421,0.12 +268,1.910684764170461,0.13895837910763278,2.06 +269,1.1257023893247178,0.14231876085537054,1.24 +270,0.8297531390243966,0.13908070985945692,0.74 +271,0.506980948031809,0.14080157602423585,0.42 +272,2.3287039747413543,0.13984877252333425,2.2 +273,1.9528685180737027,0.13911233246801202,1.86 +274,2.1576151152349636,0.13940698863695694,2.08 +275,1.244098073197704,0.13949599928151865,1.26 +276,1.9464568656173347,0.13880996679235352,2.04 +277,1.0821055485472888,0.14391648821025746,0.98 +278,1.8267431833300938,0.13899381805010153,1.88 +279,1.3065083910063136,0.13895544421324216,1.24 +280,1.3117094826835958,0.13825850415194088,1.28 +281,1.7139653685199567,0.13891023043171963,1.56 +282,0.6869016163855006,0.13970675575423552,0.78 +283,1.7333135146472811,0.13896374536030787,1.72 +284,1.593343704545659,0.13827458862234515,1.68 +285,1.629768872407868,0.13845239717310628,1.58 +286,0.8712345896296503,0.13858696943594204,0.88 +287,0.46018170704540307,0.14031525336174752,0.54 +288,0.9488630828035189,0.13826954537894018,0.82 +289,2.375883875950385,0.14064960222103087,2.32 +290,1.8851942406699704,0.13893762209800053,1.94 +291,1.050235198470335,0.1382126597871843,1.08 +292,1.2712727803493626,0.13915795945103646,1.36 +293,0.7091383500103161,0.14042385038498373,0.62 +294,1.2132777686544456,0.13940455048228992,0.98 +295,0.1670204216021629,0.14489013717002422,0.12 +296,1.6852250266518594,0.1387700948781888,1.66 +297,0.9152780206105708,0.13828087153712124,0.86 +298,0.5311267312790049,0.14040166953031527,0.46 +299,0.4456863769089088,0.13904913603467706,0.4 +300,3.2266982525163206,0.14935498760669644,3.12 +301,0.5509499465196042,0.14058753290107362,0.48 +302,2.014235964973685,0.13870815142357135,1.98 +303,1.055541566630203,0.1382457650144038,1.08 +304,0.9315577454762645,0.1382537447601645,0.62 +305,1.8195876482892102,0.13900123699525008,1.82 +306,1.05394784065951,0.1382487621159568,1.04 +307,1.8664420017890597,0.13893105047555426,2.02 +308,1.5293581225010007,0.139176149928257,1.54 +309,1.2617011394046171,0.13929944182404058,1.4 +310,1.4888073225990892,0.13810671213276146,1.56 +311,0.7551457860857296,0.13972227626152306,0.78 +312,1.60746827541693,0.13833752853567677,1.64 +313,2.2275437245282346,0.13999251040123825,2.1 +314,0.9023238829093492,0.13832566501349475,0.86 +315,1.2435136159956661,0.1382725663925157,1.24 +316,1.0367402842967008,0.1381538416194409,1.12 +317,1.3075940246608893,0.13822537572775925,1.3 +318,1.2682909283254942,0.13803002606875733,1.26 +319,0.44724490479055756,0.1390606599807513,0.64 +320,1.2543644310105497,0.13952366547226988,1.34 +321,2.0880456332432997,0.1387955363470512,2.04 +322,1.8362028030289776,0.13899100689361077,1.84 +323,1.1727990783804882,0.13990593609166851,1.04 +324,1.4376198618143823,0.1382245064721429,1.46 +325,0.8924011924775099,0.1388660382019464,0.82 +326,1.320469527782751,0.13817275105107002,1.3 +327,0.9912203410288063,0.13818129417907746,0.94 +328,1.7352706313755553,0.1389995152589354,1.78 +329,0.5283642294685569,0.1397155349839797,0.58 +330,0.9550737811788741,0.13822608163623162,1.02 +331,1.1792507120903606,0.13817027998917258,1.14 +332,1.248778934908258,0.13824080509643022,1.16 +333,2.506153782342202,0.14216801409248905,2.6 +334,1.413680281089678,0.13910131192913805,1.44 +335,1.7758310410536629,0.13897136887097764,1.94 +336,1.014449971306159,0.13847340505833536,1.04 +337,1.5168535518519155,0.13892436131636896,1.46 +338,1.7361653478746808,0.13894644251667404,1.74 +339,2.1634697893124963,0.13901914285556333,2.24 +340,0.4694784434362509,0.1403019770943983,0.4 +341,2.4101083053603487,0.141164336104245,2.34 +342,1.7145125958400724,0.13891113444479306,1.74 +343,1.77981498396366,0.13905540486088006,1.84 +344,0.9595417633752055,0.15281850575285102,0.88 +345,2.081382632577621,0.138967125101665,2.12 +346,1.145820835595095,0.1382098090619559,1.18 +347,0.5583635939050025,0.13980469429031978,0.54 +348,0.584432841992224,0.14001109934863704,0.64 +349,2.051283668753878,0.13883986981659827,2.06 +350,1.7047278166214488,0.13887116819843903,1.72 +351,1.5494572937368813,0.13813932012207697,1.52 +352,0.8662656611175121,0.13864118214533475,0.88 +353,1.2329999480479392,0.13951557835968154,1.26 +354,0.6701463014843787,0.13877605981100652,0.58 +355,0.9374213428593263,0.13853985073358072,0.9 +356,2.0084541007378816,0.13873699794115252,1.94 +357,1.3260934241764373,0.13876478315536936,1.3 +358,1.0092701659236765,0.13830123006303502,0.9 +359,0.5231726919727953,0.14051791788537174,0.52 +360,0.9797053013931736,0.138195107617291,0.94 +361,0.6598244255652004,0.13928936859827118,0.86 +362,1.2435345127703519,0.1381298352064203,1.18 +363,1.5153955427375285,0.1382251267444759,1.46 +364,1.4301320082013431,0.13824865903973443,1.44 +365,2.9209299679819507,0.1477113868858026,3.02 +366,1.105036949740021,0.13818133789835274,1.12 +367,1.9778323427723157,0.13895247060256202,1.82 +368,1.1025693171620352,0.14436377724075172,0.9 +369,1.8489383411690694,0.13895533799570672,1.96 +370,2.155562122742526,0.13934585333044,2.06 +371,1.8121361470721444,0.13900328956248437,1.74 +372,2.110477785270528,0.1387792839389763,2.38 +373,3.9794831392809646,0.14431177591757458,3.88 +374,1.433319825232597,0.13909273516356271,1.34 +375,1.4292899815153666,0.1394593418634974,1.36 +376,0.45273747057387137,0.1388266162801531,0.46 +377,2.0095079230196182,0.13904603266562476,2.0 +378,1.8107302260890732,0.1390125034509155,1.78 +379,1.7527506517386682,0.13900746606398418,1.78 +380,1.1586652395606363,0.13818936181989844,1.14 +381,1.6929087229268047,0.1390303431150699,1.68 +382,1.4196344542959407,0.13828606631640275,1.3 +383,0.2971345414048292,0.14189899949394766,0.22 +384,1.1974678901224207,0.13813296988806276,1.2 +385,1.0775904748054606,0.13833617559134356,1.04 +386,1.06200389347548,0.13824147460574482,1.16 +387,1.1726709322638404,0.14061299848434075,1.16 +388,1.2069529024458765,0.13814373682553416,1.2 +389,1.0697869642301923,0.14324601347905178,1.08 +390,2.1262478086506063,0.1387774570737834,2.14 +391,1.429884707421972,0.13927031221548847,1.42 +392,1.6180320445706533,0.1389459468137032,1.62 +393,1.1514175011891252,0.1406188030818552,1.1 +394,1.5399348129582853,0.139097449050388,1.44 +395,0.568729121496804,0.13933574557757933,0.5 +396,1.1014610854730504,0.13816873614418643,1.06 +397,1.0598319652815844,0.1434481003373231,1.12 +398,3.5518883826897527,0.14786915428230812,3.54 +399,1.1359881833508032,0.1382886783688369,1.08 +400,1.3936156184292257,0.1384098071865521,1.2 +401,0.5325319923512479,0.13944855386932759,0.58 +402,3.4509493512751623,0.14903691399689833,3.36 +403,0.8808488041629721,0.1386689135128223,0.8 +404,0.7381879268078526,0.14071650228896923,0.62 +405,0.857814460335045,0.13844556781108563,0.72 +406,0.9849302908225104,0.1381913815952483,0.86 +407,1.97296043268405,0.13874964643205975,1.9 +408,1.4233977047673028,0.13930540263734947,1.34 +409,1.8063795627613741,0.13903875340191518,1.92 +410,2.905219049752499,0.14695328686581924,2.94 +411,1.251612884675839,0.1380251150248929,1.16 +412,0.7183928133608992,0.14061125106557668,0.56 +413,1.1333538827141814,0.1381756914719393,0.86 +414,2.4346130145767395,0.14137482038408103,2.36 +415,0.26997949440411784,0.14041670685133434,0.28 +416,1.696529404275359,0.138829599341576,1.6 +417,1.5368668027687589,0.1392982600997406,1.4 +418,0.6320170790333632,0.13920984042202428,0.52 +419,1.2049511594870124,0.1399302344400337,1.16 +420,1.4324072602478557,0.13917982663710235,1.4 +421,2.342786006585821,0.1400925320542601,2.36 +422,2.6725231389587085,0.1442120119590952,2.72 +423,0.847564655098572,0.13976325058528538,0.76 +424,1.4360581511862014,0.13823346366314226,1.48 +425,4.030824240105745,0.14827194733162652,3.84 +426,1.90718579023489,0.13890050582836344,2.0 +427,1.6407390529988275,0.13851569469891048,1.56 +428,1.4926208418639346,0.13861947251181517,1.42 +429,0.9459794803377823,0.15042181880550587,0.8 +430,1.6668374418563046,0.13866282476867514,1.66 +431,0.325493620084198,0.1433164259788823,0.2 +432,1.3368637715895053,0.13874073718104954,1.44 +433,2.8614377668216795,0.1462952586282997,3.1 +434,0.9457186722748956,0.1383273819229812,0.86 +435,0.8680322277956973,0.13873904041033117,0.78 +436,0.6020113556196796,0.14185471707890152,0.54 +437,1.41720138476063,0.13830569087414363,1.44 +438,0.5939044528545905,0.13966572425357893,-0.3 +439,0.8985727015144489,0.138346501313649,0.84 +440,1.120589405447567,0.14125827353953765,1.0 +441,0.929371374743698,0.13833660523468572,0.86 +442,2.0871079871750835,0.13955071617293538,2.02 +443,1.0344639270720135,0.13815542178332152,1.08 +444,1.3401849667098764,0.13840606740552505,1.2 +445,0.7136636976408317,0.140743260512141,0.7 +446,1.6504288485162482,0.13851881877753822,1.58 +447,1.9231394688943793,0.1388670833270098,1.88 +448,1.7021601951773802,0.1388067891404539,1.78 +449,0.5149337486543706,0.14193049332971405,0.54 +450,0.5380026606952404,0.1412365680108657,0.5 +451,1.1712525268463265,0.14106523316404698,1.2 +452,1.082559552323878,0.13814944157032338,0.96 +453,1.201241169415808,0.1404002894557593,1.18 +454,1.2446750436919407,0.13947404371261007,1.36 +455,1.1658944937647489,0.140156928895916,1.2 +456,2.807866410514335,0.14586548251348555,2.84 +457,1.9837343983752964,0.13891432334444478,1.82 +458,1.7589944652601437,0.139001911655462,1.74 +459,1.2932075651441108,0.13814030282523598,1.12 +460,1.7381446975496209,0.1389881086360436,1.78 +461,1.4158691672195927,0.13831060097762674,1.34 +462,1.5918189475825697,0.13826925131571363,1.42 +463,0.21607677155912253,0.1426342423567376,0.34 +464,0.5360791997817236,0.13903110414860206,0.6 +465,0.8655771162170138,0.13877858287829148,0.76 +466,0.9914791139388681,0.1382302261858414,0.84 +467,2.5231210940737503,0.14226771504612512,2.48 +468,0.6608552788561175,0.13951830843939422,0.46 +469,1.5609284110531432,0.13816258833173847,1.56 +470,1.0517101279473478,0.1381724095788256,1.16 +471,2.5236196217659765,0.14255098594890542,2.54 +472,1.2411894680090318,0.13811780554392655,1.24 +473,1.77226357963698,0.13906194310434639,1.78 +474,1.1754239399947748,0.1381648734147769,1.12 +475,1.0060430405229353,0.13815902296723753,1.02 +476,2.9111395225115,0.1469068414873201,2.92 +477,0.09517119587109146,0.14873279685803872,0.1 +478,0.9371999508506894,0.1383935170161755,0.84 +479,0.9858587550814937,0.138326620983045,1.02 +480,2.5939058075412786,0.1431283533448527,2.62 +481,0.8806133902178948,0.13853653747507363,0.88 +482,3.055121540406602,0.1485648926622072,3.0 +483,1.3910619777568725,0.138426260296523,1.3 +484,2.806088100783163,0.14578830639940327,2.8 +485,1.618421492414707,0.13873031057428906,1.54 +486,1.4857076083108813,0.13930010617354155,1.38 +487,2.517667268653603,0.1420265348774621,2.58 +488,0.9526236037906619,0.13823147145047004,1.0 +489,0.9584948243423588,0.13824991838425882,0.98 +490,2.529527223469823,0.14240705993933805,2.5 +491,1.7003011712629563,0.1388512333837676,1.7 +492,2.778492807733481,0.14561752987317722,2.74 +493,0.8713846792666535,0.13912548385384516,0.8 +494,2.4335160911717955,0.14127925490712379,2.36 +495,1.5445517624853222,0.13812859644942754,1.52 +496,1.299835525904128,0.13894162106791116,1.32 +497,1.3655949576290771,0.13823415247800916,1.32 +498,1.047054428378039,0.13833829147642934,0.96 +499,1.0853156598205649,0.13826207780803923,1.04 +500,0.6313217945066745,0.13997420976022848,0.6 +501,2.1037324702325533,0.1391180565530137,2.06 +502,1.012088348762986,0.13814399671754254,0.94 +503,0.7334042949777873,0.13934636829941222,0.7 +504,1.0528794134239154,0.1381634517708796,0.98 +505,1.2338420811077553,0.13947356950265966,1.28 +506,2.3010014251828776,0.1402367345122512,2.28 +507,1.6566608996557042,0.13859958541474507,2.18 +508,1.3307197343575536,0.13835945441299086,1.36 +509,0.20944816454031123,0.14558853754607126,0.02 +510,3.1510851013174976,0.1494021079932649,2.98 +511,1.3995630644270056,0.13838333259059643,1.42 +512,1.5934727800851816,0.13865719018431372,1.5 +513,0.9560023382610501,0.1382777496152503,1.14 +514,0.8121602267870385,0.13925992269544163,0.9 +515,0.9052679593806614,0.1382917961616611,0.96 +516,0.8973967541504626,0.1387008078929439,0.9 +517,2.0983464275525803,0.13885059256775706,2.18 +518,1.105643845463276,0.13829854196265873,1.14 +519,1.2762425893643146,0.13924562812284577,1.3 +520,0.8867453426890384,0.13840745250017644,0.94 +521,2.6599259236480455,0.14413776838185807,2.58 +522,1.1861791192031026,0.1403977357024498,1.2 +523,2.2033918772248624,0.139729926238161,2.18 +524,3.325374983952435,0.14903717409312142,3.18 +525,1.0172605582511869,0.13814611669313218,1.0 +526,0.8762498926884481,0.1388002923136322,0.94 +527,1.128510385960836,0.1382049703694139,1.06 +528,0.8768171581243882,0.13886515472427843,0.9 +529,1.4907558466110329,0.13889341035843333,1.42 +530,1.651986372190268,0.13857632182905916,1.64 +531,1.2575240321067929,0.1380618183477024,1.28 +532,0.9885840024416188,0.1548293620906958,0.96 +533,1.821681467680377,0.13901357418824414,1.8 +534,1.2097797089066438,0.13816348674061169,1.06 +535,0.6657642538404849,0.14003400086927803,0.62 +536,2.1544150302960174,0.13949627129634262,2.04 +537,1.8125857942414312,0.1389760118052814,1.8 +538,1.3019012685300693,0.13806773760615393,1.22 +539,1.3024779447573485,0.13812743334838395,1.3 +540,1.205678513565057,0.13986716913922456,1.32 +541,1.400176452097802,0.1387687316796141,1.36 +542,0.40298561909144137,0.1399768951837155,0.26 +543,1.3049925108899982,0.13835903614024941,1.32 +544,1.3055483039248577,0.1388973070072624,1.34 +545,1.4513932526849045,0.13922017545967166,1.44 +546,2.1731249890006046,0.13931780738903005,2.16 +547,1.6572854492967712,0.13859731201496425,1.46 +548,1.7885333557480463,0.13902746174405534,1.68 +549,1.9846829928185263,0.1387665705550111,1.96 +550,0.8090940898491352,0.13958769845404306,0.58 +551,1.4390034838425398,0.13821689579919272,1.56 +552,2.1805352731511354,0.1393290660279817,2.14 +553,3.4673441923047745,0.1525836634996843,3.48 +554,2.1133433749225636,0.13925938831789508,2.1 +555,0.5662985598704813,0.14169597915178297,0.46 +556,1.4476523076644687,0.13906205856596587,1.4 +557,1.532123863826004,0.13810639373958797,1.54 +558,2.310905298499029,0.14011338136951668,2.24 +559,1.845737067642708,0.13896457644741678,1.88 +560,1.5516444501374798,0.13814031440559013,1.62 +561,1.243271324737818,0.13808387415577003,1.26 +562,1.3647100950528452,0.13853999599363567,1.3 +563,0.9659254279082026,0.13824247685934343,0.94 +564,1.8766995584068757,0.1389076974732413,1.88 +565,0.6605708643625929,0.13913503636070804,0.52 +566,1.0658624026804722,0.13830360171673023,1.1 +567,1.0380553937859096,0.13813226797727166,0.92 +568,1.737441874501072,0.1390062518859264,1.7 +569,0.9652764755837948,0.13819740612374806,1.02 +570,1.8988869364885437,0.13896633620597773,1.88 +571,1.723817151529171,0.13896009486051536,1.76 +572,1.6173774262196536,0.13839002034275957,1.66 +573,1.7553224170263944,0.1390350234365836,1.82 +574,3.2217158439957947,0.1495534940784445,3.12 +575,1.0684651355104782,0.138247579196345,1.08 +576,3.143635587905087,0.1504799147612526,3.9 +577,2.775104904837117,0.14558445501029682,2.78 +578,1.1215417583434002,0.13820178567326258,1.08 +579,3.6915100875131364,0.14770829102991262,3.54 +580,1.4837994230187723,0.1381101117785135,1.52 +581,0.4904271193552452,0.1413494874979532,0.48 +582,1.1372847818039906,0.138181638991324,1.16 +583,1.5315479407441215,0.13810719379654182,1.48 +584,0.570893194536203,0.1396538569922957,0.6 +585,2.0107140929438456,0.13873286253365488,1.96 +586,1.6097334282286004,0.13835164210610418,1.58 +587,1.490874049688407,0.13810053733535393,1.46 +588,1.953474932757806,0.13898000080319428,2.06 +589,1.9612405093837664,0.13892165860371525,1.88 +590,2.133716542063108,0.13889264031215395,2.16 +591,0.5371120920240164,0.14045846070219528,0.44 +592,1.52220870515288,0.1380985695643111,1.54 +593,2.633400698481302,0.14366936195489033,2.64 +594,1.6618780771792592,0.1386349572193005,1.62 +595,0.6620156864454207,0.13925717606758192,0.56 +596,2.682360478686163,0.14427548540368232,2.62 +597,0.7198579634887556,0.13885100499803277,0.78 +598,0.39702771758640676,0.14021624235361574,0.42 +599,0.7979646544890135,0.13888689881850705,0.8 +600,2.1440055319626117,0.13939629117461788,2.24 +601,0.3592301723771234,0.14025200881661487,0.38 +602,1.349740603763471,0.13862255761216663,1.18 +603,1.1250396644409824,0.13825756210557066,1.18 +604,1.7578095396570133,0.1390313608092971,1.84 +605,1.2667505849316525,0.13807827816439905,1.22 +606,1.7659927653538459,0.13904292564304993,1.66 +607,0.7080535654301761,0.13943141766930103,0.48 +608,0.6533289449270638,0.1414010783166705,0.6 +609,0.8077833597544055,0.1394855196053018,0.72 +610,0.7947553059074783,0.1387687393285996,0.8 +611,1.758885554862064,0.13905285580515453,1.78 +612,1.2321521252968308,0.13813532453572014,1.32 +613,2.1333970823959403,0.13913734272065023,1.96 +614,1.5917113023835396,0.13876977046155067,1.66 +615,0.45405105291315717,0.14019005881336677,0.42 +616,0.5099989495529149,0.13982312462235325,0.56 +617,1.0983632480933236,0.13821994537058774,0.98 +618,1.7982461537052492,0.13900873359130894,1.84 +619,1.5696102773027567,0.13818978537644913,1.42 +620,1.3511641906795964,0.13865849675146297,1.36 +621,1.3388652487016683,0.1387366655523891,1.42 +622,1.6745741474837308,0.13862963127586586,1.66 +623,1.0992718237386816,0.1433762002863053,1.04 +624,0.9080595754443399,0.1383728549251071,1.04 +625,1.705710878470195,0.13888071401444282,1.7 +626,2.1997457121745,0.1391678971594285,2.16 +627,1.310097490287549,0.1389598367485518,1.36 +628,1.5971316614843252,0.13857813713140082,1.52 +629,1.714010755143362,0.13888515177143562,1.76 +630,0.37790275697022846,0.13938056595247267,0.46 +631,1.47674807747478,0.1381225888499846,1.34 +632,4.498010781069612,0.29962131549155313,4.58 +633,2.581501710153918,0.14327842528650123,2.52 +634,0.4647717047246891,0.13955888534362482,0.68 +635,1.500875712498586,0.13809538633833765,1.62 +636,1.7046285891968251,0.13886034029545055,1.56 +637,1.7048295413919865,0.13886263452310374,1.68 +638,1.8153077890490072,0.1390141020231401,1.9 +639,0.8227168652260302,0.13960174843156903,0.88 +640,2.2391215529948516,0.13977128557381657,2.26 +641,3.101506308206452,0.14854390990149277,3.1 +642,0.428132631530743,0.14057610527744735,0.4 +643,1.108253210008452,0.14127008135651897,1.06 +644,1.4364724664966664,0.13950569569213422,1.38 +645,1.257016920822081,0.1381161120968725,1.08 +646,1.8335587572141767,0.13898811485878723,1.82 +647,0.631775705486258,0.14010185524057037,0.48 +648,0.48097797234275586,0.14088014433805124,0.48 +649,1.5750000817205096,0.13820674328696286,1.4 +650,0.9688518014426988,0.13818421228419123,0.8 +651,1.1391517169114058,0.14107505518054975,1.14 +652,0.21587485159339348,0.1418379331101905,0.48 +653,1.4454089288381544,0.13909346132545572,1.46 +654,1.0784612692494333,0.13822755615000998,1.04 +655,1.4516654447337478,0.13920688498987097,1.52 +656,0.47717897285993427,0.13894800225150528,0.42 +657,0.9101900062032184,0.13832477525856576,1.0 +658,1.5188906387561607,0.1395369839450327,1.4 +659,0.6525421558851319,0.14074763625652417,0.54 +660,1.0017638318122009,0.15159128869934926,0.84 +661,2.8205887843032427,0.1460953031215763,2.7 +662,2.4688173514628593,0.14165126701045783,2.42 +663,0.08271808638039868,0.15021497647569176,0.0 +664,1.679195810015023,0.13887051124904307,1.54 +665,0.2504964816726618,0.14089917734953245,0.34 +666,1.0815891825691564,0.13818132703399802,1.04 +667,1.5635413188014402,0.13902565724367294,1.48 +668,0.8296246117826547,0.1394157937006192,0.78 +669,0.4594432920592686,0.1397944883833855,0.48 +670,3.349853656356813,0.15000850127751755,3.44 +671,1.2092138635672063,0.13812397100633056,1.2 +672,1.2122250078613162,0.13826941098461343,1.08 +673,1.3278622805803968,0.13831827051146584,1.3 +674,2.534982980300156,0.14249394731485052,2.5 +675,3.6837254662536223,0.14613480096431775,4.24 +676,1.2297432273503537,0.13805146860073084,1.0 +677,0.948832829394596,0.13824805596007295,0.96 +678,0.8259197915379621,0.13964520772859657,0.88 +679,1.7940325568417554,0.13902958182752267,1.8 +680,1.1147338170875036,0.13821147130632955,1.02 +681,0.9038220955347738,0.13833025572925348,0.86 +682,1.8389850605211455,0.13898730581632726,1.88 +683,1.425822621808158,0.1389161514765321,1.32 +684,1.310718185577712,0.1381635772721739,1.28 +685,1.4956754039416849,0.13910327300714964,1.46 +686,2.0246338443550114,0.13873229585866728,2.12 +687,0.5890418945602169,0.1390684273545854,0.56 +688,1.4469917569904451,0.13819159517305796,1.54 +689,1.374835899164565,0.1386391621204311,1.34 +690,0.9589369177336655,0.13830482899940502,1.0 +691,0.674542931604349,0.1395065616351784,0.62 +692,1.2650999634617248,0.13816859821653507,1.22 +693,0.6314624342923727,0.13885289691215108,0.48 +694,1.7174089335094882,0.13895159310062496,1.74 +695,0.7054020937055219,0.13872808061195144,0.6 +696,1.2879584964260422,0.1391520422792221,1.34 +697,1.3095781401559305,0.1383124450717619,1.26 +698,0.22198293514748624,0.14163018526066634,0.2 +699,1.9791465907223644,0.1388499637028902,1.94 +700,1.632706460966726,0.13846949515324253,1.6 +701,1.306758102520937,0.13810886501533423,1.36 +702,3.9394538886525217,0.14372254286916678,3.58 +703,3.00285477731991,0.14796456649112774,2.9 +704,1.7189293345661367,0.13892892389677247,1.88 +705,1.2035318073689458,0.13810371347539532,1.26 +706,1.5176309216637938,0.13877921532125764,1.56 +707,1.3592296807069557,0.13859968442401754,1.18 +708,1.1362515072777937,0.13817227169453963,1.2 +709,0.9281878876299627,0.1383751903824096,0.78 +710,1.9914836143350447,0.13890833437960826,1.9 +711,2.4363753943648225,0.1412603509563115,2.34 +712,1.278533503213743,0.1381451993462705,1.42 +713,2.7713434090378106,0.14531119251931912,2.66 +714,0.4350022494019248,0.1412987755037039,0.4 +715,0.350483303510301,0.14088119609931682,0.24 +716,1.7202383263025345,0.13836405581579497,1.68 +717,2.892510097268885,0.14663211101001022,2.94 +718,2.424839489583806,0.14109712948679828,2.44 +719,1.7904579464978765,0.13902463536988366,1.82 +720,1.9199752542855455,0.13886902254704023,1.94 +721,1.8043467022194752,0.13901371122494474,1.9 +722,0.8229811762025099,0.13853576025971728,0.76 +723,4.511389562775949,0.3061797986729137,4.54 +724,1.1876178842254168,0.13814284225983003,1.26 +725,2.009475233748673,0.13888216749761548,2.02 +726,1.797617397576981,0.13904209202222395,1.8 +727,1.3827748575845638,0.13880727708382354,1.34 +728,1.860420034896726,0.1389367518178708,1.96 +729,1.8823113233999171,0.13894759453977354,1.84 +730,1.6753359525702427,0.13870376266206266,1.6 +731,0.7279870821268757,0.14004156287972977,0.64 +732,1.361048851926074,0.1387858101842309,1.24 +733,0.6337787623933826,0.14106541934591071,0.6 +734,1.647802880134285,0.13856450126650305,1.64 +735,1.713644294324502,0.13892586030499168,1.62 +736,0.7693294259115993,0.13932154362982496,0.7 +737,1.4779678175104776,0.13938846205712088,1.4 +738,1.2886300494196083,0.13806793702718992,1.16 +739,1.7365675461621732,0.13900304504579347,1.7 +740,0.8382696324288608,0.15789652195446532,0.7 +741,4.278655367785022,0.17860383984488304,4.1 +742,0.34097187180934707,0.14084656784674043,0.26 +743,0.5577121484427527,0.14073923102580616,0.6 +744,1.3154645924170714,0.13816043843513598,1.26 +745,2.7706171433826183,0.1454066288793404,2.7 +746,0.7140336260567706,0.13973279669657965,0.6 +747,1.9538953818166425,0.1389355718246135,2.02 +748,2.0816977573324555,0.13872765138498996,2.08 +749,1.9721251387158167,0.13876370494299237,1.94 +750,1.3321792669666968,0.1383147569116674,1.22 +751,1.9619954216886368,0.13877143389144964,2.04 +752,2.009340432037024,0.13872123574095438,1.92 +753,3.8070333910540333,0.14473403565496795,3.46 +754,1.5118048446333558,0.13809388019923366,1.4 +755,1.2550337519478623,0.138020442804269,1.28 +756,0.8502630114691945,0.1586618641927162,0.78 +757,1.8304394094393919,0.13898132015637862,1.9 +758,0.8162540558445377,0.13941139095183927,0.84 +759,1.2087217576729357,0.13973731875643455,1.14 +760,1.0721781603366756,0.13902078270458396,1.06 +761,1.291453354658258,0.13899131130395082,1.28 +762,1.553638410915151,0.1381450025736631,1.58 +763,1.2406194725800246,0.13811697073566442,1.28 +764,1.0411385854811739,0.13812912062291935,0.88 +765,0.49782576060396533,0.13973236779878406,0.56 +766,3.636871470664061,0.1462945169090976,3.54 +767,1.1815731903019389,0.1381354665888585,1.24 +768,1.1855425085383855,0.13814598533277636,1.2 +769,2.4209973423653564,0.14128375651492595,2.84 +770,0.7226569829841756,0.1395144890564169,0.6 +771,1.845313262693053,0.13897370394350148,1.92 +772,2.8770468976672126,0.14677427208860108,2.94 +773,0.9954025254769183,0.13821161861156,0.98 +774,1.7774988532400604,0.1389814144519775,1.64 +775,1.425412467405546,0.13826100275320302,1.52 +776,0.9201341741201494,0.13880035126584223,0.9 +777,1.2247894864841298,0.13953198061205335,1.2 +778,1.8576428776475344,0.13899496849754037,1.94 +779,1.4577970955250832,0.13816204062707715,1.4 +780,1.6711846709045721,0.13868790992739077,1.6 +781,1.2128087593885608,0.13817750335532752,1.08 +782,1.859468360635531,0.1389382309985713,1.98 +783,1.520132076326127,0.13915116390560534,1.6 +784,0.5098545630658498,0.13950988640305761,0.48 +785,1.257999503013166,0.13809337210794334,1.12 +786,3.7056024624883674,0.1458719255173336,3.8 +787,1.3814463159492787,0.13880134721616705,1.42 +788,1.5931936325913894,0.1382747551310115,1.76 +789,1.389582761093215,0.1389749863818549,1.42 +790,3.2482319413217473,0.14871395801754964,3.26 +791,2.5973337794474345,0.1431774840975334,2.8 +792,2.953057197148591,0.14798476950444667,2.96 +793,1.9104462599420335,0.13898040999688818,1.78 +794,1.4667285418160416,0.13981252013491038,1.48 +795,4.130833193392106,0.15263144849043545,4.02 +796,1.2542655048418174,0.13932916933051132,1.34 +797,1.991292212518636,0.1389174493897253,2.02 +798,1.567815817264509,0.13818421012439844,1.54 +799,2.0393130439931673,0.13993649871635797,2.12 +800,1.1706971183300388,0.13817560825521616,1.16 +801,0.9772909390251874,0.13817450586238708,1.02 +802,0.8939378166170817,0.138782433429485,0.84 +803,1.1242524061643477,0.13816562939741198,1.14 +804,0.6110453352083018,0.13951854225415222,0.62 +805,2.7872601371659647,0.1455834476990186,2.66 +806,1.0912194308950225,0.1381995531944603,1.0 +807,1.3538847879046818,0.13838968129237694,1.42 +808,0.649025943484161,0.1402538645381314,0.56 +809,1.3192215860530636,0.1383370487415392,1.2 +810,0.979874173244176,0.13817104506781205,0.9 +811,1.5522979280653812,0.1381448843509544,1.5 +812,0.8525485461755009,0.13878731065523392,0.96 +813,1.274057211528926,0.13804769364986225,1.42 +814,1.5602554701362825,0.13816078310641797,1.58 +815,1.7065758743291104,0.1388490192525955,1.72 +816,1.0964741020269093,0.13825089204651173,1.14 +817,1.6463977964716134,0.13854324349432812,1.68 +818,1.4125387284958668,0.1388299517577536,1.44 +819,0.5099916224606593,0.13998686843490096,0.54 +820,0.31756754946347865,0.13994201214555055,0.28 +821,1.7480304494018304,0.13903177120393467,1.74 +822,4.056801793625989,0.1473858331510986,3.9 +823,1.0974665745505687,0.13815551471091256,0.98 +824,1.1514643833484604,0.13818600360716668,1.18 +825,4.00322415533095,0.14491638382627,3.96 +826,1.038339787467943,0.13814448265722018,1.1 +827,1.4765251631328402,0.13914455729415912,1.46 +828,1.6895828012078473,0.1387272769476223,1.78 +829,1.6351721726861213,0.13848197990716826,1.74 +830,1.152457003494173,0.13818731720083968,1.04 +831,1.1108417270484905,0.13818339436240698,1.16 +832,1.815023728589682,0.1390067412557573,1.8 +833,3.6210428965365855,0.14647681233848056,3.46 +834,1.0009922223677483,0.1381893607831728,0.98 +835,1.5780564544695421,0.13821739646263187,1.58 +836,1.0055307586675317,0.13815778921124736,0.94 +837,2.218793389838061,0.13935070993709528,2.2 +838,0.007321334745676644,0.16486569028394008,-0.32 +839,2.035585539354531,0.13893488837927093,1.86 +840,1.8087779693404036,0.13903808895485933,1.82 +841,1.918651939812345,0.13883125097635293,1.86 +842,2.1938721705040676,0.13909418056234227,2.26 +843,1.4074314306090931,0.13950200100917426,1.2 +844,0.9979403698050424,0.13818737683894602,1.04 +845,0.8504206027570964,0.13931692833226164,0.8 +846,1.9695638475187485,0.1387838858961521,1.94 +847,1.1001236409637078,0.1381925953795965,1.18 +848,1.1717015367096897,0.13816684987080294,1.14 +849,0.593681663319976,0.13885489634708584,0.58 +850,1.1415030772127528,0.14074962141844133,1.16 +851,4.02564747201417,0.14824265334106437,3.8 +852,2.2181559076801554,0.13969404286322826,2.14 +853,1.39051100528902,0.13868353139512915,1.38 +854,1.7024755324163285,0.13881718349210906,1.62 +855,1.570042927190495,0.13818948487612,1.64 +856,1.6874399293078985,0.13899159495363356,1.82 +857,1.593671731793953,0.1382779351594635,1.58 +858,1.2521922073267993,0.13810809137927724,1.28 +859,2.092194007972089,0.13882714868992777,2.04 +860,1.4459330062878335,0.13819567476513256,1.54 +861,3.6749864042349243,0.1470286515031445,3.66 +862,3.2081679324813868,0.15019534449933092,3.06 +863,0.549593236819546,0.14024687261956123,0.54 +864,2.789109682881043,0.14581066859933556,2.8 +865,1.0009750267960582,0.13816095641802612,0.98 +866,0.6854726763884171,0.1403483876402172,0.64 +867,3.4581329168360986,0.1487595418724861,3.28 +868,0.9225641056234819,0.13831804846252252,0.92 +869,1.168241937594856,0.13816427272687987,1.02 +870,1.0752647111073221,0.13814850839608933,1.02 +871,3.5819540166409487,0.1482733713989433,3.42 +872,1.6410030614680613,0.13851104305126888,1.62 +873,2.7074125991654148,0.1447296892656448,2.72 +874,1.0282119604586262,0.13824486808032205,0.94 +875,1.8941189891584918,0.13888355702667676,1.86 +876,2.5854326998471278,0.14312786502884522,2.5 +877,2.2042745920606412,0.1390318662782172,2.16 +878,1.2577508108512054,0.1394487134574044,1.26 +879,1.2883889824138484,0.1381755167902421,1.2 +880,0.8813496863517818,0.13865978854459318,0.86 +881,1.4625742678581295,0.13814981734365883,1.58 +882,1.6199312892668933,0.13840072769054954,1.62 +883,1.9333234439553406,0.13880492753573082,2.0 +884,1.1171857855842893,0.1382557708114745,1.22 +885,1.3352444907349357,0.13853075379279592,1.22 +886,1.566787423156554,0.138791592241261,1.46 +887,2.630679150961199,0.1435539933671002,2.78 +888,0.30260161645762107,0.14020222425526155,0.18 +889,1.0914073993316036,0.13816993628656304,0.88 +890,0.9297283053622563,0.13826114973288073,0.8 +891,1.357284833792284,0.13864528901983025,1.32 +892,2.246267525288302,0.1398988208951378,2.22 +893,1.0290416922603596,0.14352232470124265,1.02 +894,0.4804756029845114,0.14010396458410357,0.44 +895,2.248550854682928,0.1400003757948963,2.24 +896,1.5105363664497764,0.13809334994107805,1.6 +897,1.0525114359851058,0.13829994662945655,1.1 +898,2.1372291727094064,0.13936315514110553,2.26 +899,1.7700078757010536,0.1390460403245743,1.88 +900,0.7253827300031785,0.13984908487598943,0.66 +901,1.3565913844150108,0.13920217972177618,1.34 +902,2.3561881314030932,0.14044938082300487,2.4 +903,0.6946870923413995,0.13909569319493387,0.78 +904,3.5311924975603572,0.14832042971391143,3.38 +905,0.8602544280261091,0.1384596749998384,0.96 +906,1.362628536812486,0.13864673794586538,1.16 +907,0.8920686890310199,0.13854633458726567,0.94 +908,3.088133013817319,0.15161407741726923,3.04 +909,1.4033316317734856,0.13883241062317583,1.44 +910,1.7767816524634936,0.1390508999226287,1.84 +911,0.9938580126674514,0.13848845742833502,0.96 +912,0.9839856383481438,0.13820373971303399,1.12 +913,2.5210896358370247,0.14221615532466664,2.7 +914,3.1082893564794807,0.14955103153053495,3.12 +915,0.7854524822665594,0.13992003196285613,0.8 +916,0.9315446402148195,0.13829469578223852,0.94 +917,3.665332776617851,0.14590285560893487,3.44 +918,1.7170611074484325,0.13868803726460685,1.66 +919,1.6284336260905787,0.13844424768283412,1.64 +920,1.8486207536497998,0.13922649870657094,1.84 +921,3.108041858724426,0.1497511450614258,3.02 +922,2.0155489037948717,0.13887854176748737,1.96 +923,0.7830163793558738,0.13905463649007652,0.8 +924,1.6480111320228437,0.1385594170398264,1.58 +925,1.1872347175007922,0.13815087994919145,1.06 +926,1.967953408903461,0.13956547727449498,1.84 +927,0.6627279855081083,0.13882630897264195,0.72 +928,1.3653670998301264,0.1385721658734464,1.44 +929,2.0186289924857723,0.13884030117649968,2.02 +930,1.5928495335174757,0.13826223861392736,1.94 +931,0.5251198174474458,0.14013871058237645,0.46 +932,2.456479141487107,0.14142277182926977,2.52 +933,0.7547563320306443,0.14057817935630373,0.68 +934,0.9415800384319537,0.1382681038245293,0.84 +935,1.2428436761222121,0.13809912054735,1.22 +936,3.077076969271686,0.14917699259269462,3.08 +937,1.4407899851253196,0.1395245486809004,1.4 +938,0.7600795779246061,0.13879365657072606,0.68 +939,1.3766549717670058,0.13862720749946186,1.32 +940,1.3883357758462536,0.13885668549225222,1.42 +941,0.2806103338214845,0.1407261861877054,0.22 +942,1.853320648973937,0.138951025799392,1.86 +943,0.7320060221890179,0.13873092798583403,0.62 +944,1.0965620105941758,0.1382741120147053,1.08 +945,2.047224508864491,0.1390070837559982,2.06 +946,0.8218603474769735,0.1387062113672951,0.7 +947,0.7421692592025542,0.14132651866983892,0.7 +948,1.5261628264161287,0.1391282948616788,1.54 +949,1.209123624626506,0.13966827323316783,1.14 +950,0.6133376902835108,0.13907991228726002,0.44 +951,1.8762890356278303,0.13890738572355496,1.9 +952,1.5712580849068791,0.13819261509566014,1.58 +953,2.4573075284566235,0.1412740522850515,2.44 +954,2.8060689908348833,0.14607953156776593,2.84 +955,3.846722352837584,0.1437281172934446,3.7 +956,1.170354205504597,0.1382209673796374,1.18 +957,1.1095034071465397,0.13831168022307647,0.86 +958,1.3038049539052023,0.13828189712831834,1.24 +959,0.9781291255879792,0.13820098928088737,0.94 +960,0.6401435140586953,0.1398524614048298,0.74 +961,1.095639923887556,0.13818383430011533,1.06 +962,1.4615921089859887,0.13911477662627894,1.5 +963,1.5450169145223098,0.1381287627483767,1.62 +964,1.1870832630671364,0.1381301800305673,1.14 +965,1.6779757389559178,0.1387281226265497,1.66 +966,1.7201830176639339,0.13892851529748157,1.7 +967,0.6509209765942137,0.1393882867136286,0.54 +968,1.2247409187889238,0.13975796578372376,1.22 +969,1.7459579784438644,0.13887746113148516,1.78 +970,1.360271246140889,0.13859365300939389,1.36 +971,2.416034998835449,0.14099080967594663,2.4 +972,4.199327958754924,0.1621579769584514,4.22 +973,1.8308019017787691,0.13901437905528297,1.8 +974,1.056497615056169,0.13816918272024248,1.02 +975,1.3232422523547624,0.13823554411589223,1.22 +976,1.278194787483744,0.13808903548368298,1.26 +977,1.223412301238457,0.1395799384806387,1.24 +978,1.8740177234820825,0.13896613369204686,1.92 +979,4.0479540804010545,0.1474268597444765,3.84 +980,0.7905617292999372,0.15913907816216688,0.68 +981,1.5004188841273232,0.138098703908463,1.5 +982,1.762229559150291,0.13902329639723066,1.76 +983,4.249951050814743,0.17178707477776797,4.34 +984,0.15301706935021908,0.14635965193094314,0.04 +985,1.4795546245691389,0.13880336870449791,1.3 +986,1.6248516268578745,0.13842439249022137,1.6 +987,3.8168279899228006,0.1462454194287865,3.64 +988,0.5400237537184287,0.14172475381259,0.46 +989,1.2674468600153892,0.13913546192105886,1.38 +990,1.6998666750551612,0.1388461680455277,1.72 +991,1.6766958704260047,0.13871737383536706,1.72 +992,1.2053227294785591,0.13808527988936733,1.08 +993,1.7547353780093067,0.1390358835612111,1.88 +994,1.8101966993174008,0.13901829825621537,1.8 +995,1.0739503294287642,0.1381757062290608,0.9 +996,0.5514374649209755,0.1397677107145496,0.58 +997,1.3763351654827174,0.13850272038429054,1.46 +998,0.9347197093455497,0.1384744860473472,0.86 +999,1.8102490472331274,0.13902079883796137,1.86 +1000,2.4284877471182673,0.14113888089621907,2.52 +1001,1.4356243449911679,0.13822515792123802,1.58 +1002,1.1777812606471576,0.13991622880949417,1.14 +1003,1.7430469368602237,0.13899396919182816,1.76 +1004,1.2372195528462475,0.13810858286557717,1.04 +1005,1.81973178501251,0.13900518496368436,1.86 +1006,0.7992857685571861,0.13858352297689863,0.7 +1007,1.8106125613260238,0.13903107581576968,1.8 +1008,1.012368951426743,0.1381532773836987,1.08 +1009,1.8800858042050974,0.1389221637198635,1.88 +1010,1.819564024093764,0.1390122237405287,1.82 +1011,1.1513275000331324,0.13818327295477018,1.18 +1012,1.009635333279724,0.13817207910751195,1.12 +1013,0.8741135183437043,0.13845146941785838,0.86 +1014,3.028879753218617,0.14839768465334474,3.06 +1015,0.5211201162837851,0.14222605733835972,0.62 +1016,2.437992908161113,0.14119458892272221,2.5 +1017,1.386136145804957,0.1389966736677494,1.38 +1018,2.7014203903918625,0.14452750642819756,2.74 +1019,1.5586699902125956,0.13873391038193794,1.54 +1020,1.0377320566985935,0.13821967323640963,0.92 +1021,3.6555509518646536,0.14773973725321413,3.64 +1022,3.512826479421114,0.15059125108493487,3.42 +1023,1.8700782863936736,0.13892427682375913,1.92 +1024,1.903570640299697,0.13889299771292393,1.98 +1025,0.2520730390325303,0.1423382524981173,0.18 +1026,2.8799416314238604,0.14694805537552622,2.76 +1027,0.7263983021484348,0.13992951997756226,0.58 +1028,1.4285442064559701,0.13825260394062386,1.4 +1029,1.64655981818371,0.13854435995995631,1.58 +1030,2.406497122864148,0.1407393999876236,2.38 +1031,1.6218281531329621,0.13840938664812136,1.58 +1032,1.2849276030893817,0.13812437087237653,1.24 +1033,1.679586303903931,0.13866090244897802,1.7 +1034,1.6461523529179223,0.13854090482236547,1.7 +1035,1.1377383142459854,0.1381767519799539,1.12 +1036,1.719116250196918,0.13893537027428463,1.7 +1037,1.8269824583236653,0.13899653238906062,1.82 +1038,1.5372413797727011,0.13811507278284837,1.5 +1039,1.5604712815346735,0.1381636194040002,1.48 +1040,1.7787979444922746,0.13901298733360654,1.8 +1041,2.0725554960633223,0.1389853844088654,2.08 +1042,1.3106194602917034,0.1382080203507646,1.3 +1043,1.0670279228056776,0.13829561300139395,0.86 +1044,2.7600539756966063,0.14539036691529228,2.8 +1045,1.527327507899101,0.13893957202903964,1.46 +1046,1.9088975235219392,0.1389562248596112,2.02 +1047,1.805958336223962,0.1390524454784716,1.92 +1048,1.3874242739215203,0.13844519660704657,1.36 +1049,1.333275781242519,0.13839500433773672,1.26 +1050,1.9835152372849043,0.13891545242626938,1.68 +1051,1.0015054303835376,0.13816183623163902,1.02 +1052,1.7091390377773577,0.13888453764076705,1.66 +1053,1.4743197264508003,0.1391298367202258,1.42 +1054,1.3145475502393813,0.13814274232110932,1.14 +1055,2.8423522105410965,0.14644276313519744,2.68 +1056,0.9735297808536307,0.138209410639261,0.84 +1057,0.9831756695822333,0.14775436332173464,0.98 +1058,1.7171226365360353,0.13893010910723097,1.72 +1059,0.60411657543911,0.1396775778315044,0.6 +1060,1.6357839526244247,0.1384848915942085,1.56 +1061,0.6273503459093801,0.14050761038966844,0.62 +1062,0.42867207891813575,0.1397199558305761,0.4 +1063,2.5328785408285475,0.14237080227494603,2.64 +1064,0.8874070979042079,0.13852495659153694,0.9 +1065,0.7848563604990693,0.13994485391234904,0.74 +1066,1.6195520649118569,0.13839888525391786,1.68 +1067,1.483329208332516,0.1392893150545593,1.5 +1068,0.3075799335354068,0.14028185625101203,0.42 +1069,0.7085257602078832,0.13915079112705653,0.68 +1070,1.1362031191878073,0.13835904285602596,1.08 +1071,1.7446651727620894,0.1390096552164503,1.76 +1072,1.8724049751229677,0.13892812648980796,1.84 +1073,0.7489964357775589,0.1408906428902839,0.6 +1074,1.9356282787571493,0.13885980362917674,1.9 +1075,1.7260283473275981,0.13884875352886125,1.68 +1076,1.4860917943039267,0.13810925424631976,1.52 +1077,0.6894648330090503,0.14056935711371654,0.72 +1078,2.9616840052613744,0.14937941124002097,2.94 +1079,1.7508352772511406,0.13899563416717678,1.82 +1080,2.388744238030447,0.14072847728687687,2.44 +1081,0.3442553320246047,0.14133675775464485,0.38 +1082,4.38045802220969,0.21410271431108943,4.1 +1083,1.3258244569465623,0.13831509896028107,1.24 +1084,1.882114002912341,0.13893512554677406,1.62 +1085,1.0924948319477599,0.13817349943374296,1.14 +1086,0.6221994571392768,0.14108880735786808,0.6 +1087,1.2430761938919366,0.138084921664053,1.26 +1088,0.6450825431310845,0.13919808650242685,0.46 +1089,2.386128644701226,0.14059156923365201,2.24 +1090,0.45850253671773,0.1424382057276368,0.46 +1091,0.8518809025739449,0.13884616772115332,0.74 +1092,1.490109481061885,0.1388842439090412,1.56 +1093,2.180983084333234,0.13920986627722454,2.14 +1094,0.45987876225675617,0.138999513538261,0.5 +1095,2.090984862265393,0.1389733473269756,2.16 +1096,1.2012782203454426,0.13954351102864254,1.36 +1097,0.5610040726489194,0.14099008074085975,0.58 +1098,1.409048840636685,0.13915108151099695,1.44 +1099,3.535375621763907,0.1474811029117236,3.82 +1100,1.4456770113233537,0.1392762694081964,1.44 +1101,1.0587820135412498,0.13813701647208482,1.12 +1102,1.426269301842427,0.13950663826922546,1.48 +1103,3.2006294665335444,0.14855803468117854,3.3 +1104,1.966373559369326,0.13956514047716229,1.96 +1105,0.9326062472528944,0.13829690496083608,0.94 +1106,0.5727625136829699,0.13940976818551265,0.68 +1107,2.2156945070927128,0.13961212687258992,2.26 +1108,1.3806133022916596,0.1384832862510524,1.42 +1109,0.9480577808305659,0.15267216301721184,0.84 +1110,2.095220986952387,0.13902895337040205,2.1 +1111,1.3365792034598938,0.1387664508317637,1.42 +1112,2.0021511907725573,0.1387836758402586,2.02 +1113,1.284224370637058,0.13904851610046792,1.28 +1114,1.438589014310053,0.13888890279027086,1.46 +1115,1.6642857162748603,0.13864893256832472,1.68 +1116,1.0805961197996288,0.1466210985102498,1.02 +1117,1.6403904633105233,0.13855508719320825,1.62 +1118,0.8887289079253895,0.13842052938478483,0.86 +1119,4.102342382131494,0.15069889513436363,3.94 +1120,1.1532527225008016,0.13817301570640472,1.06 +1121,1.47090384354681,0.1398175127441845,1.44 +1122,1.1346039682843978,0.1411309863753165,1.26 +1123,4.104651763679011,0.15100100425395332,3.92 +1124,1.3145947934500226,0.1388352244146211,1.32 +1125,0.6843761154850716,0.14001448598254201,0.68 +1126,1.051576053593556,0.14422270240778592,0.96 +1127,1.0110423136629292,0.1381541147257414,1.02 +1128,1.7659057074357944,0.1390296127762638,1.82 +1129,2.3227585253384317,0.14026280788699055,2.18 +1130,1.857303514270483,0.1390473719978017,1.82 +1131,1.8797307202881965,0.13890793913546462,1.96 +1132,1.5560428528226238,0.13815062734971534,1.62 +1133,1.2010812483338134,0.13976956413935318,1.4 +1134,0.3994925148520201,0.13967617998604448,0.32 +1135,1.8594882958605288,0.13896307136522765,1.86 +1136,1.1073184924680737,0.13827948978981688,1.04 +1137,0.8101867262652531,0.13953903404811305,0.72 +1138,1.460083690328669,0.14067057583730966,1.38 +1139,0.4484237625697238,0.1389029393086312,0.34 +1140,1.1478332071223702,0.1381734326396204,0.94 +1141,0.9741837667067861,0.13819303629082108,1.14 +1142,0.6624848806935963,0.13930567360430846,0.72 +1143,1.3021417204515862,0.1390354180992451,1.26 +1144,1.853665267174594,0.13894779911590802,1.82 +1145,2.263449504768011,0.1394932574909498,2.38 +1146,0.6404582915014485,0.14014296814662944,0.68 +1147,0.4005639774431442,0.1410615662476771,0.34 +1148,1.2590173105739977,0.13804377390079495,1.2 +1149,1.190057004826012,0.13812333837320487,1.12 +1150,0.7419898899630573,0.1398099409134631,0.74 +1151,1.369687353674819,0.13878566453668081,1.38 +1152,0.9275860629716162,0.138282496998463,0.96 +1153,1.4076648153299223,0.13910177439511212,1.22 +1154,2.033649994999471,0.13904717990520699,2.02 +1155,2.020901115019824,0.1388016633398424,1.88 +1156,0.8034721132478202,0.14043132472565958,0.78 +1157,0.9547332928435877,0.13823796283105794,0.8 +1158,1.0904362506891188,0.13815072088554473,1.02 +1159,1.067817435921941,0.13815691128334634,1.1 +1160,0.16360545319579867,0.14654842541962707,0.04 +1161,1.493902303986462,0.13933067845272643,1.52 +1162,2.3563663416145664,0.14027943649234192,2.36 +1163,3.764632343248919,0.14454935363775132,3.66 +1164,2.241133553525283,0.13988546845578442,2.3 +1165,1.4294322271998565,0.13901529760319412,1.52 +1166,2.1699351339025155,0.13956504431882463,2.08 +1167,1.43784805625324,0.1392288647193405,1.34 +1168,1.5414095605700515,0.138703483016867,1.48 +1169,3.009350410696821,0.14762450936185414,3.06 +1170,3.67994875854055,0.1477311422431421,3.62 +1171,0.6958066203188435,0.13986347081538497,0.64 +1172,0.7731454933220325,0.13924162930989809,0.76 +1173,1.5150122996464068,0.13809398796731576,1.68 +1174,2.0143593132217203,0.1388204050457664,1.96 +1175,3.6413482222967053,0.1473739043486072,3.8 +1176,1.7945666739666342,0.13905707872957984,1.66 +1177,3.025381162270267,0.1481522992818762,2.96 +1178,2.6042017674087488,0.14320204423213237,2.62 +1179,1.8159568653828684,0.1389225409226362,1.8 +1180,0.5549876208175339,0.1416711925589095,0.58 +1181,1.4582662628951146,0.13895405747608866,1.38 +1182,2.226712255134717,0.13931695721780507,2.62 +1183,1.1077608849336675,0.14461660485947483,1.06 +1184,3.8445426187292133,0.14372046282664297,3.76 +1185,-0.010149299474018214,0.18893260907491172,-0.64 +1186,1.882137751435084,0.13897995935772844,1.78 +1187,1.3433632917930103,0.13870881082424097,1.38 +1188,1.5304964376018253,0.13866225960221368,1.5 +1189,1.9046654312863174,0.13892213711376758,1.72 +1190,0.9777640428597207,0.13821766771135383,0.98 +1191,1.6643719008396713,0.13864975714665384,1.58 +1192,1.4739668288997256,0.13918925034903293,1.54 +1193,1.0158399910146647,0.13815646415430005,0.98 +1194,2.1276584755052808,0.13895278243496817,2.02 +1195,1.5884104250122055,0.13885305747192717,1.58 +1196,1.9089699733796541,0.13884692020398207,1.92 +1197,2.0126243516618088,0.1388347915085906,2.06 +1198,1.000381481573302,0.13820622677002328,1.08 +1199,0.3338553607258836,0.14197140919707055,0.3 +1200,1.4159752431769155,0.13916438888018126,1.32 +1201,1.4890193246019932,0.13918951244529548,1.42 +1202,1.396192272909487,0.13869408500281588,1.32 +1203,1.2776413543038165,0.1382006117153931,1.06 +1204,1.1178430406872861,0.13816726752852854,1.02 +1205,1.1782962872398128,0.13821557587715114,1.22 +1206,1.2317681720561522,0.1381317919368495,1.14 +1207,2.0460792861156802,0.1389084483245019,1.9 +1208,3.1858413933927556,0.14959092488016917,3.2 +1209,2.7101659325464977,0.14472169229626508,2.6 +1210,1.4711622900127663,0.13880268954743757,1.46 +1211,1.0899621203523422,0.14313742531628387,1.16 +1212,1.563611908641863,0.1381706455815424,1.5 +1213,2.048764722152945,0.13876791286603,2.04 +1214,1.5242199046234743,0.13810008643229832,1.58 +1215,1.760412376618155,0.13886395842710858,1.2 +1216,1.0622490554226287,0.13832385246749834,1.2 +1217,0.6593710100224177,0.14077865357866173,0.48 +1218,3.1459622326507946,0.1489909746936445,3.16 +1219,1.4113610895625213,0.13881744974343332,1.62 +1220,1.579186080946413,0.13822170360164734,1.6 +1221,1.5601814152565856,0.13816418229384902,1.42 +1222,2.526513035186958,0.1422158144793967,2.72 +1223,0.9758115140737855,0.1382165802888664,0.94 +1224,1.1916172021577074,0.13811779114540176,1.06 +1225,1.2652179026817896,0.1389675792461985,1.2 +1226,1.0266027363593748,0.13818933991832297,0.94 +1227,2.110060102636697,0.13882750768363633,2.14 +1228,0.6991075894977561,0.1388307708058657,0.66 +1229,2.0535603808718426,0.138732023888647,2.04 +1230,2.311207054927645,0.1400211710022838,2.34 +1231,0.5222058949526618,0.13981826794954608,0.46 +1232,4.250955203671038,0.17478606597337212,4.1 +1233,1.4185145207094,0.13829745260919035,1.38 +1234,1.3286572073400214,0.13823939398561963,1.34 +1235,1.3561897549992628,0.1385842671119189,1.36 +1236,0.7880776991788698,0.14026863426795566,0.74 +1237,0.490138794699976,0.141092179322371,0.5 +1238,0.7132349146439507,0.13904484733205227,0.62 +1239,0.8700396053557631,0.13856582930013298,0.8 +1240,0.7943368889184539,0.1394519144937181,0.76 +1241,1.0436898075927514,0.13849827026145722,1.08 +1242,2.0688262787375384,0.1391824158547475,2.16 +1243,1.3690900389103495,0.1385529361787656,1.44 +1244,1.786266588925769,0.13906198672265221,1.8 +1245,1.63433872017736,0.13847733439898066,1.62 +1246,2.1578543424256003,0.13912632090666616,2.0 +1247,1.7359262515738427,0.1389749925871413,1.74 +1248,1.334268569847601,0.13875861434930006,1.24 +1249,1.4888161005677913,0.13810546496887466,1.48 +1250,0.2410785595489875,0.1415706025271582,0.28 +1251,2.29109977584089,0.1399336090412851,2.32 +1252,1.791303475180821,0.13891225493446416,1.86 +1253,1.3532380522359615,0.13863811043676696,1.32 +1254,0.8653736195851698,0.13904808586767498,0.88 +1255,1.4103202354800422,0.13916939006371673,1.3 +1256,2.5283914627400703,0.14236495384266803,2.46 +1257,1.6399355933673183,0.1385302911334981,1.6 +1258,0.01893570546311718,0.16001582678473747,-0.14 +1259,-0.007956059917723302,0.1832224124272754,-0.3 +1260,0.6334574073401837,0.14189492740867216,0.48 +1261,2.0916913708360694,0.13921379895570188,2.04 +1262,1.0132635650703419,0.13816726012870897,1.04 +1263,1.2232843301049199,0.13818922160994918,1.16 +1264,1.874850153032571,0.1389106372651394,1.96 +1265,2.636757036731413,0.14367414099129497,2.76 +1266,2.305728536899845,0.14038170165032143,2.28 +1267,1.3409600044894345,0.1383479699240852,1.32 +1268,1.6511084861857972,0.13857186856400316,1.64 +1269,0.9077291726424255,0.13869280234339432,0.8 +1270,0.9969652750283329,0.1381586717110915,0.8 +1271,0.6536219756620936,0.1401569807400931,0.6 +1272,2.5554050266890718,0.14277783512521414,2.54 +1273,1.6948885003889798,0.13881866385076916,1.7 +1274,1.6753263871659803,0.13871480254418148,1.66 +1275,0.5091320521497407,0.14105998521673863,0.48 +1276,1.767114263525463,0.13898191145549801,1.82 +1277,1.5634795201168243,0.13816943771878204,1.6 +1278,0.9286098116329233,0.1383050996874614,0.76 +1279,0.1876368686557468,0.1439353277455508,0.16 +1280,1.5391887081856686,0.13880356712445283,1.64 +1281,1.2810460915742956,0.13828705252315987,1.18 +1282,2.8139059548291554,0.14589196113055064,2.84 +1283,1.0224643957037527,0.13827565284472312,0.98 +1284,1.316545055300927,0.13889585726120926,1.32 +1285,0.42753095614314685,0.14040684817451402,0.56 +1286,2.244672896479581,0.13935351519095873,2.22 +1287,2.436359380643551,0.14132063059571062,2.62 +1288,0.8307606649166024,0.13954507601097962,0.84 +1289,0.9012444625755398,0.1566261084800977,0.86 +1290,1.5031204006254475,0.13809651372391957,1.54 +1291,1.3654613121527879,0.13856365923442168,1.28 +1292,1.6550704195769397,0.13859715335104367,1.6 +1293,0.1005292724762823,0.14853516268653882,0.1 +1294,1.4973156949026238,0.1381000190508194,1.5 +1295,1.1610150183491568,0.13818073019958746,1.18 +1296,1.6644976655282937,0.13865663837310477,1.6 +1297,1.306278646161192,0.13887527589927215,1.32 +1298,2.9329236615067904,0.14734093499730835,2.82 +1299,0.9048470926664249,0.1385906917451716,0.98 +1300,1.140335467412334,0.1418427204638718,1.04 +1301,0.6639242506142997,0.13987842326191285,0.56 +1302,0.18589439851168432,0.14346706918362767,0.22 +1303,3.672720728325749,0.14576255916695297,3.54 +1304,1.8638717228872705,0.13893067102174197,1.88 +1305,2.149814714489465,0.13895919372731325,2.16 +1306,0.8100078616701962,0.15806699207656594,0.82 +1307,1.388203100691256,0.1384357722917899,1.38 +1308,1.3300183394842042,0.1382591421985547,1.3 +1309,1.9135803479638005,0.13887287861311126,1.84 +1310,1.8884420699562545,0.13888575751695695,1.96 +1311,2.7107080245912654,0.14462089192597724,2.62 +1312,0.8380675091530767,0.13871581040652553,0.74 +1313,0.8652866556005874,0.15700569143308513,0.72 +1314,1.5989801768225922,0.13873367817938992,1.6 +1315,3.537286266577339,0.14804178913655652,3.54 +1316,0.5641770115507958,0.1403207733112864,0.52 +1317,1.3643021679850724,0.13855802644679785,1.32 +1318,1.391705231990545,0.13894614750805823,1.36 +1319,1.958895414302126,0.13942928132090024,1.74 +1320,1.7230467429998617,0.13877075207780418,1.78 +1321,1.584963947469297,0.13824124210256566,1.66 +1322,0.8144027602709363,0.1393925229863439,0.86 +1323,1.4943335688750023,0.13890621580706125,1.52 +1324,0.9975505172276362,0.138284356983941,0.94 +1325,2.106172822871673,0.13891598370427308,2.14 +1326,1.0556307069521713,0.14891264414019525,0.94 +1327,1.3732418163420261,0.13883331089178147,1.34 +1328,1.8225169679069984,0.13884317995648843,1.78 +1329,1.1667609688128975,0.13815067403643091,1.16 +1330,1.283632181981349,0.1380578840539445,1.2 +1331,2.0484429008861964,0.13883855104525783,2.08 +1332,1.006123392644457,0.13843463160554142,1.08 +1333,3.3842101553806634,0.14937847767461687,3.08 +1334,1.6433618206857288,0.13895522500926666,1.56 +1335,0.9592148728298922,0.13829779286112048,0.92 +1336,2.3867888094631367,0.14115875658529184,2.48 +1337,1.0353979801551736,0.13819316322099748,1.04 +1338,0.9537714619895601,0.13861662075926,0.96 +1339,1.4459289943417408,0.13819691133792736,1.46 +1340,2.1857568057132317,0.13914013003813097,2.22 +1341,1.244447983099703,0.1395637229459939,1.26 +1342,1.3074519797051627,0.1381565829720609,1.14 +1343,0.7741088532417484,0.1390455312044916,0.66 +1344,0.8384971617532768,0.13886274994625564,0.7 +1345,1.0796955317161645,0.1381553164977385,1.1 +1346,1.4023753622704964,0.13927756212803988,1.3 +1347,1.3975877877307346,0.13839357821986295,1.48 +1348,1.1095548692544055,0.1381638351242801,1.1 +1349,0.43101381346559986,0.1413872813314864,0.4 +1350,1.302229591530625,0.14106185023814172,1.3 +1351,1.219944789121402,0.13991365401437847,1.22 +1352,2.9912696787298847,0.14778362787660404,2.92 +1353,1.6178576202451778,0.1387622031171226,1.56 +1354,1.0032471066532826,0.13819197858968338,0.96 +1355,1.3918001684826775,0.13874804488901718,1.4 +1356,1.331951503520755,0.13877301852126533,1.44 +1357,0.7187181746617588,0.13943929741589917,0.74 +1358,1.1359286684117853,0.13817421110341868,1.06 +1359,1.3719565401840184,0.13852567894003331,1.44 +1360,2.5229272675539667,0.1423340398615567,2.5 +1361,1.3051184528826019,0.13815503102628848,1.16 +1362,0.8034132812882744,0.13876022724984255,0.84 +1363,0.903769799399206,0.13844120894818396,0.82 +1364,1.4403674814497505,0.13912356984058893,1.26 +1365,1.477958184472338,0.1381219674743855,1.46 +1366,0.691286727530545,0.1400442074509003,0.66 +1367,0.6936667827891254,0.14039154133065226,0.64 +1368,2.189128733940019,0.13959782835135215,2.16 +1369,1.2469773574227991,0.13930274006742932,1.16 +1370,1.1236212204674265,0.1381832274047007,1.06 +1371,1.7686286221689818,0.138689934406598,1.76 +1372,2.023006076527113,0.1388952027600511,2.08 +1373,1.9593558494182117,0.1389070324731358,1.98 +1374,1.6596592545516797,0.13861676372065126,1.6 +1375,1.97103583663145,0.1387686806393468,2.0 +1376,1.8215129566737707,0.13900650221290167,1.88 +1377,1.335989460756287,0.13832954795369803,1.14 +1378,1.1560841029651696,0.13817678622712673,1.08 +1379,2.448635903104033,0.14162956343065466,2.44 +1380,1.6834307836926774,0.13876008160858955,1.6 +1381,1.159872639344143,0.13819434558380658,1.04 +1382,1.4588527166558576,0.13949302737640382,1.44 +1383,2.7915193963068097,0.14563379427130815,2.98 +1384,1.8095391565614944,0.1390113499613231,1.76 +1385,0.923175878045245,0.13996287021507772,1.02 +1386,1.6194679239272487,0.13839854525495723,1.7 +1387,1.3303158990488937,0.13826398123261174,1.14 +1388,0.46964602517699117,0.13984216235434507,0.42 +1389,1.222732825848385,0.13805374446154609,1.18 +1390,1.7522826750774199,0.13901173112197943,1.74 +1391,0.9740315049709833,0.13823141690294352,0.98 +1392,1.4639897170100573,0.13814479472582647,1.48 +1393,0.8791827164017461,0.13929830166674542,0.92 +1394,0.3631807756184591,0.14025186502509834,0.3 +1395,0.7926852565837086,0.13917785137345096,0.66 +1396,1.3797553146139476,0.1384792235417423,1.38 +1397,0.7809170392264653,0.139149994651842,0.8 +1398,1.3541866027319456,0.13863478891540693,1.32 +1399,1.1113854976566193,0.13863381987525364,1.16 +1400,2.037176797277268,0.1388623786025337,2.1 +1401,1.6722639651731432,0.13876233606309435,1.86 +1402,1.3014509474367477,0.13899527097169323,1.34 +1403,1.281706976554502,0.13911659708767266,1.24 +1404,1.8054259293812036,0.13902905870292373,1.78 +1405,1.751505480743389,0.13901708370456042,1.82 +1406,0.922029621131851,0.1383610809079502,0.78 +1407,1.6667184716907917,0.13866452487758718,1.62 +1408,1.3066955746125606,0.13891329057923057,1.16 +1409,0.9884179296337114,0.13850394399941773,0.9 +1410,0.9980482659635426,0.13824227440011846,1.12 +1411,1.4124043598204628,0.13832090581173354,1.4 +1412,2.3226521267913496,0.1402785162958246,2.32 +1413,1.3054367440378192,0.1402513276690377,1.24 +1414,0.6171424607617864,0.13877597458792296,0.46 +1415,1.628257960099993,0.13847586303686332,1.74 +1416,1.4854325349100312,0.13811029532781996,1.54 +1417,1.4388681587344818,0.13822119140082365,1.48 +1418,1.833285944126522,0.13898841525002753,1.86 +1419,1.718810824032551,0.13891420055929102,1.74 +1420,1.3049290118086523,0.13899959374718324,1.42 +1421,1.7561548986374325,0.13905026137621979,1.84 +1422,0.9151044232380299,0.1383444938252084,0.76 +1423,0.15293031151963188,0.14394257185893006,0.14 +1424,2.490245324901486,0.1417866186456856,2.38 +1425,0.575214948952044,0.13964159456898936,0.58 +1426,0.9530695673514478,0.13823341160670974,1.02 +1427,2.2533031068778646,0.13961707960226194,2.14 +1428,1.3879556915225022,0.13892438573879318,1.44 +1429,1.8763500435160436,0.13891962487002216,1.9 +1430,0.48899885042234015,0.14003074182233155,0.52 +1431,1.807540089087218,0.13901624395482126,1.9 +1432,1.3380229973245958,0.13873401754890527,1.32 +1433,0.07836979286732149,0.14952960495984027,0.0 +1434,2.2375240625767843,0.13979540006735228,2.26 +1435,1.298525742572159,0.13904724615722114,1.36 +1436,0.2877928015107747,0.140939829620056,0.16 +1437,4.013812453361033,0.1454145573454337,4.14 +1438,1.4739410867821894,0.13911924017261112,1.46 +1439,1.1042226352594495,0.14238732692210204,1.18 +1440,1.8523124942882374,0.13899283987927205,1.86 +1441,2.446690881704746,0.14236444568037973,2.32 +1442,3.315765292912711,0.14970588801738435,3.26 +1443,0.37082142884803826,0.14029352513453752,0.4 +1444,1.5520108510694035,0.13927651532921492,1.56 +1445,0.7331504909125384,0.16027285510325973,0.68 +1446,2.7718471310030983,0.14582160045530107,2.86 +1447,1.1599503935997566,0.14034598385954528,1.12 +1448,0.9170541582371916,0.15691788900380632,0.88 +1449,3.3189243100723216,0.1488198694929778,3.42 +1450,0.2358482938407631,0.14438078593155523,0.1 +1451,1.4411359101739825,0.13930849364997694,1.44 +1452,1.7403722859023452,0.13899926650011546,1.74 +1453,1.4678915730624587,0.1390668957761139,1.6 +1454,1.2611301829788024,0.13815933571626465,1.24 +1455,1.1742920038697973,0.138144490992732,1.2 +1456,1.3237179312689404,0.13877583761630866,1.4 +1457,0.8093145520111511,0.13909013580112894,0.82 +1458,1.7768971261821411,0.1390400446254121,1.84 +1459,0.9375107068514685,0.13826086502487236,0.94 +1460,1.330003052426025,0.13836229469535138,1.26 +1461,0.8254217811044233,0.13960527307317405,0.82 +1462,1.3262820865514682,0.13821624220473697,1.28 +1463,2.508079764839869,0.14210157195403014,2.48 +1464,1.4020911413961192,0.1383763765495379,1.82 +1465,0.9605648554759751,0.13826801088498078,0.98 +1466,0.9764795627976879,0.13817750154093578,0.92 +1467,1.044844139048151,0.13818932603294667,0.98 +1468,1.438105679575627,0.13822251215113257,1.38 +1469,1.0551808750771015,0.14446813839474168,1.06 +1470,2.95138705400685,0.1477706784941933,2.84 +1471,1.311983612065105,0.13812923022425208,1.26 +1472,1.0907636323612513,0.1382237407786837,1.1 +1473,1.6870449043243445,0.13860406391874464,1.64 +1474,0.8561433903652071,0.13850190963670717,0.78 +1475,3.6532998836905035,0.14608629740692924,3.6 +1476,1.537029292366145,0.13811423423711314,1.68 +1477,1.6234212822474197,0.13873573802394285,1.68 +1478,1.123394323059503,0.1381814834978579,1.18 +1479,0.6340503585145063,0.13950022025140926,0.52 +1480,1.7566055161325904,0.13901799014020216,1.84 +1481,1.6263942857838485,0.1385757684154447,1.52 +1482,2.9364596900465676,0.14730609460598518,2.94 +1483,1.7945626005249364,0.13902081898543558,1.8 +1484,1.0800802415768507,0.13816548426816297,1.1 +1485,1.5925626095019494,0.13917545929712466,1.56 +1486,1.9176765897498695,0.1388934261802292,1.96 +1487,1.0586377595033971,0.1382290703001403,1.06 +1488,1.296200360407922,0.13813747907044988,1.24 +1489,1.7096365170964125,0.138860694610827,1.66 +1490,1.4911168819174305,0.13810354099364738,1.44 +1491,1.7519924295091505,0.1390373871437062,1.76 +1492,1.549856393102444,0.13813789798566348,1.38 +1493,0.639360791819036,0.13875074827442235,0.5 +1494,1.7361247618666331,0.1387123391195579,1.78 +1495,1.8270641485162953,0.13899343295358663,1.9 +1496,3.152589692474442,0.1487420863566943,3.52 +1497,1.425611813995011,0.1382703725100297,1.44 +1498,1.1680055254741672,0.14044989372667696,1.04 +1499,1.7027431820907486,0.13884179472505112,1.7 +1500,0.432089308251455,0.13931921655642235,0.28 +1501,0.5859066068242518,0.13906928064435306,0.38 +1502,3.145344323791778,0.14873798654878548,3.08 +1503,1.0395955829489791,0.13819460853347545,1.14 +1504,1.9938756957752828,0.13887326576784967,2.04 +1505,2.492098438178494,0.1416439279370873,2.7 +1506,1.7478011735131345,0.13903459416945982,1.78 +1507,1.632023089499838,0.13846584598041617,1.62 +1508,1.0872515909974139,0.1455711849607123,1.0 +1509,1.5471723257282362,0.13813194523200636,1.56 +1510,1.0557333279640337,0.14922586084273048,1.08 +1511,2.775883451338376,0.14549525782866404,2.9 +1512,3.3029835288453304,0.14996123920442248,3.5 +1513,1.664358703877041,0.13865136650192533,1.7 +1514,1.3527092920079182,0.13846495477637347,1.3 +1515,0.270079165367739,0.14085842027745554,0.24 +1516,1.2781425526155408,0.13823459304103233,1.22 +1517,2.2366537338478585,0.13963222549811694,2.34 +1518,1.0672566990706356,0.15251974928110199,1.16 +1519,1.30090087331694,0.13829427716420106,1.18 +1520,1.5008644416133796,0.13809640989538885,1.42 +1521,1.5941296565612175,0.13827779256484643,1.52 +1522,0.7452886340375384,0.16015641788692545,0.74 +1523,0.3752727056748908,0.14069296016596192,0.34 +1524,2.373902120574132,0.14070238293500403,2.24 +1525,1.7394567987852865,0.1390130275442558,1.8 +1526,0.7622705528131055,0.1392134239933266,0.82 +1527,0.8178716617475734,0.13936883867339725,0.76 +1528,0.708796203813626,0.13962464574373817,0.74 +1529,1.3555549445829973,0.13863084173862522,1.42 +1530,2.0660155835265916,0.13881615647249562,2.08 +1531,0.7310992874950051,0.1402955945991202,0.68 +1532,0.5868159395799735,0.13940697766710444,0.54 +1533,3.1858730145331213,0.14983653211339074,3.06 +1534,1.5663778039205551,0.13817961399352954,1.62 +1535,1.295576153521547,0.13891982461781174,1.26 +1536,1.3418069224185265,0.13871967773684302,1.4 +1537,2.0802437207269078,0.13913364601089184,1.94 +1538,2.005862384255024,0.13880984593054138,2.0 +1539,1.3200981284701134,0.13820169759048026,1.32 +1540,1.3555925170102396,0.13856621001858926,1.58 +1541,0.6727894210085372,0.13962311473018316,0.74 +1542,1.6297445506343342,0.13845164990374384,1.68 +1543,1.027835925448115,0.13818305605871126,0.86 +1544,1.421463571798209,0.13890813155122855,1.38 +1545,3.0495573691064406,0.1489105331885565,2.98 +1546,0.931494172150308,0.13836555892663455,0.8 +1547,1.8057983242332325,0.13904609566415949,1.82 +1548,0.37580696230283817,0.14080142467968285,0.3 +1549,1.739449251858054,0.13900868092419652,1.72 +1550,1.0470711488977065,0.13832446498300072,0.98 +1551,0.5036176425824967,0.14050484559840964,0.5 +1552,1.6956051707252753,0.138576462698766,1.6 +1553,1.251116604847474,0.1381284942800428,1.22 +1554,1.106687508516944,0.13831393381866838,1.14 +1555,1.0596716327555908,0.1382151207108443,1.08 +1556,0.9269296967041987,0.15424743344526903,0.98 +1557,0.998005269224719,0.13815140941168297,0.98 +1558,0.06076630809420802,0.15170581049596119,0.18 +1559,1.2646346002131201,0.13808934684488713,1.42 +1560,1.233434769808361,0.13959171242628915,1.3 +1561,1.57725705331758,0.1390272028869864,1.42 +1562,0.621176012114069,0.14153628996002976,0.46 +1563,0.9753495071439806,0.15434774334554918,0.8 +1564,2.4415141445903563,0.14164971213710065,2.34 +1565,1.7787494614760169,0.13908135511631897,1.66 +1566,1.2037889368644334,0.13892941281738613,1.02 +1567,1.6132759962335923,0.1383606676291412,1.48 +1568,0.6556516504051606,0.13917553049254364,0.58 +1569,1.686348375714231,0.13876562631536904,1.7 +1570,2.05024884615366,0.13874595809697798,2.12 +1571,2.1752355785804687,0.1391940218912849,2.16 +1572,1.4128544596307284,0.13832732209394044,1.54 +1573,0.5926674883303269,0.13898584680448314,0.58 +1574,0.5112291393230199,0.1397939533861216,0.46 +1575,1.4900947536015954,0.13892813510136115,1.52 +1576,1.497712139552184,0.13914988889603588,1.52 +1577,1.0619798325607936,0.13815061829650818,1.0 +1578,1.4817360736268297,0.13811516988248698,1.5 +1579,1.3504450574407363,0.13837907748522058,1.38 +1580,1.3952590100340698,0.13892410235647826,1.32 +1581,1.5382596927443322,0.1381160019138903,1.46 +1582,1.0306106892665836,0.13842326613304837,1.06 +1583,1.9767331350477901,0.13878005565144735,2.0 +1584,1.0722656658425143,0.13819237193729283,1.04 +1585,1.034286100096458,0.13838678028205204,1.04 +1586,1.1040422729749393,0.13831462808764305,1.1 +1587,2.419790750366757,0.14135822782315333,2.32 +1588,0.509330835403083,0.14056413460852507,0.36 +1589,0.7837815723867783,0.14023733133786365,0.66 +1590,1.9998892726577848,0.1387243435366024,2.0 +1591,1.4327734744457876,0.13823795029695427,1.42 +1592,3.0410818554536894,0.14841690235667576,3.0 +1593,1.2073787533939102,0.14006250148419597,1.18 +1594,2.123128949304319,0.13912289198768424,2.1 +1595,0.8319418560112686,0.13897728025504097,0.88 +1596,1.3567840312258062,0.13859376043702132,1.28 +1597,1.50168452922287,0.13917250299988948,1.36 +1598,0.9751326232462807,0.13835888963215498,0.86 +1599,2.2379829920674394,0.13946152264017414,2.2 +1600,1.1826919336951773,0.1402681731339625,1.18 +1601,0.9126196005448994,0.1383864108754419,0.94 +1602,0.04371492398895871,0.15341016335270832,-0.02 +1603,0.7066813360223518,0.13873192421200903,0.64 +1604,0.6278011257631446,0.14100284987046344,0.72 +1605,2.2590396567313205,0.1396984037335505,2.14 +1606,1.5485355422640756,0.1381345009884312,1.56 +1607,1.5087124124565454,0.13809535531501668,1.36 +1608,1.662937693635814,0.1386095029146406,1.62 +1609,1.3881531241445932,0.13876951358162243,1.36 +1610,1.95067357276855,0.1389352548185696,1.96 +1611,0.5754625306633931,0.1407104688313573,0.6 +1612,1.5861462179419652,0.13824824277348757,1.52 +1613,0.8336251539915152,0.1390621456994561,0.72 +1614,2.16926323894216,0.13946756826523343,2.18 +1615,2.962134551694798,0.1477517733367622,2.92 +1616,0.8832658821590575,0.13862570218803058,0.82 +1617,1.6328449871623496,0.13844742700140972,1.74 +1618,1.4899667766425813,0.13921429258459403,1.42 +1619,0.833533885204722,0.13876681225203713,0.84 +1620,1.1172202213419977,0.13822794327760243,1.04 +1621,1.5062247516882534,0.1380936413388793,1.44 +1622,2.4898668850810557,0.1417707900200876,2.52 +1623,1.5188127661360467,0.13919466953032963,1.46 +1624,0.8264817697723137,0.1391928229425808,0.74 +1625,0.5329601576464986,0.14027776015658538,0.54 +1626,1.4854964771026635,0.13897030936922555,1.5 +1627,1.1910257511359772,0.13813515198197412,1.2 +1628,2.4619105682243143,0.14145961323379536,2.46 +1629,1.3166326697313293,0.13892503382559454,1.2 +1630,1.052882625835756,0.13813985829227973,0.9 +1631,0.9494398580654524,0.13825135985406906,0.98 +1632,1.628371940342645,0.1384844887807553,1.5 +1633,1.0272061366549385,0.1381474030212189,1.04 +1634,1.466997299347514,0.13814095579623464,1.48 +1635,1.7204049553058622,0.13891951841709882,1.48 +1636,1.52504071733319,0.1390088300858713,1.5 +1637,2.237741469172753,0.13927479999115852,2.28 +1638,4.5345131718162195,0.32736436411790143,4.56 +1639,1.9506731772009998,0.1387941326282825,1.96 +1640,1.2836060395183244,0.1390429367248463,1.2 +1641,1.446033532950092,0.13896755595493673,1.44 +1642,2.151863033757908,0.13895766551070143,2.2 +1643,1.941928141308014,0.13879647893824124,2.0 +1644,0.09378300053815192,0.1476189367843787,0.08 +1645,1.1116840446597278,0.13819142350776828,1.0 +1646,0.26504417923345525,0.14050213573751177,0.14 +1647,2.5961555689013087,0.14316683537851133,2.62 +1648,1.794785606966637,0.13904150958887454,1.82 +1649,2.2200950048059616,0.1397734260379114,2.16 +1650,0.9814762580965093,0.1381897474862014,0.96 +1651,1.0582755358572404,0.14657938610045787,1.02 +1652,1.0190789590325862,0.13830633013507176,0.82 +1653,1.899424382246088,0.13886573817045708,2.0 +1654,1.3864202122284643,0.13845555248773,1.34 +1655,2.460629905362935,0.14140628687434556,2.5 +1656,1.4969044157871947,0.13809538823395284,1.46 +1657,0.43459836095933024,0.1391043206940283,0.42 +1658,1.34427538455905,0.13845265620260483,1.36 +1659,3.5970941374906458,0.14713116523466485,3.54 +1660,4.21154484110268,0.16499560196797636,4.0 +1661,1.4739856583270372,0.13980326558542602,1.56 +1662,0.5590870279820868,0.13992535411853507,0.5 +1663,0.7231449069163451,0.139752437185925,0.66 +1664,1.9367646632524638,0.13885785713964094,1.86 +1665,1.319393317058565,0.13822302522614957,1.36 +1666,3.2615268099047645,0.1494842977197235,3.16 +1667,1.2857722771833435,0.13812900900516487,1.16 +1668,1.3962567487500896,0.13894970984027774,1.28 +1669,0.9370780853234697,0.13823364824378007,0.62 +1670,1.3574455817928053,0.1396132504368375,1.36 +1671,1.2623347208336346,0.13802372292408452,1.18 +1672,0.7734775963102072,0.1401521012720317,0.66 +1673,1.2683671833850516,0.13809254371865576,1.22 +1674,1.3786944309120228,0.13878817415702263,1.34 +1675,2.4056470582235887,0.14105682989375629,2.3 +1676,1.410587788501945,0.13970155905150194,1.38 +1677,1.3737985725662005,0.1385671769760442,1.38 +1678,1.4180175016605103,0.13829809254632466,1.2 +1679,1.4890546008778243,0.13810433509157727,1.54 +1680,1.2708506392419947,0.13995008439299153,1.3 +1681,1.462189513511226,0.13853827928046258,1.24 +1682,2.206389019665436,0.13936036781818464,2.2 +1683,1.573842450381714,0.13878153149116162,1.56 +1684,1.5220919291828414,0.13809939018856376,1.3 +1685,0.6162280589290914,0.13891376990480012,0.56 +1686,1.423701238175652,0.13909905052981675,1.32 +1687,1.4360608189909732,0.1382257507257687,1.36 +1688,3.11829802145527,0.14940567932652218,2.94 +1689,1.0155046389168012,0.1381530613630014,0.98 +1690,0.9556875660261808,0.13822391505109977,1.04 +1691,1.8507604321473208,0.13897790494950799,1.84 +1692,0.7438963372700504,0.13952916827374856,0.68 +1693,1.6117011473967144,0.13835820339056737,1.58 +1694,3.8186339317326583,0.14505055024232974,3.6 +1695,1.241441037080139,0.13802121038863818,1.22 +1696,1.0723691988918906,0.13816272024820056,1.12 +1697,3.877846551607468,0.14357940460900134,3.88 +1698,0.8416466882387104,0.13871375531243674,0.74 +1699,1.3701505616991545,0.13854038699718266,1.36 +1700,1.025234755303031,0.15175759189885182,1.0 +1701,4.045288589379234,0.14717780661812946,3.9 +1702,1.2258914972322925,0.1380462230348524,1.28 +1703,1.7204772952639713,0.13893881465692823,1.72 +1704,1.225212927876341,0.1380856699831425,1.14 +1705,3.7065287028809726,0.14644407633009207,3.72 +1706,0.9937080226494208,0.13815875908298444,0.9 +1707,2.5519127264803023,0.1426649789839595,2.52 +1708,0.47767410460126936,0.13870197675271487,0.34 +1709,2.3473614542716907,0.14015279505046904,2.44 +1710,1.6392245520058237,0.1384688934716143,1.68 +1711,0.47929666224090806,0.13938618209601605,0.38 +1712,0.6487070301740756,0.1398185471119425,0.62 +1713,1.8476385623644793,0.13897783529489088,1.92 +1714,1.854434322447232,0.13894724907758968,1.94 +1715,2.888740669244828,0.14661313805476792,3.0 +1716,2.1191765649302665,0.13914641297344532,2.34 +1717,0.40262652480608363,0.14173699914489507,0.36 +1718,1.7634007073357152,0.1386662025731217,1.82 +1719,0.9459111710347825,0.13822969255650666,0.88 +1720,1.2478511412247952,0.13804133629569773,1.2 +1721,1.515131783453202,0.13809727883308737,1.38 +1722,1.5766912263873811,0.1387705130993289,1.66 +1723,1.260961175893189,0.1394093134261135,1.34 +1724,1.3690710155414179,0.13867185295133685,1.32 +1725,1.494468483753308,0.13810165288061924,1.48 +1726,0.6749548552303599,0.1394933011909861,0.76 +1727,2.1541495353495597,0.13903234709921392,2.26 +1728,1.0858547463019432,0.13819704631142699,0.98 +1729,0.852126075405315,0.1385229116647789,0.82 +1730,1.8936903809354737,0.13893664505874181,1.88 +1731,1.7397417814612188,0.13894336275742575,1.68 +1732,0.9919361562414108,0.13818012937309215,0.92 +1733,2.2156873835020248,0.13950007190534996,2.18 +1734,1.1811800672128916,0.14037473341715423,1.08 +1735,0.9632160972692345,0.15320819579932363,1.02 +1736,2.1443690226042227,0.1390639624457555,2.06 +1737,2.1400368801467087,0.1390640342820017,2.04 +1738,2.3284372806066704,0.14179355196002377,2.18 +1739,1.5288961180322849,0.13810476000132937,1.52 +1740,1.5372072302062199,0.13907708360438037,1.56 +1741,0.27680113780500815,0.1413833673757561,0.2 +1742,0.9096955754278815,0.13879880259190616,0.96 +1743,2.763268047304229,0.14574734303659448,2.84 +1744,3.8766670382735766,0.1443929035621954,3.72 +1745,1.129051609569717,0.13817520378197817,1.08 +1746,1.018297577107318,0.13817267836112093,0.66 +1747,1.1832186152587907,0.13813910469515334,1.06 +1748,0.2023908046431755,0.1434743666659095,0.14 +1749,3.861959310510559,0.14502572679988962,3.62 +1750,0.030239437315880302,0.15660346744902368,-0.38 +1751,2.1477881035019015,0.13911545973427,2.14 +1752,1.7018376508333786,0.13886578567016894,1.76 +1753,1.0685162802360457,0.13817135064757805,1.04 +1754,2.095402781883439,0.13880184886051383,2.12 +1755,0.6293078062306341,0.14105042756537448,0.58 +1756,0.8203080135869092,0.13918280416485876,0.7 +1757,0.9278827733697375,0.13872766168953662,0.92 +1758,1.3486138524258093,0.13867400629526008,1.4 +1759,1.1654571017789612,0.13817454935400517,1.18 +1760,1.0881378196513607,0.1381648282278768,0.98 +1761,1.4083724836167297,0.13940277357916067,1.42 +1762,0.686058236242288,0.1401011382289334,0.66 +1763,1.22527926924933,0.13969216885566968,1.3 +1764,2.4187764389058577,0.14085216660919292,2.46 +1765,1.1168435002819797,0.13817511540599556,0.94 +1766,1.3907730779047567,0.13842868831373303,1.42 +1767,0.9917404797361256,0.1381763124069684,1.02 +1768,0.7419377146930008,0.13966635814133677,0.78 +1769,1.7950633204572801,0.139065623470583,1.86 +1770,1.2729404724414115,0.13927779850639632,1.32 +1771,0.7923944772541232,0.1394934004604559,0.72 +1772,0.7586784161906399,0.1392460400471563,0.64 +1773,0.7927081881878655,0.13903588996948119,0.76 +1774,1.3348750980850275,0.13824238907189332,1.3 +1775,1.908321987332502,0.1388774667237526,1.9 +1776,1.3497097233893376,0.13867785407451846,1.36 +1777,0.41908177704349736,0.13983123636757525,0.22 +1778,1.2998041501267492,0.13813330988793898,1.22 +1779,0.48634493665276946,0.14051076077937805,0.5 +1780,2.817910469314472,0.1461111915907955,2.76 +1781,1.3552671746762703,0.13861352964670476,1.48 +1782,0.9654132384284742,0.13818818874049374,0.88 +1783,1.1191240530085969,0.13818356704193116,1.1 +1784,1.8330495506405944,0.13899342927637973,1.88 +1785,0.6775864853017586,0.13955985532482684,0.66 +1786,1.4562412094222301,0.13816613200736738,1.44 +1787,0.947011110819715,0.13825918558051273,1.06 +1788,1.23172643215318,0.13928019386782706,1.16 +1789,1.1879591616849678,0.1381252535948833,1.2 +1790,1.5381857409638036,0.13811504462699833,1.56 +1791,0.8448164317278879,0.13872279981252203,0.76 +1792,0.9432621372871095,0.13836406188914016,0.96 +1793,0.9964980968500567,0.13848697589297385,1.0 +1794,3.56156131993482,0.14735989562337715,3.54 +1795,1.7849740605884064,0.13904181383698108,1.8 +1796,1.7268759268749738,0.1388842524130015,1.72 +1797,2.341191908313262,0.1407266510268652,2.3 +1798,1.591454616514322,0.13826716858958557,1.66 +1799,1.2950783205213687,0.13809844546209227,1.26 +1800,1.4561849734581385,0.13816689705720375,1.44 +1801,2.131540482881973,0.13905579005250346,1.92 +1802,1.736487038104829,0.13899954201258793,1.6 +1803,1.0747437450798172,0.13813894284402534,0.96 +1804,1.4500492995685859,0.13818011302789823,1.42 +1805,2.0302411289523894,0.13880486333287706,2.08 +1806,0.9927619106438632,0.13815205900862415,0.82 +1807,3.072820194465126,0.1488333655339474,2.96 +1808,0.9485971012118588,0.13828861662219283,0.68 +1809,1.5908638754321371,0.13826257114936413,1.58 +1810,3.117302015976292,0.14939530064291365,3.28 +1811,1.5390979668181641,0.13896096070746355,1.54 +1812,1.1820950043406873,0.13997656059447233,1.2 +1813,1.0995860947935006,0.13826458520916052,1.0 +1814,1.8251869944740546,0.13899416319151833,1.82 +1815,1.228914161111219,0.1380923504415656,1.36 +1816,2.531268744546117,0.1423305868807479,2.5 +1817,1.583989869123342,0.13824093143860972,1.6 +1818,1.5919572579133243,0.13826903991398037,1.6 +1819,1.1612902110539371,0.14159327751104195,1.22 +1820,0.9798724802584102,0.13819500166510917,0.84 +1821,1.3825071620506,0.1384640121194347,1.38 +1822,0.6980651735916075,0.1390119432982358,0.72 +1823,1.6551580245246411,0.138594373163773,1.6 +1824,1.8472411922881582,0.13897676797663805,1.88 +1825,2.2523882799625374,0.13963280415526308,2.34 +1826,2.0833093100613587,0.13879375320701245,2.06 +1827,3.2011403184386955,0.14987163525239244,3.0 +1828,2.038121820787082,0.13883400734627882,2.1 +1829,1.206739377125209,0.13810585004835202,1.24 +1830,2.6639045192550617,0.14408472890986823,2.62 +1831,1.6557201249623423,0.13856333791906267,1.6 +1832,0.45432444054679433,0.13907208828039763,0.42 +1833,1.2091475428412286,0.13816450724324889,1.16 +1834,1.3256791344389312,0.1382874811877318,1.12 +1835,0.5992784638567406,0.13924119220242212,0.52 +1836,1.3498568790830339,0.13842115503495936,1.3 +1837,1.6240667703700913,0.13840073222168872,1.58 +1838,2.029537998285874,0.13884249439120516,2.0 +1839,1.6001029196530885,0.13902624945698577,1.5 +1840,0.987328024166735,0.1382326741036814,0.96 +1841,2.1695432894824966,0.1394542078874125,2.3 +1842,0.7365051057104486,0.13998918021691886,0.76 +1843,2.299551376231576,0.14022820534597208,2.26 +1844,2.064480289218557,0.13907175817186013,2.1 +1845,0.9942818980679204,0.13816918423144037,1.02 +1846,1.7189628703537982,0.13889886571291932,1.72 +1847,2.1867530660404375,0.13926365718103917,2.16 +1848,1.5855299997588217,0.13824664541404802,1.46 +1849,2.1645928340721374,0.13902905268842553,2.14 +1850,2.080320125184648,0.13901444354895506,2.1 +1851,1.1511762594366806,0.14119481447846263,1.12 +1852,0.7620581810981539,0.14069450868410346,0.6 +1853,1.3591312924190317,0.13861380293153389,1.44 +1854,1.8202324603841182,0.13890511494997226,1.94 +1855,0.9722469932311091,0.1381721437748912,0.98 +1856,2.1364538296056663,0.13887155512447105,2.1 +1857,2.350421959302344,0.14024599090783557,2.28 +1858,1.001148226709943,0.1472644267356637,1.0 +1859,0.6063640477097101,0.14081172722038576,0.62 +1860,1.024951613374454,0.1382840295824218,1.04 +1861,0.8508976392568881,0.1384623287734312,0.82 +1862,1.2259958901809318,0.13970849152379494,1.3 +1863,2.510099118121693,0.14197605479058203,2.5 +1864,1.5145573447453584,0.13937537692726623,1.42 +1865,0.7735701956560943,0.13877316343071194,0.68 +1866,1.8729536663768966,0.1389245955204835,1.78 +1867,2.5744291516808877,0.14275613161760595,2.58 +1868,0.35531962264795336,0.1412230851176601,0.32 +1869,1.5226256095679096,0.13809935873121576,1.7 +1870,1.7275787279653647,0.13896200166732184,1.72 +1871,2.727126640909524,0.14528384645545914,2.56 +1872,0.40038242979878813,0.14029425795516345,0.36 +1873,1.1401575487226117,0.1381833725553416,1.06 +1874,2.671166121992399,0.14414687017512662,2.34 +1875,0.9444500777390763,0.13824750561647522,0.84 +1876,1.2601644451829328,0.13934768635997435,1.32 +1877,2.3063266236680304,0.1398787185945838,2.36 +1878,0.5301181800388681,0.14038922631604372,0.54 +1879,2.1686380380460006,0.13952102192906163,2.14 +1880,1.64726606594484,0.13854922898926816,1.62 +1881,1.911702621976132,0.1389657548660372,1.94 +1882,1.3309184819455977,0.13877411384775204,1.4 +1883,1.2006705708670564,0.14042498908715645,1.2 +1884,1.2522677637721804,0.1392784812065835,1.28 +1885,0.8458693700794937,0.13913556896322357,0.78 +1886,1.0555376185038616,0.14424471914092482,1.06 +1887,1.8103906406368848,0.13901948872482883,1.78 +1888,1.181087998198616,0.14089487734769243,1.16 +1889,1.78600437949419,0.1390437554876823,1.86 +1890,2.189495230332432,0.14081806977573724,2.0 +1891,0.5197616356739614,0.14067309224535476,0.5 +1892,1.7861545587096144,0.13887506959973944,1.76 +1893,2.219674702019602,0.139644856929089,2.12 +1894,1.2873233710817074,0.13820136316735415,1.16 +1895,1.170090991057669,0.13862010046726717,1.32 +1896,1.4988712095014831,0.13903559370429916,1.44 +1897,1.6860532119436114,0.13878779352603368,1.58 +1898,1.3311020473917266,0.1387498406901278,1.36 +1899,0.9606189142488253,0.13825294363198118,0.9 +1900,0.8417193461126997,0.13918154693045678,0.76 +1901,0.7449772415662457,0.14009750814884953,0.8 +1902,0.22914475691361513,0.14258149415278007,0.12 +1903,3.530832889524322,0.14754611523575162,3.56 +1904,0.5497529096213105,0.14006551574108717,0.54 +1905,1.4956764644570937,0.13809959904252028,1.46 +1906,1.0538296399381393,0.13814136984422987,0.94 +1907,1.0274294648769802,0.13814611920605177,0.94 +1908,1.255334667559107,0.13814024484003384,1.26 +1909,2.1122564883507975,0.1388921232772915,2.24 +1910,0.8493579786064052,0.13854849574777112,0.72 +1911,2.029186083132916,0.13879339637403187,2.0 +1912,0.8568247499065391,0.13895048694993362,0.84 +1913,2.133077666071702,0.13961571040347684,2.52 +1914,1.5872422609250512,0.138252013474714,1.62 +1915,0.9934086301625049,0.14902649384801825,0.92 +1916,2.1426514083672563,0.13921170642232267,2.12 +1917,1.000933421708079,0.14869162380928502,0.98 +1918,1.3941910717800772,0.13840997658501245,1.42 +1919,1.7413021491635332,0.13903930648663054,1.66 +1920,1.834109530029525,0.13899177359529338,1.8 +1921,0.6586475720563802,0.14052037361670702,0.56 +1922,2.859332451738175,0.14647277887676996,2.82 +1923,0.9177637371842193,0.13833013999119606,0.86 +1924,1.448085556006375,0.13917713620806488,1.48 +1925,1.3921813546596757,0.13899490846666257,1.34 +1926,1.3470649914942063,0.13840304606738882,1.3 +1927,1.4838666230547224,0.13811158838094656,1.48 +1928,1.2326469506905289,0.1381016768118368,1.26 +1929,1.020637038594006,0.1381487651402006,0.94 +1930,1.4815937657893476,0.1381136641871384,1.56 +1931,2.191379952692354,0.13902419265320198,2.24 +1932,1.6559671986657412,0.1386095588353297,1.68 +1933,2.0679232737596385,0.13892477907610198,2.08 +1934,2.144303016315841,0.13909883095323283,2.26 +1935,1.7235499117866295,0.13854837974849285,1.66 +1936,0.9021903567446179,0.1385113497452836,1.0 +1937,0.5923464051906455,0.13962786089418863,0.64 +1938,0.8241758338898206,0.13850859010843442,0.84 +1939,0.28528758048681535,0.1410426166671403,0.18 +1940,2.531629933146042,0.14252962091504703,2.46 +1941,0.9896415949635928,0.13823658478306838,1.02 +1942,1.6345118051171879,0.1384719733851747,1.7 +1943,1.1926437863883441,0.14090745159044482,1.26 +1944,3.0996214767211283,0.14889706115100693,2.88 +1945,1.4258234133966416,0.13826336240192666,1.38 +1946,2.3920640020732966,0.14072544492250671,2.42 +1947,1.3981135266845959,0.138391412008427,1.38 +1948,1.071544021877549,0.13824588537295102,1.14 +1949,0.7665159872140732,0.13932640406260682,0.66 +1950,1.4290889148757264,0.13971299348652075,1.4 +1951,1.5389845669135829,0.13892566664934589,1.58 +1952,0.8612278358923495,0.13851835098248869,0.92 +1953,0.22683851128066035,0.14151198067891188,0.22 +1954,1.1733483976444878,0.14100599222804902,1.14 +1955,1.4744499946564948,0.1391480327838102,1.54 +1956,2.3013211125867583,0.13967377225597058,2.38 +1957,1.2743805702546203,0.13922310055304932,1.34 +1958,1.2817752907882811,0.13912016358004223,1.24 +1959,1.446059641980745,0.13918475210327233,1.34 +1960,1.414030606396973,0.1389991816295699,1.36 +1961,1.4140338331466173,0.13831922728509524,1.48 +1962,2.1503805582299753,0.13913875144350982,2.12 +1963,3.325001708125071,0.1492239471093282,3.2 +1964,2.6279829591401116,0.14362058772380898,2.68 +1965,1.401784812082787,0.1383697335531141,1.3 +1966,0.23710139895672722,0.14387330541011367,0.08 +1967,1.537257695397538,0.13811398629243304,1.4 +1968,1.6225924477348945,0.1384147519802634,1.52 +1969,1.4891306078689963,0.13810560325575508,1.48 +1970,1.8047694743212679,0.1390273593898778,1.82 +1971,1.3418463240310237,0.1384625771558396,1.3 +1972,0.4719041461846869,0.13967699842460138,0.38 +1973,0.5571038820717495,0.1388676338767978,0.48 +1974,0.6829308884325433,0.14156661263066134,0.52 +1975,0.9033802346968036,0.13846330086335865,0.76 +1976,0.7415902605542355,0.1388153189494937,0.78 +1977,1.0558400529483363,0.13814034537987055,0.86 +1978,2.463337075681493,0.14131071782643737,2.52 +1979,1.8516317226210424,0.1389944005461086,1.9 +1980,1.3988627579457633,0.1383898636170718,1.42 +1981,1.0918269549009159,0.13816618488278595,1.08 +1982,1.294043072855728,0.13895542855408835,1.3 +1983,3.388239431145897,0.14891269935502052,3.26 +1984,1.5051925754611544,0.13911844174971594,1.3 +1985,1.0571466713207291,0.13816160171155786,0.96 +1986,1.441170931530432,0.13820834705994814,1.52 +1987,0.9281366662335477,0.13833988098938707,1.2 +1988,2.3256877698197753,0.1399039034710622,2.32 +1989,1.3897087536663788,0.13885169527297683,1.38 +1990,1.2498528395332782,0.1381560018326176,1.18 +1991,1.902956123419183,0.13886531948644099,1.86 +1992,0.52248477936753,0.14072558818010608,0.48 +1993,1.1182097748308868,0.13822995873969113,1.06 +1994,1.4040935371779275,0.13925757036476324,1.2 +1995,0.3880933839197338,0.141038039581612,0.42 +1996,2.0344396874913278,0.13884939373830704,2.12 +1997,2.4533296924289294,0.14162502706335028,2.2 +1998,2.645947381844464,0.1438318610047259,2.5 +1999,1.7324607210132852,0.13897380612999596,1.8 +2000,0.6944428552232713,0.1396150919715605,0.74 +2001,1.6979251544327907,0.1388420343562378,1.66 +2002,1.5699411332473963,0.13877501358905928,1.5 +2003,1.6145508328938005,0.13837119734034292,1.7 +2004,1.4720255239070523,0.1381339162957233,1.52 +2005,1.393490253568447,0.13886301229732897,1.46 +2006,1.0606294514390155,0.13820793489475067,1.04 +2007,1.41763925902477,0.13934860254762677,1.46 +2008,2.6728457165475836,0.1441600473591775,2.72 +2009,1.2768862225046567,0.13921133563842344,1.28 +2010,1.820369521180658,0.13901498765234657,1.8 +2011,1.3493081305628136,0.13865495026785696,1.42 +2012,2.1369961666620254,0.13883204034970825,2.18 +2013,2.104375923116332,0.1388511757328228,2.14 +2014,0.7795291417099994,0.1405652899112536,0.66 +2015,1.5230425980837508,0.13872566949426304,1.92 +2016,1.1716514279277055,0.1404767954120726,1.02 +2017,1.9413110884509974,0.13892151122521057,2.02 +2018,1.50710028364277,0.13809555347546468,1.42 +2019,1.2930829430995692,0.1381245263315845,1.3 +2020,0.7613978494889784,0.13898729515943142,0.68 +2021,0.6605176078887807,0.14010442522288508,0.6 +2022,1.4047093923239862,0.13926970652963933,1.26 +2023,2.1006385701704806,0.1389240885907947,2.1 +2024,0.23342182076952778,0.141559880560493,0.36 +2025,1.9412519257028675,0.13889249807526693,1.9 +2026,3.7067774341536355,0.14534807616138415,3.54 +2027,1.7409984829780063,0.13900947600383823,1.78 +2028,1.4033142932923672,0.13895452517466464,1.42 +2029,0.9824789565509873,0.13816331547647293,0.82 +2030,3.0530945612161977,0.14880506231738796,2.98 +2031,0.6533690843059494,0.1388624518762219,0.78 +2032,1.4155355935476654,0.13876506984404008,1.46 +2033,1.843635607628225,0.1389703194933022,1.84 +2034,1.2260474747395227,0.13806719093547754,1.38 +2035,1.5224031372419402,0.13809834490320885,1.54 +2036,2.3009411229621426,0.14024266899181187,2.34 +2037,1.1606907039171324,0.138169397846619,1.16 +2038,1.0807723083261598,0.13828001753362348,1.12 +2039,0.10972554102765297,0.14902206637546947,0.1 +2040,1.405066461107718,0.13836249261357816,1.46 +2041,1.7435868436391173,0.13897119392955912,1.72 +2042,1.7292185514657339,0.13897685442150484,1.76 +2043,2.0402848949551666,0.13902995193934797,2.32 +2044,1.6191248248217276,0.13884799300729003,1.74 +2045,2.9893566685685498,0.14800731960028057,3.04 +2046,0.9538595995298769,0.1383177566729491,0.9 +2047,2.301560985490773,0.13988500112623262,2.12 +2048,2.1602799522501064,0.13905169214655058,2.12 +2049,0.7861519882327235,0.13862477245753652,0.74 +2050,0.859547608007257,0.13855601171820756,0.84 +2051,1.8434532471836667,0.13897367050883624,1.74 +2052,1.1480376138239476,0.14060064839016562,1.14 +2053,2.0104218939861793,0.13874198920657774,2.06 +2054,1.3028841483392766,0.13894392694614255,1.28 +2055,1.18354238432629,0.138155099521635,1.26 +2056,0.9637913521681574,0.1382074095198504,0.98 +2057,0.7044768235801149,0.14007840307947983,0.6 +2058,1.07888943014862,0.13817468824266482,1.16 +2059,0.8795177757143682,0.13851013109321123,0.86 +2060,3.6653788136827066,0.14602263016987768,3.54 +2061,0.924218877787534,0.13833176929948954,0.84 +2062,1.0573647993194717,0.13815189886933538,1.04 +2063,1.4923628121737158,0.13810351852917782,1.52 +2064,1.1542997630354952,0.13825013594195723,1.06 +2065,1.169872274005825,0.13819430565886404,1.26 +2066,1.3888773391485065,0.13875857563283403,1.3 +2067,3.500356824465835,0.1500863338075789,3.42 +2068,0.9784568309450803,0.13818695320216554,0.98 +2069,1.2897410087534587,0.13906377826235589,1.28 +2070,2.1979530955281623,0.13961294737865101,2.04 +2071,1.2108386072609418,0.13966274467215192,1.16 +2072,1.327201689986306,0.13819009248602962,1.04 +2073,0.6682253038016404,0.1398486087062803,0.52 +2074,2.024300915955073,0.13913478595701145,1.96 +2075,1.2149902374983226,0.13817365423821276,1.1 +2076,0.8950811892628812,0.13834925225644157,0.94 +2077,1.6510802369418363,0.13856747864136398,1.6 +2078,1.1071096284317994,0.138257419659034,1.08 +2079,2.15626281670115,0.13940887813350689,2.08 +2080,0.8464741155465445,0.13864524024292238,1.02 +2081,1.4103488342941892,0.13833437290960707,1.4 +2082,2.0940690857661286,0.13911557002634994,2.06 +2083,0.22366884310375124,0.14153779453802487,0.18 +2084,1.8065692005581324,0.1390218228428241,1.86 +2085,2.14255456838423,0.1391396969303454,2.24 +2086,0.9588961506497808,0.13849222300304356,0.76 +2087,3.1644666165316613,0.14880626974495303,3.14 +2088,2.868686068436584,0.1465070904396114,2.76 +2089,1.570897049182931,0.13819350913776654,1.6 +2090,1.253436093692545,0.13807948413196816,1.18 +2091,0.8289026882002437,0.1396559895481709,0.72 +2092,0.6029298685412021,0.1387515140273754,0.54 +2093,0.6910656795623273,0.13982695963216604,0.6 +2094,1.8309261273569915,0.13899276019085,1.94 +2095,1.356529909319124,0.13862154466154955,1.34 +2096,2.188221837675001,0.13930552815155584,2.28 +2097,1.6503465982670837,0.1387893673044079,1.66 +2098,3.086908587234137,0.14840328074764653,3.08 +2099,1.3613836926891514,0.13869370229520092,1.44 +2100,1.5888876554181257,0.1379628111564981,1.72 +2101,2.250171463219135,0.13991450837372701,2.32 +2102,2.067295399137392,0.13905826467541854,2.02 +2103,0.8786771617249469,0.1391265291346266,0.84 +2104,1.44372855231311,0.13879483021072356,1.52 +2105,1.484685948827873,0.13924646568255053,1.62 +2106,0.6774799420194304,0.14058905346306994,0.78 +2107,1.2930937682017491,0.13813380079387325,1.24 +2108,0.6874901448365511,0.1400806652224509,0.5 +2109,0.5566981497247196,0.13867194455353635,0.5 +2110,0.423702897964751,0.1398796714533689,0.32 +2111,1.498904287869908,0.13929238554882345,1.34 +2112,2.8699370980298147,0.14694340843632672,2.78 +2113,2.296423683454246,0.13982253973357198,2.38 +2114,1.9818297623925636,0.13905005627865905,1.94 +2115,1.6765733471904722,0.13867285653442352,1.62 +2116,1.1222453054639479,0.13817450824853386,1.1 +2117,2.0866321955874936,0.13912510994569458,2.1 +2118,2.145648594984219,0.13902047143739288,2.22 +2119,1.963339519693771,0.1388166024773605,1.92 +2120,0.27927888828652225,0.14265834480331685,0.12 +2121,1.6569033390810146,0.13902394861093562,1.66 +2122,1.7907371264789118,0.13904122789398665,1.76 +2123,4.157505361747366,0.15549228986053035,3.92 +2124,1.4832001135708834,0.13811366976819095,1.38 +2125,2.2920587096431957,0.14008997561588696,2.4 +2126,1.6436080635415058,0.1379832018908347,1.52 +2127,0.8250512435290167,0.13919480834445908,0.82 +2128,2.8727188724060744,0.14683404324650726,2.84 +2129,1.3390785857791085,0.13836969278780809,1.3 +2130,1.0713606178809973,0.13817256135435485,1.3 +2131,0.745340417890648,0.14017439015679875,0.68 +2132,1.1786661834507042,0.1381381124210911,1.16 +2133,1.368390005902703,0.13865204128135705,1.34 +2134,2.401906562903778,0.14110821510999166,2.16 +2135,1.191097057260147,0.13820522670042745,1.14 +2136,0.41436221117564553,0.14193078755727528,0.38 +2137,1.5559086279474341,0.1395266458920071,1.6 +2138,1.1067356870402412,0.13817351236169165,1.06 +2139,1.8036018821295192,0.13903935845794338,1.76 +2140,2.8880100193091875,0.14693934180460563,2.8 +2141,2.7982940065904343,0.14554782378385306,2.76 +2142,1.6334989197846062,0.13847485988818567,1.76 +2143,1.083791604727696,0.14893520470630317,0.96 +2144,1.048232197446029,0.13820863718497478,1.06 +2145,0.4811875660066667,0.13858689136710775,0.62 +2146,1.3871907817531115,0.13892733465485455,1.32 +2147,1.9528091897814823,0.13879646990224886,1.94 +2148,3.0241731110408514,0.14850755300866744,2.98 +2149,1.5051555234280931,0.1380958015315658,1.52 +2150,1.3006291867731745,0.13815903831762982,1.2 +2151,1.3503422083708,0.1383021439556707,1.42 +2152,1.3662057786622759,0.13856229560526892,1.38 +2153,1.5319282826781366,0.13913277162650597,1.48 +2154,0.9555750362933457,0.13820936727140268,0.86 +2155,0.6221366190594813,0.14017875371459992,0.64 +2156,0.9229698286398422,0.1384547612352099,0.9 +2157,0.8308393579419251,0.13901914068333174,0.8 +2158,2.021763294405324,0.13872621066606047,2.04 +2159,2.813762556642156,0.14689829255835024,2.82 +2160,0.9993567933131393,0.13815524858282158,0.94 +2161,1.405390903613081,0.13836248343045762,1.44 +2162,0.028244541426771796,0.15552673610292087,-0.1 +2163,1.0111330975689894,0.13814034678711126,0.92 +2164,2.0301914657052924,0.13870688178805138,2.08 +2165,1.1100947466498026,0.14093783568704488,1.1 +2166,1.4310178664712145,0.13824991649252116,1.5 +2167,1.3787980179406167,0.13849937608757112,1.42 +2168,2.273899253045264,0.1399678122769426,2.22 +2169,0.7263814782405431,0.13975525299986555,0.72 +2170,0.9093577664249137,0.13840094990549756,0.96 +2171,2.5790769712010144,0.14305643645700672,2.56 +2172,1.621985399184232,0.13898250031142206,1.52 +2173,1.7511616560533545,0.13902656814205339,1.72 +2174,1.262907040412819,0.13823318126643064,1.26 +2175,1.4978040436359477,0.13948148612317593,1.58 +2176,1.323701144579469,0.13880009515593061,1.3 +2177,0.9215678883435627,0.13837699547209714,0.96 +2178,3.105933583423613,0.14818461639566188,2.96 +2179,0.3939455792809481,0.14099785502638096,0.3 +2180,1.4581043282528467,0.13816397178801423,1.48 +2181,4.262717809250458,0.17581757724474717,4.02 +2182,1.264140697232171,0.1380464598018207,1.22 +2183,2.2634833004935038,0.13956265036062301,2.24 +2184,2.701492332298165,0.144539830480038,2.62 +2185,1.5809305635525055,0.1382285772529748,1.58 +2186,0.6599848908375696,0.14052810510234337,0.58 +2187,2.680496887965325,0.14428820033109593,2.6 +2188,0.13952476441811168,0.15162836259985782,-0.06 +2189,0.948629417977144,0.1384377587983579,0.82 +2190,0.4299284708761375,0.1400201623361871,0.28 +2191,0.7773259591297785,0.1392140450919621,0.84 +2192,3.1710044705581018,0.14946228243268594,3.06 +2193,2.5954640312663484,0.14313248514952953,2.62 +2194,0.7627734439296665,0.14123878003507082,0.7 +2195,0.34642671483985676,0.14053372429908537,0.3 +2196,2.491790361562532,0.14187775442897674,2.52 +2197,1.727861641081243,0.13897228908625353,1.8 +2198,2.1935870371846304,0.13985887262976232,2.1 +2199,2.063930290218411,0.13916785316289426,2.08 +2200,1.5389728813006007,0.13811769805578852,1.58 +2201,0.42141505744733276,0.13983468674882424,0.28 +2202,1.127622880141348,0.1382018553753059,1.08 +2203,0.6091954084811482,0.14005655860996769,0.6 +2204,1.1442893933985934,0.13817421071970196,1.08 +2205,0.665769288279761,0.1388227744276959,0.56 +2206,0.9968762373626303,0.13815642700899614,1.02 +2207,1.0764127009291,0.14693510420824324,1.02 +2208,1.1504928516229453,0.13821000916147855,1.16 +2209,1.051730774831067,0.13815895191117195,0.94 +2210,0.275774070610999,0.14020090451658918,0.36 +2211,1.1313752606735958,0.1414928881438037,1.12 +2212,0.6130629669417926,0.1387931195524447,0.62 +2213,1.3136028715064745,0.13826529646767075,1.24 +2214,1.731362172229967,0.1389359919953261,1.78 +2215,0.7386854293146206,0.13884395860860554,0.74 +2216,0.47160132757218687,0.14104138788671833,0.46 +2217,3.060373655508715,0.14792119887355804,3.26 +2218,1.089824465082649,0.13817071154756816,1.0 +2219,1.405825515329048,0.1389279204449175,1.42 +2220,1.6158734619328632,0.1383782630574494,1.66 +2221,1.2527630858097032,0.13937820569220255,1.34 +2222,2.5613133054394224,0.14279159617097656,2.52 +2223,2.4656090034344933,0.14146863372418544,2.46 +2224,1.097358303794354,0.13819663806345078,1.12 +2225,2.5011517499478293,0.14181508806623183,2.36 +2226,1.4371316704388795,0.13938347657111977,1.42 +2227,0.9372834052577756,0.1383218115471952,0.86 +2228,1.2383046692428428,0.1380428136748074,1.06 +2229,0.5308763481703229,0.1400108771572218,0.34 +2230,1.6526270297152577,0.13857856991766324,1.66 +2231,3.2391395239095955,0.1488445095288538,3.12 +2232,1.9032701506675158,0.13922220480988012,1.8 +2233,2.5368987807629315,0.1423893010154814,2.6 +2234,3.546710559335181,0.1483011446788552,3.36 +2235,3.8650870050131756,0.14666808912189097,3.74 +2236,1.4204365342477123,0.13882163101794545,1.4 +2237,0.21132586611978876,0.14271498234817015,0.12 +2238,1.4011505049804809,0.13903258567663435,1.38 +2239,1.2795193492034604,0.13926140584837696,1.32 +2240,1.5063606035428263,0.13809490743942013,1.44 +2241,3.5663308800382394,0.1472283983074882,3.5 +2242,0.9137161323359875,0.13841708066412797,0.8 +2243,2.1615561992435834,0.13926931442770168,2.16 +2244,2.8757213437820495,0.1464232114139257,2.54 +2245,1.670442483150988,0.13857105280742446,1.5 +2246,1.4390467202640904,0.13905694834634882,1.4 +2247,0.49854671461703415,0.14027669252308944,0.4 +2248,3.4081900576813764,0.14928932533449407,3.24 +2249,1.915067870981857,0.13883973825676738,1.8 +2250,0.11451712608402875,0.14810903466022726,-0.04 +2251,2.035569643272601,0.13871482992563505,2.04 +2252,1.8234577125529006,0.1392158682448161,1.8 +2253,1.6480354430027182,0.13855350239369219,1.66 +2254,1.7141635903119896,0.13890930933284495,1.76 +2255,1.173395813547315,0.1417818561478293,1.2 +2256,0.7068805050994085,0.14029551380063873,0.72 +2257,2.2792206778862854,0.13986119060249974,2.36 +2258,1.0284634289672487,0.13821270896954443,1.04 +2259,2.0874873521243265,0.13889705285004414,1.98 +2260,0.8147285902735844,0.14070557453675886,0.84 +2261,1.3111269134534096,0.13819346027122803,1.36 +2262,1.1733807059647736,0.1382086366490461,1.16 +2263,2.050472525844909,0.1388813266905011,2.2 +2264,1.1393827382843638,0.14109384617687204,1.14 +2265,2.736841318443239,0.14525646429829595,2.74 +2266,1.1569809724602171,0.13817335628980246,1.04 +2267,0.3910083631948451,0.13922831064741387,0.46 +2268,1.4436069306339432,0.13820457238395406,2.22 +2269,0.6039426922386175,0.14143422747066806,0.56 +2270,1.4918733285021792,0.13810325748725685,1.5 +2271,0.9456150842948565,0.1528159057584158,0.82 +2272,1.3564517562006264,0.1386320110397196,1.46 +2273,0.6858836302224871,0.14105231921712486,0.64 +2274,1.6298409358283932,0.13852370936404063,1.72 +2275,1.4285648582211925,0.13912967449501587,1.34 +2276,1.5854444538389911,0.13824713092870677,1.6 +2277,2.119393790334615,0.13882631067071813,2.12 +2278,1.4989155569110926,0.13809934657603515,1.58 +2279,1.722761221610532,0.13868246947353582,1.66 +2280,2.0478656713951144,0.13902880091461473,2.02 +2281,1.3065264106147003,0.13813184317424504,1.32 +2282,1.3269487249776928,0.13824785459484537,1.34 +2283,1.0685308232598656,0.13839064623985772,0.98 +2284,1.5108865714239021,0.13905528169538825,1.52 +2285,1.0470633540698726,0.13815622988836868,0.96 +2286,0.7967954644199926,0.13859899127758743,0.72 +2287,2.2503623828116863,0.13948874568711295,2.22 +2288,1.263980021590842,0.13926959718950702,1.24 +2289,2.4969897941168915,0.1417388057016413,2.36 +2290,3.063544373302981,0.14845233218911338,3.04 +2291,0.888842363102575,0.13853945905585258,0.94 +2292,2.3654094911323567,0.140261820733494,2.58 +2293,3.3480908727221914,0.14907575446223187,3.5 +2294,2.1849584045529893,0.13966918062796935,2.12 +2295,0.5691787247401328,0.1390589314420857,0.52 +2296,1.5447433518176252,0.13812573403592654,1.52 +2297,2.317524623721037,0.14008251770907965,2.26 +2298,1.164138410597082,0.13817163017501338,1.08 +2299,0.5243231203032108,0.1411401480275826,0.54 +2300,2.8884315059860475,0.1470843760630277,2.8 +2301,1.9167292832519491,0.13887430852258512,2.04 +2302,1.12414691929646,0.14219213199008454,1.12 +2303,1.9384048082408638,0.13883448053321737,2.02 +2304,1.6368649373029447,0.1384901598847194,1.66 +2305,2.752696222952955,0.1454206802695438,2.7 +2306,2.390030914855891,0.14071998723875473,2.4 +2307,1.6809912350165517,0.13874110527016129,1.66 +2308,0.7192462338577661,0.1394390873076604,0.64 +2309,0.43258649531323723,0.14196436938062323,0.36 +2310,1.3001657356563987,0.13829885363254513,1.16 +2311,0.632396776299152,0.1395757175795133,0.66 +2312,0.36842249530193794,0.1401099973164036,0.32 +2313,0.8320283575525229,0.13873962760515743,0.82 +2314,1.6768608715745996,0.13872191673689374,1.68 +2315,2.230499592947072,0.13924661785328532,2.36 +2316,1.567600648279977,0.13818149008572814,1.64 +2317,1.7749169628622345,0.1387367265716244,1.68 +2318,1.2298811648481687,0.13805410633914156,1.18 +2319,1.4110009762429518,0.13880342906584087,1.52 +2320,1.0234777139373739,0.13814275683246255,0.9 +2321,0.8106406260659851,0.13872216424797215,0.74 +2322,1.4226158483162363,0.1387542480564855,1.42 +2323,0.853391800919602,0.15661592821071457,0.88 +2324,1.938136621095114,0.1389315237571616,1.92 +2325,1.3426475337026735,0.13870647798774768,1.36 +2326,1.0651045968781565,0.14879566209666661,1.02 +2327,1.0854393789929437,0.13818308844949345,1.06 +2328,1.4574439050428927,0.13816304384814848,1.5 +2329,0.8780036280133308,0.13850080025176803,0.84 +2330,1.6638813149972291,0.1386459744610762,1.74 +2331,1.5027332229373576,0.13809861061181866,1.44 +2332,2.073986832807452,0.13880673719075506,2.16 +2333,2.3678001444016195,0.1407256131282955,2.4 +2334,0.8145543397432808,0.13866331219729633,0.8 +2335,1.3239674838565518,0.13880486189749697,1.5 +2336,1.131279723521014,0.13817432257545376,1.16 +2337,1.4176829626585485,0.13830112482343243,1.46 +2338,2.0795592396858806,0.13897878387277823,2.04 +2339,2.6436548644898172,0.14382644324992658,2.64 +2340,0.8531517442551353,0.13876899156812636,0.86 +2341,1.3373768120837068,0.13821210827499308,1.28 +2342,4.42784859378883,0.24351674737912074,4.46 +2343,1.9414961103809558,0.1388993408743836,1.92 +2344,2.146702411553302,0.13914661052139596,2.1 +2345,1.734519238828212,0.13899075225215843,1.76 +2346,2.3493809883202017,0.1402673828148603,3.12 +2347,1.0642238855825203,0.13815516029544736,0.98 +2348,0.4408409794356194,0.1391016520086678,0.52 +2349,0.9478581391528769,0.1382591508953838,0.9 +2350,1.1717284652992523,0.13816815642500105,1.14 +2351,0.8374549733948582,0.13848651487262334,0.68 +2352,1.7541153732420574,0.1390228498583813,1.74 +2353,1.939544370279548,0.13881227876305768,1.82 +2354,3.199184257990349,0.14879610011257918,3.2 +2355,1.4545399027704553,0.13899528802427244,1.48 +2356,0.7689400282646792,0.1398494960955744,0.82 +2357,1.6533817242154063,0.13855362484780323,1.64 +2358,1.512447923038649,0.1392291533440866,1.5 +2359,1.6300452115105335,0.13845328874724264,1.64 +2360,2.3181319190356886,0.14030905048208267,2.26 +2361,1.2863733551083412,0.1380605744633858,1.16 +2362,1.054741083943763,0.13825589533717686,1.1 +2363,1.758886345993079,0.13904783539201018,1.78 +2364,1.1831842531458028,0.13813996729890343,1.04 +2365,1.2031190840374633,0.13813917017253308,1.22 +2366,2.27407969480545,0.1399656533454572,2.26 +2367,2.156133360089604,0.13908833304570575,2.12 +2368,1.2728880230673267,0.1381793623271698,1.18 +2369,0.7960528339591972,0.13904194604262582,0.74 +2370,0.9640961099166843,0.13831669138316882,0.92 +2371,3.133410500755107,0.1496244359875078,2.88 +2372,1.6399370793575434,0.1387063861567718,1.56 +2373,1.6301500271819682,0.13839364801573661,1.5 +2374,1.5311759380626802,0.1381069358288513,1.48 +2375,1.4215266335266206,0.13828110807865449,1.44 +2376,0.8573321183174363,0.1565850880523781,0.84 +2377,1.0998165956657422,0.13836068884101846,1.14 +2378,0.8374006768028179,0.1390612517948848,0.94 +2379,1.2068094766206796,0.1401341109413211,1.22 +2380,1.2668768763370997,0.1391929867214585,1.32 +2381,1.1291452268297482,0.14086918148690533,1.1 +2382,1.5797921118860243,0.13872633180924235,1.56 +2383,2.3611173147446243,0.14030253343897242,2.36 +2384,2.7922524439302405,0.14558843607057873,2.68 +2385,1.1720144003297142,0.1406309431690718,1.08 +2386,2.750067461899696,0.14511702204554222,2.64 +2387,1.3153589349852544,0.1382813384846529,1.28 +2388,1.7140361325134696,0.1386219094239562,1.72 +2389,2.4124622828581996,0.14120930734899076,2.36 +2390,0.7089272797491253,0.1399266906442468,0.74 +2391,0.10240280962480153,0.14842470414841594,0.06 +2392,1.120632758360407,0.13819115568134982,1.0 +2393,2.9215682517403705,0.14754828345340462,2.8 +2394,2.8002069616484873,0.14583957599439448,2.86 +2395,1.5649562297313357,0.13817469041413014,1.48 +2396,1.102930571355123,0.14419584180218473,1.06 +2397,1.1585863460629566,0.13819393362280788,1.16 +2398,1.1380746106020956,0.14227855851401436,1.14 +2399,2.203949528532191,0.13940560347438433,2.18 +2400,2.555126845131105,0.14258171246469598,2.7 +2401,1.1368257732737233,0.13818524506402233,1.06 +2402,0.7437184175377629,0.1387357754745613,0.84 +2403,0.9844924595437012,0.13818341348135363,0.94 +2404,0.7684505101493988,0.1402426897016229,0.88 +2405,1.2142876696459295,0.138095040622899,1.1 +2406,1.0487052555368015,0.1381509793137447,0.94 +2407,2.0581368386376715,0.13934931621286037,2.08 +2408,1.2830374666158297,0.13806702936849483,1.28 +2409,1.469981064023222,0.13813331644527346,1.4 +2410,0.9715230774606018,0.13820871840280657,1.06 +2411,0.9094303623831435,0.1385941455411515,0.9 +2412,4.1156947974079285,0.1510664918684228,4.06 +2413,1.9208736207518404,0.13884448848719436,2.14 +2414,2.6198632458287596,0.14345910898673686,2.66 +2415,1.256873220478485,0.13940345113207303,1.28 +2416,1.176578069290481,0.1381467015981451,1.24 +2417,0.7772759066186756,0.13938831246435393,0.8 +2418,0.8878312581168535,0.13863128056833443,0.88 +2419,1.438096443997341,0.13822121966281192,1.4 +2420,0.7893074543254803,0.13910229149075026,0.74 +2421,0.9471113281238344,0.13822047116285835,0.88 +2422,1.0316608680815795,0.13818770870150288,0.74 +2423,1.3500061809254609,0.13841204334923618,1.36 +2424,1.111483103620741,0.13817279989935546,1.04 +2425,1.075284518692114,0.13815109685510396,0.96 +2426,1.3889151783252194,0.13886350347949597,1.36 +2427,1.6307542904990084,0.13845509163407702,1.62 +2428,1.0241308944924326,0.13814428262847944,1.04 +2429,0.8171407927951817,0.1390722791576291,0.78 +2430,0.7062900010291697,0.13990999105705298,0.74 +2431,1.7128626799366833,0.1389081621693158,1.8 +2432,1.261548668120887,0.13815503679241684,1.2 +2433,1.0226623338708931,0.13825691423784447,1.08 +2434,1.8074776164621573,0.13903118491044872,1.82 +2435,0.6018708332418958,0.14092730054882038,0.64 +2436,1.25601093494594,0.13802126676769153,1.2 +2437,0.6993605072196969,0.1405429567917003,0.64 +2438,2.089188396229491,0.13884502021340453,2.1 +2439,0.7057960195241995,0.14009941955310626,0.68 +2440,0.6165950257604882,0.1397816211269523,0.56 +2441,1.5000674830828045,0.13809852016318788,1.6 +2442,0.8919683850664155,0.1388425118772736,0.84 +2443,0.16188316012919568,0.14336631088492013,-0.02 +2444,1.5449549973534813,0.13812689072024673,1.5 +2445,1.0345365931720414,0.13818485207388104,0.98 +2446,1.1279267513537503,0.13818175623890555,1.02 +2447,1.1039294961279564,0.14266303587356732,1.0 +2448,0.11798344585663312,0.14654776033203346,-0.02 +2449,2.2841197882207913,0.1397667239759824,2.34 +2450,3.035426487637074,0.14835061193075355,3.3 +2451,1.9658603748979209,0.1388017451213997,1.98 +2452,1.7723570762585181,0.13855243958054758,1.74 +2453,1.4894439011261964,0.13946589351871194,1.42 +2454,1.4210170560727304,0.13829080826516515,1.42 +2455,1.3972014888639128,0.13902607889592683,1.38 +2456,2.1800090086782573,0.13930491690286148,2.2 +2457,2.628712416203938,0.14360866331692107,2.58 +2458,1.7092898266925074,0.1389000920855394,1.54 +2459,3.7589702422494637,0.14475735334755643,3.56 +2460,3.1530001882861347,0.14921139443890555,3.12 +2461,0.056997305899678885,0.15098120908898804,0.18 +2462,1.8265164457108964,0.13899900031539553,1.9 +2463,0.19538772226022427,0.14451691040312714,0.08 +2464,3.1242881833471072,0.14827413348410406,3.04 +2465,0.5542371483949458,0.14089783645652967,0.56 +2466,0.5420808290476229,0.1402936234746347,0.5 +2467,0.8878761908698953,0.13839464430431891,0.76 +2468,1.1532504986327288,0.1381743769839747,1.0 +2469,1.434683202962197,0.13934902666923002,1.54 +2470,1.4917969295322342,0.13810328629459798,1.62 +2471,1.050963101298012,0.13815314522538955,1.06 +2472,0.7320782560516532,0.14044144874931935,0.7 +2473,2.1171267159779523,0.1387581577130576,2.12 +2474,1.5499127096250147,0.1381370564146014,1.6 +2475,1.9000755768808082,0.1389092202243644,1.88 +2476,0.6718677642127195,0.16085034297616596,0.6 +2477,2.0881392660589304,0.1391267084726422,2.1 +2478,1.128715108754732,0.13819154728933888,1.24 +2479,0.729475721778317,0.14058128174142392,0.66 +2480,1.6379585519341893,0.138500151976441,1.58 +2481,2.2134533388993516,0.1392965208100174,2.24 +2482,1.4840813037893161,0.13811646049076307,1.44 +2483,1.7847715218762543,0.13904853153741548,1.82 +2484,1.9487269403192533,0.13966975403427126,1.84 +2485,1.3640885786777721,0.13874617342609027,1.22 +2486,0.9538943952513561,0.13822157265741208,1.04 +2487,0.42135018882993247,0.14046357907097012,0.44 +2488,1.3749506618858218,0.1387099781985699,1.28 +2489,1.7574135731378702,0.13898079483878256,1.78 +2490,0.8295904864985628,0.13973762803715645,0.86 +2491,0.6152593004391376,0.13949274043655105,0.56 +2492,2.430178705449321,0.14139269413145564,2.26 +2493,1.014526682509156,0.1381603576292147,1.1 +2494,1.3998285246354518,0.13888873972162957,1.38 +2495,1.8760990495543224,0.13892081542953702,1.94 +2496,2.0156572276557503,0.13880251834934612,1.98 +2497,1.6490008699867351,0.13804029713602728,1.64 +2498,3.2965387284717655,0.15097882381463373,3.22 +2499,1.3401143174441037,0.13872996491712353,1.42 +2500,1.3260125012761028,0.13831487304199555,1.3 +2501,1.0885490126663262,0.13816788709586614,1.08 +2502,2.711321583752407,0.14508763648224746,2.48 +2503,1.9324813455998102,0.1388089752654734,1.92 +2504,1.8978083508305934,0.13887107801414397,1.92 +2505,1.73311072392229,0.13895576006634264,1.6 +2506,0.014057558767542666,0.16183674175852542,-0.2 +2507,1.127921706752466,0.14054803600717888,0.96 +2508,1.4614406872984658,0.13942045361940109,1.46 +2509,1.8999615705037582,0.13899852397247117,1.88 +2510,2.379194073384009,0.14109201102929916,2.38 +2511,0.690537099770558,0.14317214419394036,0.62 +2512,2.345869454903535,0.14002556041047867,2.3 +2513,1.163071819099481,0.13819645554453913,1.18 +2514,1.7797161512420407,0.1390495842011089,1.8 +2515,1.3115981428608796,0.13893015620426755,1.44 +2516,0.4450447922907719,0.14122066866342253,0.42 +2517,0.9332701060449784,0.1383487979497908,0.88 +2518,3.347514152215843,0.14971433755888505,3.18 +2519,1.3902212605820372,0.1391915953605601,1.34 +2520,1.634242657233826,0.13847784768884008,1.7 +2521,2.9632400169714215,0.14736124606846346,2.9 +2522,2.184727467824991,0.13926411249172738,2.1 +2523,1.5002495450628848,0.1380954526168036,1.56 +2524,0.5617000097307772,0.14009104555132443,0.54 +2525,2.07051115462514,0.13877294315475136,2.04 +2526,1.6194971953835937,0.13837389822451251,1.58 +2527,1.2571025182916662,0.139352575587327,1.26 +2528,1.5665356738995717,0.13799313694922438,1.56 +2529,1.1267009257973504,0.14064586416024824,1.12 +2530,1.0952173152671412,0.14825838227896615,1.1 +2531,0.523502620281902,0.1394807367863867,0.54 +2532,1.3307194136972553,0.1387988770994809,1.48 +2533,1.5981255089239381,0.1386017291623586,1.5 +2534,2.6418662259453134,0.1437141965201398,2.54 +2535,1.298296780716874,0.13900667763360092,1.24 +2536,1.429315916424911,0.13825087270259345,1.5 +2537,1.2843400802000593,0.13914576393609737,1.3 +2538,1.5801241067219811,0.1382236061421229,1.54 +2539,1.5946262972796026,0.13828060397293712,1.7 +2540,1.4890003268638266,0.13810429096754556,1.48 +2541,0.49086181936611606,0.13956853357539314,0.58 +2542,2.335043069018133,0.1403437068680773,2.46 +2543,1.9434792474625615,0.13881721412784204,1.92 +2544,2.85960201765183,0.14704856458587415,2.72 +2545,0.8003095564168659,0.13985092407257366,0.74 +2546,1.31598737877865,0.13814445993135613,1.14 +2547,1.5804013904992464,0.13822270982673016,1.5 +2548,1.0828448542111877,0.1381491388295999,1.18 +2549,0.9600553716059919,0.13831042597384113,0.94 +2550,3.210285203278743,0.14956462739158272,3.2 +2551,1.0065573643642827,0.13818189953860333,0.98 +2552,1.0386490349797546,0.13817651921174834,1.0 +2553,0.8113855055629946,0.13852865404657969,0.78 +2554,2.610655771120359,0.14343533426898242,2.98 +2555,1.3966535363143207,0.13925150268234596,1.5 +2556,1.3122806698176168,0.13821077314803892,1.3 +2557,1.7564564096633033,0.13902219466744994,1.84 +2558,1.4260846431849705,0.13943649003647496,1.48 +2559,1.08430611369696,0.13835379597001782,1.04 +2560,0.9671816023662592,0.1382677613418069,0.9 +2561,1.1761268188494638,0.13819645797674354,1.06 +2562,1.2846177036369495,0.13912363630621383,1.28 +2563,0.5454657362139086,0.13978334896303715,0.56 +2564,1.6851776547612323,0.13875894085669357,1.78 +2565,1.5289533701932383,0.13810385472440448,1.62 +2566,1.1595405414037456,0.14085532287809682,1.06 +2567,1.2014400368886191,0.13811644217650865,1.08 +2568,1.1783992549640159,0.13815970790585527,1.04 +2569,0.7219798453857669,0.16055507535455424,0.8 +2570,1.41804421592495,0.13828608896033462,1.4 +2571,1.5428898896488255,0.13812385703947086,1.46 +2572,3.5830364177923206,0.14754654085326183,3.32 +2573,1.6603841206857224,0.13862148025806081,1.72 +2574,1.0105092935664315,0.13816776701424482,1.06 +2575,1.2339063747716947,0.13804546178030258,1.12 +2576,1.6585104969545403,0.13861499526740304,1.68 +2577,1.458601516220102,0.13816191621107263,1.48 +2578,1.479735006135484,0.13920274799361912,1.36 +2579,1.2188743888177376,0.1389210456653336,1.26 +2580,1.136733426385315,0.13817854438062116,1.08 +2581,0.8243204757927627,0.13899365643301664,0.8 +2582,2.9774805328486513,0.14873076372083413,2.96 +2583,0.921344734764836,0.13863917842721604,0.98 +2584,0.6772771941899682,0.1409101969737321,0.7 +2585,1.473749384208328,0.13918025794761305,1.4 +2586,2.5108541610120474,0.14192768322823487,2.52 +2587,1.5931367265195204,0.13827422172200168,1.72 +2588,1.3122025322893611,0.13813733905262482,1.36 +2589,2.1421120297104457,0.13897832931368936,2.06 +2590,0.601816382964393,0.13884614121085515,0.46 +2591,0.7733642786896047,0.14036009432778382,0.7 +2592,1.4350522995428596,0.1397085728119096,1.3 +2593,1.4187730368743834,0.13951828652225795,1.34 +2594,4.345792849513578,0.20041692545683035,4.3 +2595,2.0617241074997734,0.13887325991721652,2.06 +2596,1.422839938742423,0.1393883452370714,1.34 +2597,1.572041146342328,0.13819568648112,1.58 +2598,1.888915357481891,0.1389258454690466,1.94 +2599,0.8797688271781885,0.1385635183603436,0.92 +2600,1.6682068857961232,0.13867081760703048,1.62 +2601,1.146794737744826,0.14244214671223798,1.16 +2602,2.059826920437202,0.13883122905359213,2.08 +2603,2.1250132084703273,0.13925112645155618,2.18 +2604,3.252429610713903,0.15022733575554845,3.16 +2605,0.4115544548201795,0.13980870696259154,0.32 +2606,1.3216035510221422,0.13833893289133464,1.22 +2607,1.468162793787669,0.13922253782075264,1.52 +2608,1.8087517085473825,0.13901539213961572,1.74 +2609,0.8600870993192578,0.13865218814745014,0.76 +2610,2.276965042269274,0.13968788215513975,1.5 +2611,0.815165230736759,0.13893266202311524,0.74 +2612,3.1162562211128053,0.14977360833354106,2.98 +2613,1.018390608892072,0.13839683411922443,0.98 +2614,0.9324133337754636,0.13827988044835782,0.96 +2615,1.6618614401038405,0.13882413174608346,1.64 +2616,1.190701318098994,0.13991908984896234,1.04 +2617,2.177022063394104,0.13915019871524634,2.26 +2618,3.8196910561428785,0.1439866887543981,3.74 +2619,1.1554129642928919,0.1381778956043086,1.08 +2620,1.5189960129912121,0.13809901186404858,1.64 +2621,1.645933478828403,0.13854100646010925,1.58 +2622,1.334151288704212,0.13872840046814477,1.42 +2623,1.4518631381585818,0.13817705392382026,1.52 +2624,1.4301566679229714,0.13914071529055466,1.38 +2625,1.5196818649761594,0.13809623580190472,1.52 +2626,1.5453702370391218,0.13901112832016002,1.52 +2627,0.974897929754202,0.1383430961096994,0.98 +2628,1.2464260798101838,0.1380376129075279,1.16 +2629,0.9735244882333012,0.13824744296685798,0.98 +2630,0.8270022554794378,0.13935876643571582,0.84 +2631,1.5880028080226571,0.13882755192859203,1.54 +2632,0.3257167921593469,0.14036675570810647,0.3 +2633,1.0963567263783984,0.13823353317397183,1.18 +2634,1.4988817208844685,0.13911190128233236,1.46 +2635,1.467948253371378,0.1389355839941079,1.44 +2636,0.680760110546383,0.1413385238817052,0.62 +2637,2.111391173632053,0.13921487936608856,1.8 +2638,1.4307146046509436,0.13824793117626086,1.38 +2639,1.8462749115738246,0.13898616583427315,1.86 +2640,1.452172725760195,0.13817911062203275,1.44 +2641,1.4406211986520914,0.13821389245388568,1.32 +2642,0.48698293787526037,0.1405885239075103,0.44 +2643,1.3487503746441112,0.13867237741014476,1.34 +2644,1.6160658377438208,0.13898603871308307,1.6 +2645,3.097076212660304,0.14874640344207424,3.12 +2646,1.1540921257437367,0.14064514692577765,1.14 +2647,2.4529220599299206,0.14150602070617913,2.46 +2648,0.8451784939853395,0.13905371433560107,0.76 +2649,2.0461430118603436,0.13904109079059995,2.08 +2650,1.8844115065586484,0.13898086833206708,1.9 +2651,1.4105390740391845,0.13833222801070674,1.44 +2652,2.2076131376618227,0.13930788124931642,2.24 +2653,0.8059947230676867,0.1387795747410601,0.82 +2654,1.5349199931839932,0.13811126315553096,1.56 +2655,3.879623539710418,0.14583878596890287,3.86 +2656,0.8952095479808895,0.138837628973913,0.78 +2657,0.6945148771259602,0.14018818883391337,0.56 +2658,0.9298276347022805,0.13827418322030496,1.0 +2659,0.9412734503888833,0.13832035094600859,0.9 +2660,1.7149585114203232,0.13891983494860508,1.66 +2661,1.2332928959595746,0.1395138818326193,1.32 +2662,0.9519445517590368,0.13829842984403648,1.0 +2663,1.878644959968013,0.13896666822407994,1.82 +2664,1.0455507608589611,0.1381504182142652,0.9 +2665,2.8556374695909126,0.14855262355543633,2.92 +2666,1.4273886308761758,0.13905091276501888,1.42 +2667,1.5300348759346951,0.138106521841181,1.48 +2668,0.6363831671512754,0.13990042817051618,0.42 +2669,0.763492326692286,0.13865039360154824,0.74 +2670,1.579955947811185,0.13857187190897338,1.44 +2671,1.6860242328049244,0.1387925340204763,1.7 +2672,0.880839496432464,0.13853797051003924,0.84 +2673,1.7833088630555975,0.13906911728787386,1.72 +2674,0.33646988536001654,0.14031931771885747,0.36 +2675,2.0194527395232873,0.13875725863546295,2.08 +2676,1.32773170119584,0.13882347396093084,1.28 +2677,1.1430925864276267,0.1381848906834064,1.22 +2678,2.8094321603225323,0.14594253237075103,2.8 +2679,1.0333289745312895,0.1381509358596017,1.06 +2680,3.1678373182835307,0.14984077876185434,3.1 +2681,1.4870765098169896,0.1381079671489758,1.46 +2682,1.4210390693498587,0.13828971705614138,1.42 +2683,1.4871668715128896,0.13810616418416163,1.44 +2684,1.445276691739493,0.13897552334356453,1.42 +2685,1.0612935018666354,0.1469648359648144,1.04 +2686,1.024542900996937,0.1381452191758773,1.06 +2687,1.4943833628996215,0.13810122247342455,1.52 +2688,1.7847343523049153,0.13903595443035838,2.04 +2689,1.0494473067818957,0.13814158413097918,1.16 +2690,4.198698025852914,0.16130050486928002,4.12 +2691,0.7243170164375838,0.13917965247089603,0.68 +2692,2.0583794356256417,0.13876919302986293,2.08 +2693,1.3119475696076526,0.1381816737690766,1.34 +2694,1.6887679173366328,0.13877890019822275,1.66 +2695,0.9968377895223872,0.14946957332532695,0.84 +2696,1.9434840458924283,0.13885433063751254,1.88 +2697,1.6018331298451605,0.13891191985251722,1.52 +2698,1.8103743327767061,0.13896402390915108,1.82 +2699,1.0769159743798857,0.13824863376358903,1.1 +2700,1.396091146841015,0.13884956974497487,1.42 +2701,0.5720558374946547,0.13915186287499176,0.52 +2702,1.4681408472660982,0.13813867934753296,1.42 +2703,1.143973517169374,0.14032722161737363,1.24 +2704,1.3689838840828754,0.13870188325310753,1.4 +2705,0.21498953279499755,0.1415823285443231,0.04 +2706,0.5370273002006405,0.13964299221450502,0.46 +2707,2.0230677471079934,0.13869720903563523,2.02 +2708,1.7938683718568837,0.13889191962731992,1.84 +2709,1.491420164572669,0.13810305740568213,2.02 +2710,1.5599150655371785,0.138161229634522,1.64 +2711,1.9549812973088683,0.1388114890708362,2.12 +2712,2.4094871785778116,0.14097571942505907,2.3 +2713,1.7458591443675102,0.139003665480436,1.74 +2714,0.721184839676833,0.14006213263747652,0.64 +2715,0.9942722767957894,0.14702909051489954,1.02 +2716,1.194265465404178,0.13812119590416042,1.18 +2717,1.5405712716660451,0.13893605269687087,1.56 +2718,0.98222492065588,0.15128946115914263,0.9 +2719,1.2717757490774408,0.1380695995864641,1.2 +2720,0.5627746574827546,0.14112151069220072,0.42 +2721,3.7148911316553237,0.14526913989767912,3.66 +2722,1.731376048158256,0.13897465946128165,1.76 +2723,2.195450156260782,0.13916698229877206,2.22 +2724,1.1459835745947684,0.14180510645263167,1.12 +2725,2.5904288437474206,0.14315485904898997,2.56 +2726,0.9406402289717759,0.1383782747464325,0.88 +2727,1.3153104640919464,0.1381933507486558,1.48 +2728,0.7245127895706913,0.1395694510929574,0.66 +2729,1.761119533959664,0.1389987387213544,1.76 +2730,1.0453582990405819,0.13856618095931697,0.96 +2731,0.7871576293896672,0.15976260887290006,0.76 +2732,1.9190686804318586,0.13883007642723302,2.0 +2733,1.1555896869752393,0.1382320581002711,0.88 +2734,1.2825676902223782,0.13827197636761285,1.24 +2735,2.0915607381396404,0.13914089838934604,2.1 +2736,1.2519425088085567,0.13908398358550636,1.18 +2737,1.4024940598989764,0.13884410410579168,1.36 +2738,1.0521870008034488,0.14401925694328788,1.08 +2739,1.3053748992737715,0.13896803664893498,1.18 +2740,0.8660935654775193,0.13878056688628468,0.86 +2741,1.2857379590305333,0.13911660264613945,1.3 +2742,2.015081039946913,0.13871375825458013,1.9 +2743,1.2794661891031103,0.13804522279759635,1.1 +2744,2.0496209358881208,0.1387426652915045,2.18 +2745,1.6850566296678187,0.1387674497924867,1.7 +2746,1.1599616752574766,0.13816873256982856,1.12 +2747,1.7341503990784366,0.13896538196523864,1.6 +2748,2.174134613907209,0.139241519861022,2.12 +2749,1.8943402909922886,0.13889711969688126,1.84 +2750,2.2328782768076065,0.13922975317479858,2.28 +2751,1.6385636835051711,0.13849996231093195,1.6 +2752,0.8896470579930655,0.1387638114759739,0.74 +2753,0.2334644527501153,0.14274862522506615,0.24 +2754,2.2553117541441727,0.13974150548068826,2.18 +2755,1.4821900186946975,0.13811798591756158,1.48 +2756,1.257666491386689,0.1380415883289373,1.16 +2757,1.5675639003241804,0.13818220611428883,1.6 +2758,0.5409943704958726,0.1404961392652466,0.54 +2759,1.0818913668575467,0.13816139571021632,1.12 +2760,1.9569645144832881,0.13878857228324337,1.94 +2761,2.120071289548398,0.13876826206324144,2.04 +2762,1.9146204448877766,0.13889199290507073,2.14 +2763,1.1407986171112787,0.13821619219486253,1.1 +2764,0.9881589050503718,0.13827456609818078,0.94 +2765,2.8352438770933146,0.14607659794165975,2.8 +2766,1.0658232813194095,0.13816519959565968,1.02 +2767,0.4698564805343386,0.1403935992524398,0.52 +2768,2.022066241169717,0.1387230580253111,2.14 +2769,1.3623794466494195,0.13857875592625632,1.34 +2770,1.7481768648242655,0.13899338015456514,1.88 +2771,1.130834017168989,0.14021873282655625,1.06 +2772,2.357887322737507,0.14063889382076103,2.28 +2773,1.7711228158371055,0.1390344067182006,1.72 +2774,1.1944419142881193,0.1405476332748535,1.22 +2775,0.8962893799660021,0.1385111155490149,0.88 +2776,1.070599931879566,0.13816178669823215,0.98 +2777,0.7300134825610938,0.1394971336726068,0.82 +2778,1.29441350378056,0.13896267228266804,1.28 +2779,1.4858545809512753,0.13810899821166575,1.5 +2780,1.1909257938892486,0.1381573650510169,1.16 +2781,0.6412842916183612,0.13969072739876504,0.56 +2782,1.8751835386980913,0.1389206657960363,1.8 +2783,1.6671728502610526,0.13866627867949174,1.72 +2784,1.4763548802604758,0.13812535155452874,1.54 +2785,1.4267991344943836,0.1390769556135276,1.4 +2786,1.2032837004497194,0.13993942578565555,1.2 +2787,1.0774625447285535,0.13815554042641073,1.06 +2788,1.100861172665847,0.1381497883049237,1.0 +2789,0.7741364633086745,0.13939920655286714,0.74 +2790,1.4307631541093668,0.1382494763152605,1.46 +2791,0.93944891829734,0.13836849350469674,0.8 +2792,1.3657144720877659,0.13856543013550557,1.42 +2793,1.1978102258146128,0.1381024891043342,1.2 +2794,2.486390047570814,0.14174018939012842,2.54 +2795,0.8276320052442854,0.15887895962179263,0.74 +2796,1.0804957859491813,0.1437320400446988,1.02 +2797,0.7599634670552211,0.13908086139961662,0.78 +2798,4.493733445739951,0.2871822438795756,4.7 +2799,1.811916487467136,0.13900938562423779,1.78 +2800,1.3939442673639624,0.13893741234163134,1.34 +2801,1.4501739949918102,0.13908252960850687,1.4 +2802,1.4601417215069459,0.13926427610687847,1.44 +2803,1.577797475729219,0.13821317916294165,1.62 +2804,1.1884122044192216,0.1381548727380365,1.14 +2805,2.903514697753514,0.1473863399118935,3.02 +2806,1.1703829212189971,0.13819136257974698,1.06 +2807,0.9218820934984135,0.13842620173700715,0.92 +2808,1.3331489808701624,0.1382871227280744,1.24 +2809,0.8669550348595711,0.13893689238918952,0.76 +2810,1.4279962494629315,0.13825992484311672,1.48 +2811,0.5141489731889015,0.1398699404735197,0.56 +2812,1.0074678153189494,0.13830384802661372,1.0 +2813,1.1434796161003211,0.14181618396445067,1.22 +2814,3.745533901664163,0.14710916809503283,3.78 +2815,0.8846353156649469,0.13881580413335226,0.8 +2816,2.8081551231341697,0.14617841952728647,2.72 +2817,1.697018225919094,0.13882868759465225,1.82 +2818,1.170467293418315,0.13816141869939752,1.12 +2819,0.3663772222413675,0.1396540764949942,0.34 +2820,1.270494493933195,0.13819283266923083,1.2 +2821,0.7611355704769691,0.13931613843810264,0.72 +2822,0.9016671823168556,0.13837626502288233,0.98 +2823,0.7511857257957564,0.13876611300492156,0.64 +2824,1.9513513705849403,0.13895036891028895,1.74 +2825,0.9470142155976573,0.13825303288955623,0.8 +2826,1.4543411580183117,0.13963697083771537,1.36 +2827,1.1484082014055152,0.13817685769395105,1.18 +2828,1.6571996965345361,0.13860811100746548,1.64 +2829,2.017930660277133,0.13882484771428794,2.14 +2830,1.2262313725708394,0.1381365182050666,1.18 +2831,1.7702215097019893,0.13906065508500706,1.72 +2832,1.7304719003442939,0.13898362556558982,1.62 +2833,1.4100513211020305,0.13904378148534907,1.4 +2834,1.7495605763889186,0.13899705024039602,1.84 +2835,1.0286785205078166,0.13842352147148015,1.06 +2836,4.16803204850073,0.15766442005395565,4.02 +2837,2.7502555963911126,0.14530030107681471,2.62 +2838,1.3751945394092635,0.13851000461041738,1.48 +2839,1.9777297230676636,0.13898764705988906,1.74 +2840,2.0128412177072184,0.13886169529194956,1.98 +2841,2.1255679298824566,0.13886233825668765,2.02 +2842,1.5811973029996222,0.13822907293467154,1.6 +2843,0.6772902890994521,0.13977609524177823,0.7 +2844,0.6949700538045986,0.13988444204682918,0.66 +2845,1.269044298904805,0.14017253706305768,1.18 +2846,1.127253984043068,0.13817262944106729,1.14 +2847,2.604987490973513,0.14329367202002224,2.26 +2848,2.5755193861817807,0.14280230904146615,3.1 +2849,1.0876833672140114,0.13815397386403802,1.12 +2850,0.9100306993638574,0.1384235109523369,0.94 +2851,2.3759026575587248,0.1407035526996573,2.38 +2852,0.5656041811865391,0.1390252008106452,0.5 +2853,1.823305567432011,0.13899861632008859,1.92 +2854,1.3462474153674,0.13885364039706682,1.36 +2855,1.754667029077381,0.13905265409529657,1.86 +2856,1.7343537066377044,0.138993694346894,1.74 +2857,0.3859848127811274,0.14110824096305102,0.28 +2858,1.9078484051149855,0.13885395159994043,2.0 +2859,1.4195702776271117,0.13829246844422807,1.5 +2860,1.4779912572222988,0.13812067211769002,1.48 +2861,1.2584804982719922,0.13950247587441075,1.26 +2862,1.368895429858667,0.13866137457933114,1.32 +2863,1.1658094276548168,0.1381579624105154,1.16 +2864,1.8904404939667776,0.13889236254354048,1.88 +2865,0.855030526800582,0.13852651251562817,0.7 +2866,2.9440349152666796,0.1475064732616276,3.06 +2867,2.7101530049766174,0.14473618373053057,2.74 +2868,1.9363548833671187,0.13888362039426766,1.96 +2869,4.444947116123729,0.24936366832574597,4.26 +2870,1.02140971233458,0.13819846837327757,1.04 +2871,2.503184599403137,0.1422128689885,2.32 +2872,1.5272272621366225,0.13810189383197763,1.5 +2873,1.669037031588597,0.13875340644535372,1.52 +2874,0.8893898712349921,0.13862062685341242,0.56 +2875,0.9912617182166477,0.13830021742536408,1.18 +2876,1.5145241441144917,0.1380956837071928,1.52 +2877,0.45605540146531975,0.14005090892562905,0.34 +2878,1.336135191903387,0.13871116341216091,1.3 +2879,2.003866665752514,0.13889707769458678,1.94 +2880,0.9728804399008579,0.13819395775074284,0.98 +2881,1.427443857033171,0.1382655286034409,1.46 +2882,2.6229186018502864,0.14352963501356708,2.54 +2883,0.883570403136253,0.138480448643817,0.96 +2884,0.8898828981878948,0.13862091091226972,0.88 +2885,1.0517380754054377,0.13824692733452526,1.06 +2886,1.6118504314041529,0.1383606479805812,1.68 +2887,3.002209137518519,0.14755822598283239,2.9 +2888,1.0862770373289967,0.13824006533248948,1.12 +2889,1.8701151330816073,0.13895330873375478,1.96 +2890,1.1445860236226215,0.13831070939814263,1.02 +2891,2.4282018961156053,0.1409863865910397,2.58 +2892,2.039894021468572,0.13892300704323227,2.08 +2893,3.0497293491362596,0.14816833800132564,3.04 +2894,1.582303473732856,0.13823128495863193,1.56 +2895,0.9847439511613265,0.13819408449402462,0.9 +2896,1.7412339568772266,0.13900855763496286,1.68 +2897,1.3604185699010563,0.13860026232086337,1.38 +2898,1.5914587112682161,0.13826961136866056,1.66 +2899,1.3168234611355834,0.13821327728346525,1.38 +2900,0.8749302521984736,0.13847542778742297,0.88 +2901,2.5557484746227805,0.14265706373548434,2.56 +2902,1.0637428784104932,0.1381433594602283,1.04 +2903,1.9893886774431264,0.13895983409470816,1.96 +2904,0.9741929525905695,0.13818395175293552,0.94 +2905,0.8668679468454483,0.13894205436005577,0.82 +2906,0.32604892121902207,0.14218791021811605,0.2 +2907,1.4438051917055246,0.1396105943873841,1.32 +2908,0.7926820037735665,0.13894159721061017,0.8 +2909,3.009775784033848,0.14847335388378677,2.78 +2910,1.7282280442314564,0.138900026586674,1.84 +2911,2.3467080254863815,0.140273477891195,2.4 +2912,0.8447726215949194,0.1574954951493975,0.88 +2913,1.667883884287959,0.13866535784067563,1.72 +2914,1.00797718189171,0.1382135124493231,0.98 +2915,1.5490217771778942,0.13813627680654902,1.62 +2916,0.8017567366199847,0.13914315295637084,0.76 +2917,2.057536239928072,0.1396487442733335,1.78 +2918,1.8477756638777896,0.13895744817310277,1.9 +2919,1.3678290996698825,0.13851129745609672,1.2 +2920,1.6598130296464708,0.1390735332333507,1.54 +2921,1.723917518283801,0.13895530655107885,1.78 +2922,1.1298630091277202,0.13821958402721674,1.1 +2923,1.4548829229594658,0.13817014625379034,1.54 +2924,1.3605165962243886,0.1385965233861809,1.36 +2925,1.2809033398352794,0.13805066076934924,1.38 +2926,0.9203687337704869,0.13834471051877545,0.74 +2927,0.9677183211293778,0.15378629938526026,0.96 +2928,1.476622965255408,0.13916764743366422,1.46 +2929,0.19653293297782692,0.14362906377546933,0.12 +2930,1.3197185605366135,0.13820667920753896,1.12 +2931,1.1458688144807914,0.14171160560395524,1.08 +2932,0.5768625801425094,0.13972009677467362,0.58 +2933,1.2072758835350887,0.13823044462115416,1.14 +2934,0.8618665456399404,0.13902190864886307,0.84 +2935,2.1746625624051523,0.13947586181289556,2.18 +2936,2.376282047108467,0.1406680251338754,2.4 +2937,1.3103701826481027,0.1389079865834416,1.38 +2938,2.8452114210550183,0.14631512082831163,2.8 +2939,1.2340950383744902,0.13805390315285912,1.18 +2940,2.207199440863035,0.13961867060407598,2.08 +2941,2.4545290471104577,0.14176010342907344,2.32 +2942,2.497271661943386,0.14201101429896368,2.52 +2943,1.9012925937172254,0.13888665403875897,2.02 +2944,2.0202147467837106,0.13908540859216473,2.04 +2945,0.9024278994930937,0.1385474025078934,0.82 +2946,1.7361332430686423,0.13860635150547876,1.66 +2947,2.1540430612275143,0.13906234150110572,2.18 +2948,0.7624820515607942,0.13932519681994235,0.62 +2949,0.6724662321060562,0.13940792520806358,0.78 +2950,2.1984290305877066,0.13898322544032948,2.2 +2951,2.7693937558289106,0.1455103371421449,2.94 +2952,1.8831401120172506,0.1389370372114936,1.88 +2953,1.7456128182340178,0.13887946827806402,1.64 +2954,2.057052242088232,0.13885216309357276,2.04 +2955,0.9949697392119949,0.1381709820591892,1.0 +2956,1.0608204896809559,0.1381491000576854,1.08 +2957,1.0798107762487907,0.13819377608430455,1.08 +2958,0.7670566879788216,0.1399650009295002,0.68 +2959,2.2405731326577643,0.13952211881177545,2.32 +2960,1.089169597480498,0.13818406479778803,1.08 +2961,1.0905560628542608,0.13816053698255523,1.06 +2962,1.2540169003534336,0.13963274200184736,1.3 +2963,1.3988168671887733,0.13838359399402894,1.36 +2964,2.2582575671042653,0.13960918892410834,2.66 +2965,1.5301414485740734,0.13884454434040638,1.6 +2966,0.5683525648301311,0.13919346973250754,0.54 +2967,2.846359481536484,0.14656099874069517,2.8 +2968,1.8177755770216484,0.13901225478008505,1.82 +2969,2.388670107717643,0.140869044773287,2.36 +2970,1.7756241992559039,0.1390125914070738,1.74 +2971,1.6472182522898562,0.1385510890893568,2.12 +2972,1.5842776281059079,0.13862552622933277,1.6 +2973,0.8168399478905739,0.13980249552402288,0.8 +2974,1.140657087422361,0.1382040724922322,1.16 +2975,1.2180725412775635,0.13807884816432925,1.28 +2976,0.9526149541659228,0.13825631945029948,1.0 +2977,1.261148500997371,0.13937232766853455,1.26 +2978,0.7610868233931773,0.13895902337165805,0.78 +2979,1.4632638738455652,0.13814835804369074,1.5 +2980,0.210117070316854,0.14179594253265956,0.1 +2981,1.3239370945854914,0.13884614891444805,1.22 +2982,1.008980792763981,0.13976190771882313,1.1 +2983,1.0413537225802818,0.13820885984755157,1.06 +2984,1.3812330673578535,0.1387053889785693,1.42 +2985,2.226437807906769,0.1391438836339681,2.3 +2986,1.2606361056169844,0.13802843166891493,1.14 +2987,0.4912548170978921,0.14091817783793087,0.5 +2988,1.3108664961764438,0.1382831408468856,1.24 +2989,1.4929336761070244,0.13890336932805458,1.52 +2990,0.9677174931595038,0.15296334584572713,1.06 +2991,0.39548968271417717,0.1420297842515079,0.3 +2992,1.4444129728852309,0.1381992835784469,1.54 +2993,0.31709798378233867,0.14160208615761313,0.16 +2994,1.03853641044791,0.1468835105364613,1.12 +2995,1.575772515834589,0.13821001406532363,1.62 +2996,2.6631015053105704,0.14407156964704196,2.68 +2997,1.7915473808521645,0.1390330823027899,1.88 +2998,1.2229800483722846,0.13805743831163456,1.2 +2999,1.6500966375966355,0.13857762355574588,1.54 +3000,1.5763433365747224,0.13821036278173762,1.64 +3001,1.240263794474525,0.13802368764230324,1.14 +3002,1.2571259775691557,0.141382165583533,1.26 +3003,2.774517981237344,0.14552305734947837,2.84 +3004,3.018166861575099,0.14765508157474352,2.84 +3005,1.2286023782542363,0.1381413207526293,1.3 +3006,1.7622672235111443,0.13905476688515508,1.82 +3007,1.429790839858124,0.13824996937105308,1.42 +3008,0.7962394877856687,0.13906628068959387,0.58 +3009,1.6405016147753804,0.13850515847142092,1.66 +3010,1.8025974478662041,0.13901623843823327,1.9 +3011,1.5862466148228966,0.13824737860371664,1.52 +3012,1.3491304444351,0.13865315162932765,1.3 +3013,2.6814240134291962,0.14428815654659874,2.72 +3014,1.4241262558714451,0.13827233322978152,1.44 +3015,1.5319139291649604,0.13810824872703253,1.86 +3016,1.7377679233995726,0.13901526249050325,1.8 +3017,2.5956803305023497,0.14311710878418973,2.5 +3018,1.5251414911616186,0.13810051421998917,1.6 +3019,1.0415737822181965,0.13823404452193283,1.02 +3020,1.6547584666907786,0.13859890479962386,1.6 +3021,1.7958486535289166,0.13904634788874096,1.76 +3022,1.3414831310969424,0.13872431572223323,1.36 +3023,3.009684218867153,0.1480573691086594,3.08 +3024,1.2005137162450792,0.1381056280971082,1.3 +3025,1.237945917259455,0.1381022793875796,1.12 +3026,1.094161403680416,0.1383668719748163,1.12 +3027,2.020796389113264,0.13891447849313712,2.04 +3028,2.035619453245345,0.13894290553115032,1.98 +3029,1.0011270641241365,0.13818230195071704,0.96 +3030,1.310886593935364,0.13821180253819298,1.24 +3031,0.957709365445079,0.13837940865660858,0.86 +3032,3.017138846281809,0.14810180428856495,3.02 +3033,1.6720387011681899,0.13869341482095554,1.8 +3034,0.605106202200715,0.14042474373999192,0.62 +3035,0.6898181033699933,0.141069001710364,0.64 +3036,2.1607181181162387,0.13911115311150352,2.16 +3037,0.5097673515793089,0.14003822387649162,0.52 +3038,1.9792888507012476,0.1387601261720871,2.06 +3039,1.4689095582469411,0.13813579582204502,1.48 +3040,0.9077353030147917,0.13839714363013483,0.82 +3041,2.117968142635383,0.13881071814490756,2.1 +3042,1.6671679552614078,0.13866454697902797,1.7 +3043,2.2235644114280353,0.13923665016105685,2.24 +3044,0.9746916645959045,0.13823284533211325,0.92 +3045,1.3492709271187833,0.13868784771941928,1.3 +3046,1.5953913365291887,0.13828403792110883,1.56 +3047,1.0375332731470293,0.1381438058646322,0.94 +3048,3.0810829949562573,0.14853752334093784,2.98 +3049,0.9461176568483927,0.1382150949831987,0.96 +3050,1.2017363554614233,0.1381121363210906,0.94 +3051,1.446264834582343,0.139762994584851,1.36 +3052,1.188964746090817,0.1381297450155745,1.14 +3053,1.922409502361151,0.13931811992545168,2.3 +3054,0.5173621203922414,0.13939493087339827,0.5 +3055,2.2019320236848285,0.13920927202029618,2.06 +3056,2.3405771159489985,0.14050007644623597,2.44 +3057,1.3419010835784055,0.1385708521199674,1.26 +3058,1.4294291973275106,0.13951586998986645,1.3 +3059,2.096736948325421,0.13923814305639093,1.74 +3060,1.1680237160696292,0.13816992777815978,1.06 +3061,1.9722317775822082,0.13880693282368695,2.04 +3062,0.8866362707014224,0.13838201897456434,0.84 +3063,1.544443908275169,0.13869584403960786,1.56 +3064,2.29198387197249,0.13971752056020662,2.26 +3065,1.04216456383958,0.1487178705021108,1.1 +3066,0.9759829191969933,0.13821195787579918,1.0 +3067,1.244927172279609,0.13802391471167655,1.3 +3068,3.7273891921864495,0.14502171389038582,3.46 +3069,0.23563061729590284,0.14300539539251264,0.06 +3070,1.7870277793114075,0.1388702113246698,1.84 +3071,1.2112569478842223,0.13810762987780165,1.22 +3072,1.381037932072803,0.13896830884655362,1.26 +3073,1.0331415220678286,0.13816409729358356,1.0 +3074,1.192580452836224,0.13974793144016973,1.12 +3075,2.418945119455983,0.14074351359567636,2.34 +3076,2.7506025162451797,0.14520872462557813,2.94 +3077,1.680551686013998,0.1387366043605092,1.7 +3078,1.8472370449837845,0.13896180335676395,1.98 +3079,1.6211877773829348,0.13884672741352239,1.64 +3080,0.9587747777637032,0.13821957055324943,0.98 +3081,2.393222794759157,0.1407948624950513,2.46 +3082,1.3639066705264673,0.13864930325403682,1.42 +3083,0.7348014321440308,0.14002741205635086,0.78 +3084,1.2698648628340612,0.13923335554217975,1.38 +3085,1.7625805557112981,0.1388823592369683,1.84 +3086,2.064627678163901,0.14010898392987076,1.84 +3087,0.6451199631781384,0.13916180459772637,0.5 +3088,0.9261706701066634,0.15424872315714228,0.86 +3089,1.3355480272514617,0.1384476325997092,1.26 +3090,0.7234548423350331,0.1394035342055116,0.74 +3091,1.9254862460657192,0.13882536197867976,2.02 +3092,4.359555462873561,0.20653258079738793,4.24 +3093,1.0591893885460264,0.1381362524381005,1.02 +3094,0.8949725642587749,0.13848667821288937,0.82 +3095,0.854304864657446,0.13959073375964856,0.9 +3096,1.000510532239054,0.13817604541188436,0.94 +3097,2.1555825426054573,0.13889531409786557,2.14 +3098,1.2248066232831887,0.13805031494482173,1.2 +3099,1.0453331836694906,0.14874462413539236,0.96 +3100,0.8563183653850883,0.13915336585780091,0.66 +3101,2.499465171984986,0.1418004059948629,2.64 +3102,1.1154483281700456,0.13893478034349663,1.18 +3103,1.3753216064431824,0.13849355251411624,1.56 +3104,0.3825027270649626,0.14032554749245746,0.26 +3105,1.7643976743603274,0.13900536381953776,1.86 +3106,1.200895402114539,0.13810512848851547,1.26 +3107,2.2431438234660837,0.13928581391099645,2.28 +3108,1.4057696264001214,0.13888051110814068,1.44 +3109,1.2690745130668928,0.13832115969921258,1.34 +3110,0.7869786999059611,0.13943654341873282,0.84 +3111,2.275382938560429,0.13947128728954464,2.12 +3112,0.025228586666989905,0.15822034346799482,-0.14 +3113,1.9646035934059745,0.13880388621630238,1.88 +3114,0.8716605414267908,0.13885032994180127,0.78 +3115,1.3340778478462587,0.13842007217664223,1.28 +3116,2.7563816915182633,0.14519456671264833,2.72 +3117,2.267067665765235,0.1395056621793019,2.24 +3118,3.0287989384201053,0.14778088402145909,3.04 +3119,1.429908432189623,0.13904013932318776,1.38 +3120,2.1657907075559804,0.1391940838119059,2.1 +3121,1.665655366233156,0.13865699537341128,1.66 +3122,3.0368668370111385,0.14834663712978785,3.18 +3123,0.1802906076322328,0.14432329407166275,0.1 +3124,1.5866405916238326,0.13824771171178976,1.54 +3125,1.9143884532657536,0.1388377231030761,1.96 +3126,2.0769043315625444,0.13919446180765624,2.1 +3127,0.5092765433858011,0.1397238477951209,0.3 +3128,1.02598879250609,0.14299610894762152,1.04 +3129,1.4228653520039023,0.13827432075411875,1.36 +3130,2.158786727104693,0.13916942172488847,2.1 +3131,0.8949133532466993,0.1383772386399478,0.88 +3132,0.9377905237288671,0.13830870637794945,0.98 +3133,1.2036926270094623,0.14034022878809124,1.16 +3134,0.8080405395900128,0.1389293473766829,0.74 +3135,1.3577443081914415,0.13868394670789694,1.3 +3136,0.4166441810199606,0.13950503218843427,0.4 +3137,1.3829839384526244,0.1387510140095327,1.4 +3138,2.323383134640557,0.13979536849764715,2.28 +3139,2.0917196601437906,0.13903259355074069,2.0 +3140,0.6441569361065502,0.1395478320878071,0.64 +3141,1.1492869231861595,0.14162106887799364,1.2 +3142,0.8999439204454225,0.13861516163461998,0.98 +3143,3.6297895732627614,0.14640790123176742,3.42 +3144,0.595644600614178,0.1408879760174749,0.66 +3145,1.100749477019174,0.14432929414637766,0.98 +3146,0.9676327291844151,0.13818780024250724,0.94 +3147,3.163618743734477,0.14913570771098458,3.1 +3148,1.161114231464384,0.13817414452237844,1.16 +3149,1.9894939718653175,0.13882231712971996,2.08 +3150,1.042257532929674,0.13819419365409796,0.9 +3151,0.9096466858938674,0.1384122456650136,0.8 +3152,1.213968035305263,0.13809078678998177,1.2 +3153,1.103644231035573,0.138176613125349,1.12 +3154,1.597195890626593,0.13829063848369313,1.48 +3155,1.430868211353416,0.13948063877237288,1.34 +3156,0.4704518251497509,0.14120162123557278,0.4 +3157,1.9008701466832276,0.13898932606934264,1.86 +3158,1.5821814310136935,0.13823356497200862,1.62 +3159,1.0915870003711268,0.14238508825226637,1.2 +3160,1.447938677214153,0.13912876462441187,1.48 +3161,1.5399442842846502,0.1381165476351609,1.46 +3162,1.1315674556574562,0.13827849984278368,1.2 +3163,1.950648700132855,0.13883604191224452,2.0 +3164,1.9087209842384416,0.13888890104415455,1.96 +3165,1.1792723162819234,0.13813889836404616,1.2 +3166,1.3024311638578672,0.13818590825250815,1.26 +3167,0.7264920811451772,0.13966267426164342,0.72 +3168,2.336922905824962,0.1401405664927295,2.34 +3169,1.8203731799621243,0.1391083550037245,1.78 +3170,4.509161747763046,0.3001359020865712,4.48 +3171,0.5990899178726989,0.14157572749938538,0.58 +3172,2.0445499976736548,0.1387561114847643,2.06 +3173,1.26320023504391,0.13915141780883336,1.36 +3174,1.1957818513729093,0.1381632980630303,1.14 +3175,0.9878387899400876,0.13817354218003758,0.92 +3176,1.9841020967881589,0.13888493770995358,1.98 +3177,1.8695878006468218,0.139047239680969,1.86 +3178,2.164912520731895,0.1392027820505477,2.1 +3179,2.383632125577239,0.14072154117779873,2.3 +3180,1.0219520349099183,0.13817614063327943,1.02 +3181,1.1071850562767542,0.13823779716969684,1.02 +3182,0.8560176445567711,0.13976139422258307,0.78 +3183,1.8482014629773138,0.13898046802825728,1.98 +3184,2.4636709999394695,0.14156378672994835,2.36 +3185,1.7401442691204485,0.13898699427110844,1.8 +3186,1.5276438364690454,0.13810167742440718,1.56 +3187,1.6337310681761599,0.13847291894069283,1.6 +3188,1.4138449792341694,0.13829744718605064,1.32 +3189,0.756031155785819,0.13922965834929102,0.72 +3190,1.2998933084435143,0.1390552902408201,1.28 +3191,3.3526024480911145,0.14853024338125104,3.24 +3192,4.299547688554564,0.18478098614466415,4.3 +3193,0.23026217892531786,0.1409601158264281,0.14 +3194,0.6162735404743023,0.13899075426823074,0.58 +3195,1.2304322085647597,0.13807827201660697,1.16 +3196,2.0181089957936953,0.13890248222786192,1.88 +3197,1.2556188796129417,0.13946615759632205,1.26 +3198,0.651232778884725,0.14103351879641485,0.56 +3199,2.1347948215915116,0.13881847479632328,2.16 +3200,1.1087272637547185,0.13818633964408858,1.06 +3201,1.5590789939381038,0.1381615595328894,1.62 +3202,0.7622664094226783,0.13975665424854208,0.68 +3203,0.7810846810600713,0.1387747687944146,0.68 +3204,1.649864148086528,0.1385640386718189,1.7 +3205,0.7331085273742763,0.14052861349128223,0.54 +3206,4.014779499317931,0.14603319283407692,3.9 +3207,1.3765878135020264,0.13849778985132657,1.32 +3208,1.859604442801305,0.13895209171110143,1.86 +3209,0.728770524689458,0.14030484407328667,0.74 +3210,1.3294776875840375,0.13878289039401132,1.36 +3211,1.9501839468363817,0.13878641992994545,1.94 +3212,1.225198941923117,0.13961796493291131,1.26 +3213,1.4698648275897161,0.13813603851355685,1.44 +3214,1.3163391935517152,0.13888555250486914,1.34 +3215,1.528485259074471,0.1391025960641324,1.46 +3216,0.6822292154187855,0.13999978076380845,0.62 +3217,1.7460764495159777,0.13896657631783998,1.56 +3218,3.69151010777255,0.14558103699007155,3.54 +3219,0.5235571207299037,0.14244070663338326,0.46 +3220,1.15476153981347,0.14059187392568578,1.16 +3221,1.478461978454404,0.13812149332201298,1.4 +3222,0.8350023960521318,0.1578229887285233,0.62 +3223,4.534253976719699,0.3508423103118673,4.78 +3224,1.450940728631351,0.13818241909040413,1.36 +3225,1.3568145618668046,0.13860823882661347,1.24 +3226,2.1329628692962848,0.13919348581178673,2.12 +3227,2.1083728503776973,0.13877050781520836,2.18 +3228,1.9349901221405892,0.13887717156817225,1.92 +3229,0.45911888994235195,0.1405060151852715,0.52 +3230,2.44109816310383,0.14133500812287045,2.46 +3231,0.8413412302806966,0.13908397830818495,0.84 +3232,0.760118336486058,0.13886901873044438,0.7 +3233,1.565521477409951,0.13872376178306836,1.58 +3234,1.3679427853300146,0.13856048183228184,1.4 +3235,1.2192719613018737,0.13961560602784964,1.24 +3236,0.6967478078766112,0.1399916329888228,0.64 +3237,2.2557931388009136,0.14032791480816717,2.06 +3238,1.9922255887466518,0.1387811093585133,2.04 +3239,2.235144089090226,0.13981302260746006,2.26 +3240,3.778657741738356,0.1466714839746943,3.78 +3241,2.8909257564205175,0.1468918462704503,2.92 +3242,1.9292884307089393,0.13883450884665446,1.86 +3243,1.3312313999566383,0.13877280133849035,1.3 +3244,1.259093682595064,0.13934050880270277,1.2 +3245,1.1351114001895146,0.1382257337214874,1.22 +3246,1.3678443819648392,0.13855359028755332,1.42 +3247,1.9543036604341237,0.13892541013083398,2.02 +3248,0.3267599382225681,0.140877333843584,0.32 +3249,0.7719950448649326,0.13991430784677888,0.82 +3250,1.390016405237101,0.13842674020481113,1.44 +3251,1.0247551280380334,0.14601300700200756,0.96 +3252,0.9447857057389006,0.13832333251747056,0.94 +3253,1.9793485350054878,0.13892771468710877,1.92 +3254,0.0017243458356075436,0.16932868544202131,-0.14 +3255,1.3735844164345776,0.13878201474211674,1.4 +3256,2.8469747923068693,0.14642469506909087,2.86 +3257,1.504697235520065,0.13809446771679,1.38 +3258,2.557310713351142,0.14256442985355924,2.54 +3259,0.49988150135424103,0.13889684076286363,0.46 +3260,2.763760448232957,0.14548470048415713,2.86 +3261,2.50208890663471,0.14195428628747284,2.54 +3262,1.6218230405509209,0.13840310928738442,1.52 +3263,1.7529288782744024,0.13900949335935037,1.8 +3264,1.9662224723406387,0.13913670689598553,1.9 +3265,0.43271380941072746,0.14012493603176346,0.42 +3266,1.4741415311633217,0.13884295433157035,1.44 +3267,1.3393330973261923,0.13833764938370213,1.32 +3268,1.3017929228090344,0.13826480905955837,1.26 +3269,2.96015995391659,0.14761755313712974,2.82 +3270,1.4964666131834283,0.13909755952846845,1.48 +3271,0.880091446508561,0.1384815967151916,0.84 +3272,0.629259512717165,0.13896518612231337,0.56 +3273,0.5929825508964894,0.13995424494411016,0.6 +3274,2.566798062005538,0.1427765709246748,2.6 +3275,1.6596216666073849,0.1386230528459568,1.52 +3276,1.9362972584249531,0.13888475212612378,2.06 +3277,1.57358128520774,0.13875501965513992,1.52 +3278,1.0426420700167531,0.13838657384177908,1.12 +3279,1.7406117046057679,0.13900175805320522,1.76 +3280,0.8351553667512794,0.1398115978223037,0.8 +3281,1.3301544177541613,0.13829053587614154,1.28 +3282,1.6978172509068825,0.13883571804124167,1.68 +3283,1.0698799868684636,0.13815263269021327,1.0 +3284,0.6674682455684353,0.1399955745951796,0.66 +3285,1.1508984327568212,0.13817687075683968,1.08 +3286,1.1979194406957658,0.1401034555251648,1.1 +3287,1.5854167877425658,0.13824413481972667,1.64 +3288,1.6946027748422337,0.13881812355854484,1.74 +3289,1.3277361765725848,0.13828258867587132,1.24 +3290,2.056299765016134,0.13886970094376602,2.02 +3291,0.7811024743406731,0.13899355114614886,0.9 +3292,0.9210876669579688,0.1398623900119886,1.0 +3293,0.9649532553697098,0.13821628100661285,1.5 +3294,1.3412615845047702,0.13872981913057006,1.32 +3295,1.5152971130103472,0.13907791011861115,1.46 +3296,0.9360043988050277,0.13830375000866263,0.9 +3297,3.6434456077701354,0.14755994434619363,3.56 +3298,0.6159483518618378,0.14067326115178058,0.56 +3299,1.4224093810549894,0.13948160902023768,1.46 +3300,1.9512260496832416,0.1387783935881345,1.88 +3301,0.8712176732630317,0.13886003803407876,0.76 +3302,0.7840289090293089,0.1388204353819053,0.64 +3303,2.55300145334943,0.1426215513983909,2.58 +3304,1.8363470326921378,0.13898527796154256,1.94 +3305,1.1316244968189109,0.13820808287299371,1.04 +3306,0.7181578157549628,0.1402535390239929,0.7 +3307,2.4027868623564386,0.14062191971994165,2.28 +3308,4.469120227692314,0.269179650763953,4.52 +3309,1.007039214742643,0.13823215529897256,0.98 +3310,3.1875982852167963,0.14922682933507309,3.18 +3311,1.3689762227351947,0.13855501397847245,1.38 +3312,1.1623266651778712,0.13997041629765028,1.12 +3313,1.0039899010162925,0.1382841297445002,1.12 +3314,1.9038627497287655,0.13891845463657077,1.86 +3315,2.2313998162960287,0.13957178905080908,2.18 +3316,1.6056786508910212,0.13833024323408466,1.58 +3317,1.1468022618402456,0.1381911304429441,1.02 +3318,1.1459319240597798,0.14369969624539045,1.0 +3319,2.21679332744064,0.13946972934783777,2.2 +3320,1.7766212502081222,0.13907620754243621,1.84 +3321,0.8630097229507347,0.1387855437550258,0.86 +3322,1.061138091643559,0.13824304006164354,0.96 +3323,2.0795484499140064,0.1392611515859007,2.0 +3324,4.043503885239391,0.1465706028112539,3.98 +3325,2.1460662854619974,0.13883457752770975,2.14 +3326,1.9401110989234267,0.1388615934671214,1.94 +3327,1.2070255345378404,0.1380923021056202,1.18 +3328,1.4613099035054509,0.13882232864103736,1.5 +3329,1.3909490285422477,0.13872399391567408,1.4 +3330,0.8378944691813812,0.13924514561587156,0.8 +3331,1.9948194285423275,0.13885630277547922,2.08 +3332,0.5485733135248898,0.13947945608600143,0.56 +3333,1.062868812459949,0.14335358728117145,1.08 +3334,2.3671192965563987,0.140561298596445,2.24 +3335,2.1680575941279647,0.1392832674634048,2.22 +3336,0.6453572858297596,0.1408083910774948,0.62 +3337,2.0933412529529916,0.13877644760590238,2.06 +3338,2.2902876701275607,0.13987732457820107,2.32 +3339,1.1572756505691357,0.14107909912931854,1.08 +3340,1.1677365310047483,0.1403580576899674,1.1 +3341,1.280931695933691,0.1380641929304518,1.3 +3342,1.398121946333574,0.1392526631667621,1.46 +3343,3.455893641583983,0.15118694386029596,3.44 +3344,0.5286630119908429,0.13985789148443672,0.46 +3345,1.444961199854645,0.1389581835662725,1.5 +3346,1.18539758369426,0.14060012769300384,1.22 +3347,2.283901100576254,0.13992731421022375,2.38 +3348,0.9766398838260875,0.1382379374045225,0.86 +3349,1.683005243720035,0.13876949242022935,1.66 +3350,1.081071927577006,0.14379602711596465,1.5 +3351,1.1737625073874183,0.13815074001220554,1.16 +3352,2.144507904805443,0.1388779926164921,2.14 +3353,1.8338780266437515,0.1389900863220235,1.7 +3354,1.270799224319748,0.13814021061348483,1.2 +3355,3.573856899549617,0.14823123147348555,3.08 +3356,2.38514311066072,0.14044549117815863,2.28 +3357,2.8981129169772784,0.14676752430709017,2.98 +3358,1.3825445633848465,0.13874843161354242,1.28 +3359,0.5400576931509233,0.14013039541695896,0.4 +3360,1.0206019399038722,0.13812800213578988,1.06 +3361,1.5054379420665454,0.13809636671026254,1.46 +3362,0.450954919124789,0.13910253237512385,0.38 +3363,0.7737966626804811,0.14048171836535014,0.72 +3364,0.35097761199065314,0.14136855902307643,0.34 +3365,1.219913038583953,0.13989835701733047,1.16 +3366,1.3319763539152865,0.13832823396041175,1.38 +3367,1.3705813228751422,0.13874607063832012,1.38 +3368,2.2875846906916264,0.1400294891019643,2.18 +3369,1.5302193176424153,0.13914678559052415,1.52 +3370,1.9898626937354456,0.13971821357672312,2.22 +3371,1.0868999902414158,0.1382035076835807,1.08 +3372,1.0305775934560968,0.13824476823630547,1.08 +3373,0.9293035936532332,0.13868167919935717,1.0 +3374,1.4456959037636485,0.13913391982476486,1.44 +3375,1.7933162191586183,0.13902031320341784,1.88 +3376,1.6566976725692113,0.13833130892658022,1.7 +3377,1.1996296459886464,0.1381060668688129,1.12 +3378,0.9963237799429363,0.13816174882228668,0.98 +3379,0.3178577195230998,0.14198918433302407,0.36 +3380,1.7797633504497332,0.13901654817364897,1.74 +3381,1.4141527091304544,0.13831493298818764,1.42 +3382,1.4118585819978327,0.13926116896126603,1.28 +3383,1.7315947913779075,0.13867020604286057,1.66 +3384,1.1124737570153185,0.1433382063160305,1.2 +3385,1.2861890053239895,0.13837540178074012,1.2 +3386,1.9708470522109485,0.13879196031107188,2.04 +3387,1.0668040396346177,0.14476226625942745,1.02 +3388,1.5440463304601506,0.1390703961259644,1.58 +3389,1.690167183912041,0.1387921867457885,1.72 +3390,1.3850790293511173,0.1388073194892626,1.24 +3391,1.6169649455221338,0.1386033019469465,1.56 +3392,1.3857677910561383,0.1387369764304704,1.36 +3393,1.4138870491309055,0.13831615956102386,1.46 +3394,1.026862893835303,0.1381459967573647,0.88 +3395,1.988518743829757,0.1387904463969928,1.98 +3396,1.0650011567717632,0.13828282933797756,1.06 +3397,1.0994235240089543,0.1382507968756324,1.1 +3398,1.369120637927053,0.13878844632037168,1.26 +3399,1.348708762455444,0.13840573534623538,1.28 +3400,1.2501911706136886,0.13947291318161764,1.04 +3401,0.939691480829981,0.1383078844876155,0.86 +3402,0.08457593955672404,0.1487112414673719,0.04 +3403,0.7881758606135412,0.14053834839050763,0.74 +3404,2.8766923824999493,0.14732348896038136,2.88 +3405,0.9706974629987632,0.13829355816873615,1.0 +3406,1.703990967331129,0.13885280762541277,1.88 +3407,0.9478498813150926,0.13829623658481022,0.94 +3408,1.2066578696050092,0.13816258887956334,1.16 +3409,0.9525819809746912,0.13842311638506105,0.88 +3410,1.0582701353279083,0.14221219812045205,1.12 +3411,0.8413338655953586,0.1576078846774026,0.78 +3412,0.8338662605336955,0.13899073661701422,0.8 +3413,1.2626714338497989,0.13801555938477328,1.18 +3414,2.5760565175172436,0.14282890743927934,2.72 +3415,1.272341242302189,0.13802271774110755,1.18 +3416,1.4616257918111435,0.13940435632917136,1.4 +3417,1.2558005241954069,0.13936800394463533,1.34 +3418,0.20415190384300796,0.14664659825992102,-0.04 +3419,1.444677618807563,0.1381965556762717,2.02 +3420,1.5930695852600492,0.13827623952458953,1.6 +3421,2.2656740508930993,0.1397272547415496,2.3 +3422,1.3615572378213434,0.13859733888674194,1.42 +3423,1.530752879891188,0.13891199663780154,1.5 +3424,1.8271543651379067,0.13893977808253444,1.82 +3425,0.7738267830283325,0.13945990143832518,0.7 +3426,1.05033249748164,0.14817120280523652,0.94 +3427,1.55830501452155,0.13815654053545062,1.52 +3428,1.402622443431233,0.13925746157667657,1.32 +3429,1.9787128840172263,0.13882513724392687,1.9 +3430,1.7568022556440281,0.1389879340489491,1.7 +3431,1.942960539343793,0.13883225686656428,1.9 +3432,2.2263282183805755,0.13955368412358643,2.08 +3433,0.7226097111098317,0.14056524367070444,0.66 +3434,1.8333686130077345,0.1393076277548458,1.76 +3435,1.5251921164640079,0.13810032886915222,1.52 +3436,0.8723063921145267,0.15716690436462596,0.86 +3437,0.9333711608130697,0.13831350482070137,0.92 +3438,0.6977035561457923,0.13976710987513874,0.56 +3439,1.2854217805353505,0.13810503896905524,1.22 +3440,0.9804924161324946,0.13820467869677455,1.04 +3441,0.4316068718426491,0.14156562233929695,0.44 +3442,1.3734526832744427,0.13851537333322458,1.4 +3443,2.9142024772140465,0.14749522512084887,2.98 +3444,1.543625065100417,0.13812547883608578,1.54 +3445,0.7147668341717539,0.1393669468509198,0.68 +3446,1.155336589754799,0.13817172134831748,1.0 +3447,0.36075371534679856,0.1398215473932752,0.26 +3448,0.7768403297381061,0.1388347494286622,0.8 +3449,2.15598985167055,0.13928381191837771,2.14 +3450,1.3147986665639975,0.13891494997397627,1.4 +3451,0.5506516666691494,0.1399508524295977,0.36 +3452,0.9865040866042483,0.13817530812832232,1.02 +3453,0.6108143338762728,0.138935511939509,0.48 +3454,0.8013590982219077,0.1389458160430419,0.8 +3455,1.4173361969117364,0.1387169262806265,1.42 +3456,1.0515929534997914,0.13819338051095914,1.02 +3457,1.4627813139200745,0.1389944940913765,1.46 +3458,1.3580734180296252,0.13860947625698147,1.42 +3459,2.037199821015302,0.13871130667330006,2.02 +3460,0.7600938056745425,0.13972313424737012,0.8 +3461,2.14829458706454,0.13922181110366658,2.18 +3462,1.5155818052042198,0.1380964801779203,1.48 +3463,4.438036460235941,0.2503307732263158,4.54 +3464,1.6626017037299965,0.13863901522215663,1.7 +3465,0.9142875655717999,0.13832677311724076,1.0 +3466,1.4655422852418942,0.13814395766201115,1.48 +3467,1.3078089310837084,0.1405112495076297,1.3 +3468,0.6159339530294323,0.13950968294940297,0.52 +3469,0.4241502555678798,0.14216469260782802,0.36 +3470,2.114813908812855,0.13912282506350027,2.14 +3471,0.933306222881277,0.13826396454376685,0.96 +3472,3.5519883798969394,0.14890124435462057,3.6 +3473,2.7351147657762978,0.14498722272004086,2.9 +3474,1.708924108798409,0.13890692438983004,1.6 +3475,1.0724923774372845,0.13817615452621898,1.08 +3476,1.0211436251841581,0.13854198475638818,1.02 +3477,2.183516140351652,0.13932707887577592,2.16 +3478,1.2714865986613466,0.13914158560734782,1.18 +3479,0.5947160175061006,0.1401196582291256,0.58 +3480,1.0567816746029228,0.138152050138758,1.14 +3481,0.7808164899740921,0.14061281687728483,0.74 +3482,0.5861686057334294,0.14010337258109729,0.56 +3483,0.6051835610029874,0.1400647850856298,0.72 +3484,1.004541607660065,0.1381532371585772,0.96 +3485,1.084133962423464,0.13819723133052234,1.04 +3486,1.2969359458421783,0.13896800709182888,1.2 +3487,1.1607827204654937,0.14028332826672377,1.06 +3488,1.5392847278393722,0.13864593311682094,1.46 +3489,1.067311254132135,0.13833718616923804,0.98 +3490,0.4399599974030606,0.13992248642390923,0.38 +3491,1.4832160582711245,0.1381100814046624,1.44 +3492,0.6565937271665865,0.13923437940900146,0.54 +3493,1.3505416920633087,0.13863011816707352,1.34 +3494,1.8795547164542574,0.13907391112679007,1.92 +3495,0.9238866041230755,0.13828130542224149,0.82 +3496,3.6730440477598227,0.1458513925712061,3.52 +3497,2.313503000685947,0.1401642210956122,2.34 +3498,0.38751015538101097,0.14121374385099203,0.28 +3499,0.9414324734696278,0.1384061478918798,0.98 +3500,0.24499346397176947,0.14243216574992382,0.24 +3501,0.1566218407867579,0.1443276121925659,0.14 +3502,0.5349840784422737,0.13978084891312428,0.34 +3503,1.518592657778881,0.13809733807161836,1.56 +3504,3.280214860933085,0.14985198198629915,3.24 +3505,1.7261136505069095,0.1389516253103044,1.68 +3506,2.166308420299628,0.13906434086093605,2.04 +3507,1.1040101617157871,0.1382062943283109,1.16 +3508,1.0280362882494378,0.13817847073313339,1.04 +3509,0.5499956445335163,0.13971002686052017,0.34 +3510,1.3190619305374538,0.13824259155366356,1.26 +3511,1.4181246942538541,0.13934388337955372,1.34 +3512,2.4352184922210354,0.14104948726178096,2.42 +3513,2.25469753255988,0.13939125119437223,2.28 +3514,1.1211449002871978,0.13824218525937687,1.1 +3515,1.1291356406383555,0.14042245780841983,1.08 +3516,1.8362430409979096,0.13899010014228916,1.88 +3517,2.1426612668001566,0.1389074370752784,2.18 +3518,1.1893432754824387,0.13812705301015318,1.3 +3519,1.3132675226632378,0.13893355952270364,1.38 +3520,1.8038121439550272,0.1390166921076847,1.8 +3521,0.5382394247716453,0.13872426085460743,0.48 +3522,1.1857301741009705,0.1381333486133369,1.2 +3523,1.2701177915145747,0.13928588728116081,1.3 +3524,1.9081618163681417,0.13890874374991694,1.86 +3525,1.380051401066697,0.1384590080127411,1.36 +3526,0.5651452601733409,0.13905856289885915,0.5 +3527,1.654121557511437,0.1385932314562152,1.68 +3528,1.4549046121355707,0.13941864717978167,1.36 +3529,0.9660790141551372,0.13821543305010434,0.94 +3530,1.1340983494148906,0.13817283609868797,1.08 +3531,1.9857518185992573,0.13889878806398773,1.94 +3532,1.839088025780618,0.13898258668990648,1.9 +3533,1.691002045026564,0.13903653609632757,1.66 +3534,2.360318163864366,0.14025891892346315,2.42 +3535,1.5946335947720653,0.13828201172187998,1.58 +3536,0.9352032594406756,0.13859461190496847,0.8 +3537,1.7970232773141879,0.13901184530805957,1.8 +3538,1.884946091804916,0.13918392807256505,1.86 +3539,1.7225414410097448,0.13893296355463075,1.64 +3540,0.886963167139565,0.13837675721899234,0.86 +3541,1.5797893824854574,0.13822425748335324,1.5 +3542,2.1639700586112047,0.13893670806907418,2.12 +3543,1.3761665693738179,0.138901977173498,1.3 +3544,1.3716778164514407,0.13854652590632024,1.4 +3545,1.6213566540519642,0.13840730012728183,1.8 +3546,1.7819402904132984,0.13902819025230734,1.76 +3547,2.3104185971916946,0.140073657898554,2.36 +3548,1.8140842816113532,0.13901841008862434,1.82 +3549,1.9772698662929988,0.13876589585190624,2.02 +3550,1.300611451657164,0.13814597130593811,1.34 +3551,3.417236341174287,0.14883896555416493,3.66 +3552,1.0047024172406998,0.13814631183346754,0.94 +3553,2.00683718989272,0.13990138984780875,1.92 +3554,0.7507209376384258,0.13936551077737985,0.62 +3555,3.1572279948583057,0.14845825051272327,3.16 +3556,1.0004288073067675,0.13823323865484327,1.06 +3557,1.5870105468708209,0.13824991321095204,1.56 +3558,1.4196303936458738,0.13934127204288801,1.36 +3559,0.8664544503233627,0.13862609124196834,0.94 +3560,1.474570841499495,0.13877446049295195,1.36 +3561,2.2890375920945756,0.13995497599674137,2.2 +3562,1.528951211156957,0.1385336589081243,1.32 +3563,2.1828550536938733,0.13962388378058666,2.16 +3564,2.228877092399453,0.13964296674399607,2.24 +3565,2.9491523200983663,0.14756179277760664,2.92 +3566,2.573338531095838,0.14280255397291736,2.74 +3567,1.0694987817952208,0.1381722118323364,1.1 +3568,1.219646091282633,0.13992443552597894,1.24 +3569,1.127142257902796,0.1382813309324429,1.14 +3570,1.1331932323217258,0.1383599069246318,1.08 +3571,2.864629131926562,0.14627212216903007,2.74 +3572,1.1630671341947822,0.13815829278689806,0.98 +3573,2.4429565855286866,0.1413245850279793,2.38 +3574,1.593913310924953,0.1382790024594225,1.62 +3575,1.7750383263621634,0.13900794425373794,1.64 +3576,0.6891810904352971,0.14139213388199484,0.72 +3577,0.565427827916781,0.1408195093875019,0.46 +3578,0.5799237269870465,0.1398180777150376,0.58 +3579,1.344029621329848,0.13834604021762142,1.32 +3580,1.0629541702085126,0.1381644523316259,0.98 +3581,1.4071694895457503,0.1391316954125635,1.44 +3582,1.5875184453045135,0.13825265141098542,1.48 +3583,1.3789130862698284,0.13860272232164234,1.32 +3584,0.4290330187969067,0.1406245330932855,0.48 +3585,1.4246095744717655,0.13916020741925322,1.28 +3586,1.3880932584490955,0.1387979925945849,1.26 +3587,1.9364306651936571,0.1389285827971209,1.98 +3588,1.4911128104545126,0.138104087242906,1.5 +3589,0.6291510862381164,0.14035493870189922,0.58 +3590,1.6641983717028976,0.1386402834490416,1.62 +3591,2.674765706821062,0.1441480560545104,2.54 +3592,1.1316149577065842,0.1382003681030685,1.1 +3593,1.8368700959353559,0.13897758035881494,1.96 +3594,1.254651131765221,0.1381598618142207,1.14 +3595,1.112014803235236,0.13817716264045243,1.04 +3596,3.612238155568984,0.1494772463860214,3.58 +3597,1.0903822863103505,0.14207054843622002,1.04 +3598,0.8903397446341996,0.13871797510085968,0.76 +3599,3.545802848207166,0.1473828710550177,3.54 +3600,0.5065816287739748,0.1418831277674137,0.38 +3601,1.1515355343119529,0.1382089489316295,1.16 +3602,1.7795167851316398,0.13890542980845477,1.7 +3603,1.8570936464716779,0.13897029737364308,1.86 +3604,1.7435867987872724,0.13860366577528074,1.86 +3605,1.9625826090761782,0.13892087306555756,1.92 +3606,2.02129219520599,0.13874408634477084,1.98 +3607,1.590311174699024,0.13885068466095946,1.6 +3608,1.3061776360480186,0.1380556543848337,1.34 +3609,2.2115877042398777,0.1394103920864863,2.14 +3610,2.567413051137712,0.14275583354889929,2.72 +3611,1.7446506555738202,0.13885441986245214,1.78 +3612,0.664815021453502,0.13875934055855452,0.58 +3613,2.3092054506210067,0.14034648210680883,2.04 +3614,1.4434652607537677,0.13820247509648725,1.46 +3615,1.0533442692772033,0.13823569312977013,0.96 +3616,0.5070971209670878,0.14186312015283034,0.54 +3617,1.1500328636334158,0.13817285680355443,1.2 +3618,1.5640275173322555,0.13817514698156894,1.62 +3619,0.7893912313391231,0.14032279726379518,0.74 +3620,0.8338524524260853,0.1583466201418019,0.78 +3621,0.8478689693071848,0.13928106235918467,0.72 +3622,2.7916080450252307,0.1458853935234747,2.74 +3623,3.9953268957261967,0.1450820086440869,3.98 +3624,0.8721946181587681,0.1384452890123944,0.84 +3625,2.6895491521907813,0.144429093569658,2.58 +3626,1.201489906737911,0.13812762286584188,1.06 +3627,2.4120848497315626,0.1408505423685117,3.08 +3628,1.7993181386842556,0.13905420474134497,2.02 +3629,1.2460793517293522,0.13954179674575873,1.28 +3630,1.7662769359571113,0.13900866156136407,1.82 +3631,0.7092396356784603,0.16052455995762954,0.64 +3632,2.569223048420734,0.14285506384821262,2.6 +3633,1.3041831197819311,0.1381347297020855,1.38 +3634,1.6537668516982071,0.1385861562025535,1.68 +3635,0.8278820710868002,0.14006640663553493,0.7 +3636,0.990896568787476,0.15045013132013238,0.94 +3637,1.1997207273982111,0.14002114142388566,1.24 +3638,4.558508682453591,0.3953143240352235,4.76 +3639,0.701314710814386,0.14229075403535366,0.68 +3640,2.2112357526274407,0.13971318890063572,2.2 +3641,1.0973740150744389,0.13816453227920944,1.02 +3642,1.4988738515317825,0.13914120790206366,1.48 +3643,0.9592859708402726,0.13823268357316937,0.92 +3644,1.4203426572866773,0.13828693920478527,1.44 +3645,1.4080447925679591,0.13978530188206614,1.46 +3646,2.3973410395681247,0.14062107469830343,2.3 +3647,1.724155548757902,0.13896067081235033,1.78 +3648,1.0659782074072117,0.138174547323212,1.1 +3649,0.7307635053986479,0.1602502117208459,0.68 +3650,0.3189928536895641,0.14078319450495147,0.56 +3651,2.3134631627861557,0.13995064600762994,2.38 +3652,2.6072445465354255,0.14333978291165494,2.58 +3653,1.7630597490672768,0.13904821654501623,1.74 +3654,0.3357361138080668,0.140255789591495,0.32 +3655,1.315851177276115,0.1381174832033255,1.2 +3656,3.5621333975866767,0.14737687113765746,3.54 +3657,1.3997784991373399,0.13909303444685475,1.28 +3658,1.651563637224668,0.13857310991213517,1.64 +3659,1.1429175487342276,0.1382176966823217,1.08 +3660,2.437530794669068,0.14103672502426048,2.44 +3661,2.0795997782079203,0.13896926538816912,1.96 +3662,1.4324140586928058,0.13912318815627844,1.46 +3663,1.6662008399282007,0.13866024884205713,1.66 +3664,1.4211466159390325,0.13827656351871742,1.56 +3665,1.1009487417902752,0.14538426381918254,1.1 +3666,1.247993885765271,0.13819821526117612,1.22 +3667,1.2137325679092248,0.13813577983716058,1.22 +3668,1.167136163189208,0.1401132828242808,1.16 +3669,1.6258997255617897,0.13853685664782872,1.68 +3670,1.1820579911018383,0.13813254601103872,1.16 +3671,0.8582278837173716,0.13865892457893408,0.72 +3672,1.8426154545827904,0.13898521770294595,1.68 +3673,1.4286539948334704,0.13857209247151037,1.36 +3674,1.9501632209951856,0.13894408181112375,1.96 +3675,1.7071421199462256,0.13887835020449898,1.72 +3676,3.9086398884407485,0.14525631368763348,3.92 +3677,0.9997126117911845,0.13816203188511414,0.98 +3678,1.3909891738886335,0.1390529525665667,1.32 +3679,1.3455999488812962,0.138412027895544,1.34 +3680,1.4932360114743402,0.1381019086560695,1.48 +3681,1.1894122775190494,0.14043912143136475,1.1 +3682,1.9191351367459815,0.13895035798799532,1.94 +3683,1.3016120701704237,0.13814699858072674,1.22 +3684,0.7868898708163092,0.14011308219436622,0.78 +3685,1.8486553448559482,0.1390841586580728,1.86 +3686,0.7177518527633628,0.14039240006412865,0.66 +3687,0.5267412298941343,0.14140244304629718,0.46 +3688,1.9868154142934342,0.1390197211022088,2.0 +3689,0.9768959992374837,0.138195146223443,1.06 +3690,1.6813930706496718,0.13875189871303972,1.64 +3691,2.008770848036824,0.1388081205262958,2.08 +3692,2.4219596283242018,0.14121029799977444,2.26 +3693,1.1516529493153334,0.138175310425787,1.02 +3694,0.7000536190225253,0.13978229785452112,0.58 +3695,1.6262789088137657,0.1384265608193137,1.64 +3696,1.6016587290766777,0.13831259372654606,1.62 +3697,0.20694982323718047,0.14418750159926177,0.08 +3698,2.752624293467682,0.14504271895433615,2.66 +3699,2.397704202580747,0.14063553998740985,2.48 +3700,0.9446510161821875,0.13826589505191775,0.9 +3701,1.8705031174088722,0.13891960216374594,1.76 +3702,2.8953260939796825,0.1474823788620996,2.86 +3703,1.4859381957608582,0.13935507313794718,1.46 +3704,1.741358119460524,0.13899999643688035,1.8 +3705,1.0657894814686015,0.1381825665059363,1.12 +3706,0.4009535935287074,0.13939295729230802,0.38 +3707,1.3300375358681107,0.13822647919183756,1.26 +3708,0.9972661362422022,0.13821960160163133,0.96 +3709,1.9374336916757704,0.1387991720700695,1.96 +3710,1.4621724352298981,0.13905544197572034,1.52 +3711,1.6569711143294041,0.13860653909958076,1.74 +3712,2.16708563210561,0.13951484135639966,2.04 +3713,1.728799907165821,0.13856274822157064,1.74 +3714,2.2975092358472926,0.14022797588194344,2.28 +3715,1.2955307740040274,0.14051641644218468,1.38 +3716,2.4519144319471406,0.14141694887573894,2.42 +3717,0.6565084544077306,0.13954955029994956,0.66 +3718,3.261939033471882,0.14978235734871967,3.16 +3719,1.0115663066074516,0.13843431716153784,1.0 +3720,0.7187806026371879,0.13993102825491835,0.64 +3721,0.7342714127863728,0.14033301655246705,0.64 +3722,1.7298930872433784,0.1389614861416278,1.76 +3723,0.9438815804908485,0.13831755454586067,0.96 +3724,1.4341233188176608,0.13889996334482893,1.42 +3725,0.5441808704617719,0.1404149807046958,0.54 +3726,2.075336796172958,0.13923768639425357,1.96 +3727,1.0796393510266382,0.13817058464116325,1.06 +3728,1.6428696520399084,0.13852426656055794,1.62 +3729,1.2609188298698717,0.13814429519840976,1.16 +3730,0.28443836804981526,0.14175626344712905,0.3 +3731,1.290216049073897,0.1381631552308382,1.34 +3732,1.572664786065359,0.13909134157244657,1.66 +3733,1.681464236065934,0.1387483066496762,1.66 +3734,1.8742811257720637,0.13892781042416735,2.04 +3735,0.40366160473941815,0.14016073822410988,0.42 +3736,1.3768345610862864,0.13865368582099244,1.28 +3737,0.4859142492432573,0.13911508420238333,0.56 +3738,2.1055988633429967,0.13897748474984395,2.14 +3739,1.3700659157181958,0.138634442487229,1.38 +3740,1.4229957801122692,0.13890254198791405,1.4 +3741,1.4226574911341805,0.13828207376628618,1.52 +3742,0.7588999158792502,0.13978400205695338,0.7 +3743,0.7791692923672349,0.14024736959352876,0.6 +3744,1.0900739118854323,0.14185516560813,1.08 +3745,3.9254951273833276,0.14357247053424368,3.72 +3746,2.1303922117256624,0.13956968767099628,2.02 +3747,1.3886491349664203,0.1384422442257217,1.42 +3748,1.5784497924243004,0.13821803844490682,1.58 +3749,0.8930119357329351,0.1385721653850921,0.9 +3750,0.506205305210286,0.13939038447161073,0.48 +3751,1.5223695615083228,0.13809887083458772,1.44 +3752,2.2337575787074604,0.13945831859897423,1.92 +3753,2.396690330912171,0.1407389967557085,2.56 +3754,2.4063014390581072,0.1408423039864299,2.4 +3755,0.5780358193638184,0.13907367596157902,0.58 +3756,0.396666941739368,0.13940376055928846,0.32 +3757,0.5568710971913537,0.1402972313632128,0.42 +3758,1.4577652078206134,0.13816213573793668,1.54 +3759,0.3247985561112925,0.14024854188947145,0.32 +3760,2.7416442546872366,0.1450016170397361,2.82 +3761,1.446924059067995,0.1381963118457746,1.5 +3762,0.7993713592086769,0.13902730440757755,0.5 +3763,0.5599456078977552,0.14083552558389503,0.58 +3764,2.73362041404605,0.14490704730216444,2.82 +3765,1.1349130776918583,0.1381770943126616,1.1 +3766,1.6419392672483317,0.13859285773182292,1.64 +3767,2.0461742491069215,0.13875863655274193,1.98 +3768,0.13996100228150166,0.145823584619108,0.04 +3769,0.8775268890346863,0.15681690014340252,0.84 +3770,1.4379481781424017,0.13821581969744612,1.36 +3771,1.8409179185803586,0.13898032917779574,1.74 +3772,1.7979508052436506,0.1388038350117035,1.76 +3773,1.3304184211901129,0.13828063783754352,1.44 +3774,2.0574812149171704,0.1390863398908489,2.06 +3775,0.7511181613840483,0.14171956705384295,0.68 +3776,1.7825412219119832,0.1389989462086889,1.74 +3777,1.2818377145812994,0.13899313910520517,1.38 +3778,1.1514774746302114,0.138172866771115,1.14 +3779,1.95522622888162,0.13885501310182313,1.92 +3780,0.6059133866067574,0.13973791663763654,0.6 +3781,1.5859238734285261,0.13865562262645154,1.66 +3782,1.0216168267137773,0.13819119010268582,1.04 +3783,1.5385684959494794,0.13811721446816808,1.52 +3784,0.9090158650132159,0.13835119403268642,0.88 +3785,1.470009886289243,0.13899984261269316,1.5 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-1/val-metrics-2022.02.11.11.31.36.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-1/val-metrics-2022.02.11.11.31.36.csv new file mode 100644 index 0000000..20ca35b --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-1/val-metrics-2022.02.11.11.31.36.csv @@ -0,0 +1,7 @@ +,0 +nll,-644.6557564130012 +sharpness,0.14000375304739932 +variation,0.02444517098295936 +mae,0.06589333486654222 +mse,0.007833678837130036 +rmse,0.0885080721580243 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-1/val-metrics-2022.06.23.16.30.03.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-1/val-metrics-2022.06.23.16.30.03.csv new file mode 100644 index 0000000..2de568d --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-1/val-metrics-2022.06.23.16.30.03.csv @@ -0,0 +1,7 @@ +,0 +nll,-644.782736074262 +sharpness,0.1400028817288066 +variation,0.024429019685080704 +mae,0.0658650896849907 +mse,0.007826916064479997 +rmse,0.08846985963863624 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-2/2022.01.26.18.06.21/train/events.out.tfevents.1643220381.node-l00a-002.myriad.ucl.ac.uk.177301.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-2/2022.01.26.18.06.21/train/events.out.tfevents.1643220381.node-l00a-002.myriad.ucl.ac.uk.177301.0.v2 new file mode 100644 index 0000000..7720ef9 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-2/2022.01.26.18.06.21/train/events.out.tfevents.1643220381.node-l00a-002.myriad.ucl.ac.uk.177301.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-2/2022.01.26.18.06.21/validation/events.out.tfevents.1643220414.node-l00a-002.myriad.ucl.ac.uk.177301.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-2/2022.01.26.18.06.21/validation/events.out.tfevents.1643220414.node-l00a-002.myriad.ucl.ac.uk.177301.1.v2 new file mode 100644 index 0000000..2b11d3c Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-2/2022.01.26.18.06.21/validation/events.out.tfevents.1643220414.node-l00a-002.myriad.ucl.ac.uk.177301.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-2/2022.02.10.15.34.04/train/events.out.tfevents.1644507245.node-l00a-006.myriad.ucl.ac.uk.191350.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-2/2022.02.10.15.34.04/train/events.out.tfevents.1644507245.node-l00a-006.myriad.ucl.ac.uk.191350.0.v2 new file mode 100644 index 0000000..b9b157b Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-2/2022.02.10.15.34.04/train/events.out.tfevents.1644507245.node-l00a-006.myriad.ucl.ac.uk.191350.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-2/2022.02.10.15.34.04/validation/events.out.tfevents.1644507298.node-l00a-006.myriad.ucl.ac.uk.191350.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-2/2022.02.10.15.34.04/validation/events.out.tfevents.1644507298.node-l00a-006.myriad.ucl.ac.uk.191350.1.v2 new file mode 100644 index 0000000..07a9fb1 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-2/2022.02.10.15.34.04/validation/events.out.tfevents.1644507298.node-l00a-006.myriad.ucl.ac.uk.191350.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-2/metrics.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-2/metrics.csv new file mode 100644 index 0000000..87ab466 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-2/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,-3854.3778111384822 +sharpness,0.11310556017543177 +variation,0.16190198776702105 +mae,0.058287804124489376 +mse,0.006874543982554624 +rmse,0.08291286982462145 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-2/predictions.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-2/predictions.csv new file mode 100644 index 0000000..d922715 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-2/predictions.csv @@ -0,0 +1,3787 @@ +,Predicted value,Predicted standard deviation,True value +0,1.5463236929570945,0.11058328947948258,1.52 +1,1.4974346887644492,0.1085973920484912,1.62 +2,1.672249432881002,0.10921260736853844,1.76 +3,1.6372461701013128,0.10861107834490422,1.68 +4,0.9337637425202194,0.10931664736235548,0.98 +5,0.7827136409688427,0.1096326438379703,0.76 +6,1.3429721241942323,0.10855814419905001,1.4 +7,0.505413534262245,0.1106939095765435,0.6 +8,0.4428628265295478,0.11229414120016366,0.56 +9,1.8008274104112934,0.1088757147420213,1.78 +10,1.2386009421616384,0.10817336172435355,1.36 +11,1.705850986620006,0.10897505235695489,1.9 +12,3.1284752562890352,0.11514698648136487,2.98 +13,2.048311564242737,0.10908975415166715,2.04 +14,0.960853814045648,0.10884286878721736,0.96 +15,0.8009166457740582,0.10916738783414395,0.76 +16,1.584120831332327,0.108558353535203,1.62 +17,0.9668467953848738,0.10890004976314298,1.0 +18,2.03770436881259,0.10927177479961278,1.98 +19,1.8423777953261142,0.10974938351797725,1.96 +20,1.2159642588010078,0.1082170032824977,1.3 +21,0.5547380225621259,0.11066621934640158,0.54 +22,1.3218810036267206,0.10951810688060266,1.38 +23,1.9054664765560991,0.10895521257710349,1.9 +24,1.7763498222161322,0.10902476721980722,1.78 +25,3.353133383355064,0.11975134152363502,3.26 +26,0.9342915298260044,0.10949220674210068,0.88 +27,2.199561241650051,0.10935130830430173,2.24 +28,0.6982028287140798,0.1098336057047076,0.66 +29,1.7373037119612524,0.10873708706134629,1.78 +30,2.120204572454184,0.10915662421175278,2.16 +31,2.644612562142341,0.11252426413486735,2.62 +32,0.9001433662987557,0.10955342534429216,0.9 +33,1.859357078519479,0.10922168675450766,1.84 +34,1.1742538843431722,0.10956934666645898,1.26 +35,2.417763486786945,0.11014397763911005,2.32 +36,1.330634666086083,0.11005253290860317,1.26 +37,1.1389907731596045,0.1094985285670442,1.24 +38,1.1825724129291961,0.10890307294701299,1.26 +39,1.1417845294949762,0.10859122596446463,1.18 +40,1.1828228223895456,0.10961394291263353,1.16 +41,1.4603885207741873,0.10836441915093836,1.4 +42,1.6618429041481297,0.1087085426089912,1.5 +43,0.5014870055250418,0.11030499626486907,0.54 +44,1.1041711922170796,0.10910814570480051,1.16 +45,0.9641806217746653,0.10845952683020219,1.08 +46,0.8898800239572457,0.10892667418718664,1.28 +47,1.0983530244397945,0.10903760917002335,1.18 +48,3.213766082780629,0.11668155196132098,3.44 +49,1.7680487979959727,0.10894449658297799,1.7 +50,1.2586170494806472,0.10862266214821362,1.36 +51,1.027998847050255,0.10863060147149761,1.14 +52,0.8261278335650166,0.10981204158249115,0.86 +53,2.081215846371932,0.10919925433027021,2.1 +54,2.048995440508448,0.10908227141135933,2.04 +55,0.35688893691666745,0.11210543665651448,0.3 +56,0.42969252128472757,0.11110377622056726,0.42 +57,1.6205318220448452,0.10949110094629391,1.64 +58,1.3485451998978482,0.10864914525867057,1.28 +59,0.7322573432033357,0.10989385591585582,0.78 +60,1.1936305819118251,0.10877095701488958,1.22 +61,0.645912447192365,0.1098513425581643,0.68 +62,2.2959676847727613,0.10945476267393464,2.32 +63,1.733261906780661,0.10974894467198996,1.82 +64,1.1762591938039142,0.10864651739866939,1.22 +65,1.0448115904794468,0.10847659921782789,1.0 +66,1.8517649815561361,0.10931396508892488,1.86 +67,2.326967704027516,0.10990088251325732,2.4 +68,1.9194085468210735,0.10907400637643133,1.96 +69,1.1589985985253994,0.10841121679747884,1.32 +70,1.5305411243708695,0.10918636986437132,1.54 +71,2.0426366369138256,0.11017959611459668,2.02 +72,0.30506966434666705,0.11570058243132748,0.42 +73,3.7378377050374203,0.13877669838084083,3.5 +74,1.236619468272031,0.10799717821873162,1.26 +75,0.979674224234798,0.10905855068884879,1.0 +76,1.2913354490713536,0.10972190685775081,1.46 +77,1.019929376518177,0.10877022812653987,0.98 +78,0.8380316696883545,0.10913935538824615,0.8 +79,1.340306175471361,0.1091087478475052,1.36 +80,2.4995567931869536,0.11165892380875568,2.56 +81,0.4621043215413101,0.11058990707050134,0.56 +82,2.3008648856679903,0.11003960307934531,2.44 +83,0.8670460259112849,0.10935024934171143,0.76 +84,2.873275538914064,0.1139409722087219,2.86 +85,0.9082783574813069,0.10919913638642381,1.0 +86,0.7814808245459579,0.10937876707304581,0.84 +87,1.132097248019142,0.10879713951960952,1.26 +88,4.33987870724173,0.24242111528721547,4.2 +89,1.544599433279216,0.1087898908553483,1.58 +90,0.9675363300083069,0.10901601686399441,1.04 +91,1.7106833615432597,0.10895794954650515,1.78 +92,1.8692336437499781,0.10942204582092227,2.04 +93,2.2427822541004536,0.10937576647689591,2.22 +94,0.4363885995886525,0.1114036545260369,0.5 +95,0.7564071249324789,0.10939164872620329,0.84 +96,1.0867351159818872,0.10847302587598183,1.1 +97,1.011741770610107,0.10892135162438794,1.04 +98,1.7703307050025918,0.10897162047349691,1.78 +99,1.0713122279761782,0.10802020859904843,1.0 +100,2.593358474527739,0.11143664863518755,2.46 +101,1.8651951088437277,0.108857196008502,1.8 +102,1.5764422613601345,0.10908906927061858,1.52 +103,0.4009792520733191,0.1130304220308484,0.46 +104,1.2263287030058114,0.10778464494908367,1.32 +105,1.0724724368931708,0.10899937158479524,1.16 +106,1.6184613210059728,0.10895059479649741,1.62 +107,1.5445033515317865,0.10897691820194644,1.52 +108,0.9899320979111428,0.10838308232449488,1.04 +109,1.464551881251558,0.10857747747209819,1.48 +110,1.0623114967377623,0.10853315763761279,0.88 +111,1.1932082423951007,0.10843591299373198,1.28 +112,2.8028559194471248,0.11353383260522167,2.66 +113,1.2312701385658675,0.10894333408418495,1.26 +114,-0.06275347526674668,0.11778466258265352,-0.06 +115,1.2271381129430017,0.10840204754368707,1.28 +116,0.9226925961561099,0.10864791297767563,0.92 +117,1.4617248436531716,0.10892053256329838,1.44 +118,0.8203090690043515,0.10915099274463369,0.84 +119,0.7250845287141336,0.11059650230487077,0.72 +120,0.9422903259606263,0.10988287249757102,0.96 +121,0.773344738697765,0.10921772269296728,0.82 +122,0.6066574712379582,0.10963800070115194,0.6 +123,2.331235443699625,0.109568040839525,2.32 +124,0.8916783235981489,0.11029739186005756,0.92 +125,1.8487299680762908,0.10887594770544896,1.84 +126,2.4945442878513395,0.1104629288369625,2.5 +127,1.033397263713737,0.10907262669035793,1.04 +128,0.6497619682565263,0.10980450933806155,0.68 +129,1.4936966125337525,0.10957188001806593,1.48 +130,1.1764816938155311,0.10948658610328586,1.24 +131,1.9734278192191246,0.10885943450287028,2.02 +132,0.7580819096694489,0.10923138976764352,0.76 +133,1.437182831460965,0.10849814737747013,1.46 +134,1.359479272314764,0.10848776952976968,1.36 +135,0.6921203339710535,0.10946563407888515,0.64 +136,0.8636119396148194,0.1094582014473654,0.88 +137,1.6726343625598465,0.1084283662763572,1.7 +138,1.1380218405012164,0.10805780150383854,1.24 +139,1.2936206880982644,0.10874309957230047,1.38 +140,0.48646518193451893,0.11086723782891626,0.52 +141,1.583510118548758,0.1084438206708569,1.6 +142,3.022777551408388,0.11344891507622615,2.9 +143,0.19544812167610015,0.11357529865615704,0.24 +144,1.0484897441850256,0.10912093428714548,0.98 +145,3.1590872854388072,0.11735393100523712,3.02 +146,2.3807495024774985,0.1096136822323564,2.32 +147,1.6190739182621519,0.10915613140771295,1.68 +148,1.031409964687362,0.10851604586338799,1.04 +149,1.7388491833370727,0.10925765231119948,1.64 +150,3.3698057378559474,0.11913299925417602,3.56 +151,2.123366932834684,0.10887944503035288,2.34 +152,2.931996829472914,0.11431466805602501,2.92 +153,3.563640949753114,0.13704308319020778,3.48 +154,0.5662979845320697,0.1099084994995557,0.62 +155,0.9259504477972476,0.10930254512927562,0.88 +156,0.6207213681680122,0.10950044452082532,0.56 +157,0.9700489992483261,0.10893213137693804,1.06 +158,3.1384336871402416,0.11799552194614475,3.18 +159,1.08639478959224,0.1082620552304791,1.06 +160,1.6035695644391472,0.10818986956591575,1.72 +161,1.4369962146826358,0.10941911514990654,1.38 +162,3.589053165175435,0.13768676464119056,3.48 +163,0.5763839096744467,0.10980361844042319,0.64 +164,1.0280402294092061,0.10880654645872118,1.06 +165,0.9806303173751365,0.10880491684044757,1.02 +166,3.0118841717772886,0.11481812216866,2.84 +167,4.350285486152251,0.2423589496131915,3.92 +168,1.745837994115333,0.10862110419329894,1.7 +169,1.540427873908846,0.10967952531496032,1.48 +170,0.7337864860390431,0.11005083665340865,0.8 +171,1.3823961567689826,0.10865106221473099,1.46 +172,1.5949207181882405,0.10887211222136878,1.58 +173,0.5697338949378752,0.1102347120969285,0.7 +174,1.0849690003705126,0.10845398460976288,1.16 +175,2.029337584802369,0.1091013979374735,2.1 +176,0.5978076725786314,0.10970778619584409,0.62 +177,1.9131975791256641,0.1091696315800693,1.9 +178,2.93949928350166,0.11435408623027166,2.88 +179,1.0496403437057813,0.10806729725576757,1.1 +180,1.1093885866268982,0.10878223010368535,1.2 +181,0.8558709493489323,0.10932623192208553,0.72 +182,1.9931840482000203,0.10944106256714706,2.02 +183,0.6116561513611023,0.1097324593777009,0.68 +184,1.470674640735509,0.10906772314326803,1.5 +185,1.077236657414459,0.10881558254222688,1.08 +186,0.98448781086634,0.10853988047940022,1.04 +187,1.5661651641034302,0.10991475437416723,1.52 +188,1.5103395744001906,0.10880170409506716,1.42 +189,1.0244115347863945,0.10872064154660423,1.0 +190,1.378283452815011,0.10822721832891148,1.42 +191,1.5672814101251893,0.10877349029798947,1.58 +192,1.3912382281639912,0.10875204916617562,1.36 +193,4.001348265444206,0.15961070478522743,3.76 +194,2.6335873671364487,0.11219753069553119,2.6 +195,0.8786843900683641,0.10900797415335647,0.86 +196,0.9981177166699018,0.108771286711725,1.02 +197,2.6509934144273677,0.11202197805039142,2.6 +198,0.7832444627480148,0.10922866478260426,0.78 +199,1.3564242925567447,0.10866862236054345,1.38 +200,1.4718607661514005,0.10943895593178414,1.56 +201,1.608820804784357,0.10857531924720253,1.6 +202,0.08224624107192735,0.11605660707171955,0.14 +203,1.697162782412959,0.1086534340267221,1.64 +204,1.210408779245042,0.1090784313115988,1.18 +205,1.0492586880353647,0.10949695920708473,1.1 +206,0.4397056693312953,0.11146804593518764,0.52 +207,2.6610929992160157,0.11196332952352417,2.5 +208,0.6779660521841455,0.10946180440387078,0.7 +209,0.7141339936875033,0.10938899076344719,0.68 +210,1.6501362698994049,0.1086564016815973,1.62 +211,1.544585818792128,0.10905540283207166,1.46 +212,2.5353425955584745,0.1110083156343788,2.42 +213,0.5150713319384428,0.11022140097018171,0.6 +214,1.0534358398958323,0.10819973341041662,0.96 +215,0.6931449559042084,0.11000591613690386,0.8 +216,1.0315714338352526,0.10849799082564512,1.06 +217,1.044487634563061,0.10851666051010017,1.0 +218,1.2795870740295987,0.10866306105594498,1.3 +219,1.2240474463033797,0.10912405954410678,1.26 +220,1.1256974474156953,0.10882426099126571,1.16 +221,1.0255321560835702,0.10851449628622478,1.12 +222,0.9882210378204723,0.10853648947352322,0.92 +223,1.1817960580485396,0.10968973348750836,1.26 +224,2.178101769929788,0.11066945844674689,2.24 +225,1.1837785056452708,0.10826460415873615,1.28 +226,1.4927912309913856,0.10901019458315162,1.7 +227,1.599585141970933,0.10864870329465312,1.6 +228,0.6619927082677242,0.10948963694538726,0.7 +229,0.9287898984484988,0.10911322254655936,0.98 +230,0.9538891665236866,0.10914905954500924,1.04 +231,2.1146388924715316,0.10928607664306651,2.14 +232,0.959249737925723,0.10976721894113296,0.94 +233,1.6069315178378494,0.10861405839505706,1.62 +234,2.1464433740715583,0.10922456798306739,2.24 +235,1.4353931814401397,0.1085665947226327,1.48 +236,1.02064559555859,0.1086533144477446,1.0 +237,1.670160746325343,0.10855705964770516,1.6 +238,0.6378085124180961,0.1095495819293418,0.66 +239,3.4727892442389594,0.12217931128373787,2.28 +240,1.457948994565995,0.10857341878161045,1.38 +241,1.5836131428866187,0.10906193366336203,1.66 +242,0.29235029063806817,0.11456004616508905,0.5 +243,1.1924913938281128,0.10910085379801557,1.28 +244,1.9318189718310625,0.10898121604334762,1.92 +245,1.4232776048737312,0.10916522205927737,1.36 +246,0.8640695897923214,0.1090525576955769,0.88 +247,2.8635930866521866,0.11391617118915476,2.76 +248,0.9575294831574004,0.10910824600116807,0.98 +249,1.799588730476386,0.10882424001342428,1.88 +250,0.8809391039064982,0.10909224963380686,0.92 +251,1.8622870310129889,0.10899500238538921,1.86 +252,2.2929316502392743,0.10956857793787063,2.28 +253,0.7607653598908106,0.10930203751965417,0.7 +254,0.26406052106022226,0.11310297924791625,0.3 +255,4.007911169054487,0.15671618676970367,3.74 +256,2.9659780253653087,0.11483396100991398,2.92 +257,0.6769683696121822,0.10935267934354873,0.74 +258,0.6045489175516101,0.10999494266782119,0.68 +259,2.172647697656216,0.10980979708203889,2.2 +260,2.564861616857363,0.11058637538648396,2.52 +261,1.284298740971514,0.10832883993527873,1.38 +262,0.9303693846686434,0.10912802576807211,0.9 +263,1.5878422996511992,0.10875498578650204,1.42 +264,1.6520795716495433,0.1088502526828206,1.68 +265,1.2627966748392145,0.10947574675116149,1.22 +266,2.1427446644613104,0.10925320302273898,2.2 +267,2.1120525735978637,0.10930496578362311,2.06 +268,1.327399142881986,0.1080060537337142,1.34 +269,2.216666592052923,0.10917018501293815,2.1 +270,1.69074169146156,0.10857935926310672,1.68 +271,2.4849012805223287,0.11041784033334096,2.36 +272,1.913813924469287,0.10887469429916703,1.92 +273,3.77469821308621,0.13616209168078156,3.78 +274,1.5202417146801173,0.10905156771349013,1.52 +275,1.6438093129493359,0.10980371379572267,1.72 +276,1.8175512315649547,0.10959118615180678,1.78 +277,0.8255338234716225,0.11017513715109901,0.88 +278,0.7855306234335719,0.10954108585653494,0.84 +279,2.8470823143532646,0.11323972027702353,2.76 +280,1.0263619402649544,0.10911957957428915,1.08 +281,2.6230741854750184,0.11093094367986583,2.5 +282,1.5609890265876407,0.10966306515075311,1.54 +283,1.573133131314484,0.1086441114995725,1.54 +284,0.9068186720780806,0.10925819894010529,1.04 +285,1.9076362979025978,0.10898495939713929,1.92 +286,2.884666636432967,0.11358246266700654,2.9 +287,2.2974072112557016,0.10994417158096909,2.34 +288,0.7562595529152452,0.11013062517892087,0.86 +289,1.221921046401234,0.10921720175635424,1.24 +290,0.8160598491342119,0.11065173292035375,0.82 +291,1.6200206467073661,0.10857746775557801,1.56 +292,1.4879876800588496,0.10863771980979048,1.38 +293,1.7421322062349978,0.10841685065404871,1.72 +294,1.4293620227919837,0.10913050732631786,1.44 +295,0.9609432900849688,0.108835236430321,1.0 +296,1.0160291660002008,0.10868410533852665,1.04 +297,1.4340011221147781,0.10860616075860868,1.34 +298,3.1424077374685515,0.11544188589550942,3.38 +299,1.7805683716806717,0.10854219744007633,1.66 +300,1.3714568736350818,0.10911950378260186,1.46 +301,0.9661013325051107,0.10884364784536978,0.94 +302,0.9344662121027758,0.10894583389514793,0.98 +303,1.1109337098171101,0.10838882994315736,1.12 +304,1.8534301616700324,0.10911407239397462,1.88 +305,1.3795892168718629,0.10864409042620322,1.42 +306,1.1238885773722194,0.1087271902823166,1.16 +307,2.520115411458568,0.11073018374854815,2.46 +308,1.6551327488621927,0.10857161780784215,1.66 +309,1.6492564253084359,0.10930520477715593,1.68 +310,1.3916744727336043,0.10863903167280498,1.38 +311,1.832112719913055,0.10882313209695377,1.84 +312,1.3208999673507469,0.10846378017618939,1.5 +313,1.0662925940052395,0.10867712305218435,1.02 +314,1.5704537557279883,0.1088617001548334,1.58 +315,1.1756569614747994,0.10848828624290163,1.24 +316,1.6858639294276463,0.10833327832977258,1.62 +317,0.548106186171565,0.1101640032592531,0.64 +318,2.069649386898795,0.10942155232612312,2.06 +319,1.6895713168365196,0.10859746091661743,1.64 +320,3.099673080989752,0.12126589684793294,3.08 +321,0.794025301035183,0.1095282162215694,0.82 +322,0.5670877292164027,0.10987478850855763,0.54 +323,2.14097081928304,0.10924396222272607,2.18 +324,0.6636849620078413,0.10936231433774819,0.62 +325,0.9262356909872755,0.10924843587480758,0.94 +326,1.1000789055709879,0.10893592788581179,1.14 +327,1.7238677182268196,0.10848092746446478,1.68 +328,1.6981139038483652,0.10954172123418053,1.62 +329,0.6166501460004872,0.10963187288809831,0.66 +330,0.09736588565885906,0.11588971852862077,0.52 +331,1.6267302672249206,0.10835460047871946,1.6 +332,1.2252383915362648,0.10919249676582131,1.26 +333,0.443964549205325,0.11097164859187039,0.46 +334,0.23500901488660642,0.11254293590863335,0.18 +335,1.63117352053706,0.10877718309617383,1.64 +336,1.3763024083432063,0.10867224230421994,1.32 +337,1.062775373833829,0.10860299351061078,1.16 +338,2.5468915834553334,0.11123058903029999,2.48 +339,1.8077795172299735,0.10873190093259472,1.74 +340,4.863070969343545,0.4476995547879835,4.58 +341,1.63576925656207,0.10872972441091676,1.62 +342,2.7389304996482116,0.11228713846883089,2.86 +343,0.37972025337093296,0.11203178342759047,0.4 +344,2.159069378016233,0.10988449570207484,2.08 +345,1.4866953963093925,0.10860199555334542,1.58 +346,1.6899834644562892,0.10948313811857364,1.64 +347,1.630309877364403,0.10877507192883386,1.64 +348,0.6138033093977588,0.10964408204695,0.72 +349,0.2640343252129247,0.1125083617977049,0.18 +350,0.4791630898705028,0.11083703926627561,0.48 +351,1.6578883175467487,0.10873698291103899,1.68 +352,1.409597176785737,0.10865025234119714,1.44 +353,1.470826560935726,0.10909365243227259,1.38 +354,3.746910863859461,0.14914592440769697,3.46 +355,1.8011786065610513,0.10892717947385124,1.74 +356,0.6364936069738212,0.10948274694260807,0.8 +357,1.069294050375432,0.10876668647921496,1.18 +358,0.3948530657807714,0.11356777118879667,0.36 +359,1.3961028400842812,0.10855269977880071,1.46 +360,1.5493094209409,0.1088546817352914,1.64 +361,1.7596154830496635,0.10915618333442255,1.72 +362,0.6248081923605531,0.10991613645012906,0.68 +363,2.7886420160689758,0.11219693850256328,2.8 +364,1.4517578027859264,0.10982412337579853,1.58 +365,0.9830769686460661,0.1083909875148827,1.04 +366,2.073904720046939,0.10923681605708196,2.02 +367,0.8493435294798308,0.10909511268881521,0.92 +368,1.9544826000131357,0.10896324171378646,1.84 +369,0.8583666054497945,0.10904612793278882,0.86 +370,1.63934025786748,0.10843927246051539,1.78 +371,1.267551421763037,0.10880174281284101,1.22 +372,1.1968032298946119,0.10879152121306956,1.26 +373,0.734085273233041,0.10951663522626263,0.76 +374,2.912253590300998,0.11390226017231367,2.92 +375,0.9736253857205801,0.10864009661302575,0.98 +376,3.10806576176791,0.11472174919766774,3.26 +377,0.9849986035035405,0.10935150082261152,0.98 +378,0.48777428390565003,0.11046359871004223,0.5 +379,0.45766507480402563,0.11223585676975154,0.46 +380,0.32435041043772994,0.1121687679193621,0.36 +381,0.8025511384650548,0.10930981443694428,0.86 +382,1.0416259119795006,0.10856702969474812,1.06 +383,1.320009154872671,0.10847918028196307,1.34 +384,0.9324344655048682,0.10924179310133489,1.04 +385,1.5566101869603903,0.10860359380617732,1.54 +386,1.2967143858896923,0.10821942256843411,1.34 +387,0.9301870827112912,0.10883556672037971,1.0 +388,1.156502194462603,0.10844086829515692,1.2 +389,1.7520880021206855,0.10865737111861308,1.74 +390,2.0874609099204013,0.10904325786728594,2.02 +391,1.8236139807675888,0.10879425255828412,1.82 +392,1.562623971522732,0.10922570195316274,1.54 +393,1.7824098074116526,0.10880796755004786,1.76 +394,2.0787320246666345,0.10908083024483889,2.02 +395,0.7799621553705043,0.10953495744760555,0.82 +396,0.15433991164048333,0.11398559062130982,0.18 +397,2.11978067565122,0.11003600375089966,2.04 +398,0.7970559625093463,0.10930986831432273,0.82 +399,0.9620567233552455,0.10885524898565925,0.98 +400,2.5021329204387106,0.11058045194579001,2.48 +401,1.3682787206826807,0.10789304084712426,1.22 +402,1.6571002993050632,0.10997058118946597,1.5 +403,1.371343703589786,0.10831174636872717,1.4 +404,0.9482858761743591,0.10887925186920983,0.98 +405,0.6840362506174591,0.1093287782255864,0.66 +406,1.280978919389212,0.10952333440436948,1.3 +407,1.5098810625241503,0.10846304139939547,1.56 +408,1.6307404540754566,0.108634311230102,1.6 +409,1.2282639760624354,0.10861291762068188,1.26 +410,1.1448793001537885,0.10853899397623108,1.14 +411,1.5486784511145535,0.10851220937877394,1.5 +412,0.12843046304583705,0.11507364124598775,0.18 +413,1.49535056257968,0.10884034317985512,1.56 +414,3.106400922410713,0.11498097639138427,3.18 +415,0.13005450608857583,0.11981445739110949,0.22 +416,0.7935151261360991,0.10934862990084386,0.82 +417,1.434266109535229,0.1091032792984884,1.48 +418,3.364544486240148,0.12008567809726657,3.44 +419,3.1458082558949334,0.11401461167485652,2.98 +420,0.38573656030914005,0.11142223994387926,0.56 +421,2.8815493070209532,0.1132108239546198,2.86 +422,1.9488133595195256,0.10900816089355407,1.92 +423,0.7500538331378683,0.109384100728809,0.74 +424,1.4139926538825724,0.10892770290056647,1.46 +425,0.930318148118011,0.10947021059006434,0.84 +426,1.199862972983353,0.10908360350545607,1.26 +427,1.5803701153111822,0.10805406612762522,1.58 +428,0.6885975282481729,0.1105415714325516,0.58 +429,3.676247754925007,0.14581743390943624,3.78 +430,0.3549078934672769,0.11232909417369318,0.44 +431,1.00543444591269,0.10866103219314087,1.0 +432,0.8820889827472405,0.10941009630332453,1.0 +433,1.5044769194840617,0.10881357480601095,1.46 +434,1.4097819933848177,0.10867794348997922,1.46 +435,1.0255016501353742,0.10876213609438609,1.0 +436,1.0620592536378046,0.10857024981560011,1.16 +437,1.6034483277402236,0.10939773262131351,1.68 +438,0.5942486139630736,0.10967952359043576,0.64 +439,2.578183760369746,0.11056789068680226,2.58 +440,1.4562405127377707,0.10886053295344833,1.5 +441,4.046029995561809,0.16873865083504078,4.0 +442,0.7912627560341496,0.10946116488926462,0.84 +443,0.20245317680860264,0.11556673988849238,0.24 +444,1.8624147716835102,0.10880250180774531,1.88 +445,1.665029439198853,0.10877268517959106,1.7 +446,0.852650676637146,0.10911728945106182,0.9 +447,0.7719654449669582,0.10936306656600728,0.84 +448,1.2251937689083183,0.10800530369337166,1.3 +449,1.1979012993274187,0.10891223820827646,1.26 +450,2.6237570830261197,0.11158723620264625,2.52 +451,1.7962572579740401,0.10875229684089043,1.86 +452,1.187863461897897,0.10895673135398783,1.2 +453,0.6677342764229328,0.109721833503506,0.68 +454,1.61943989177714,0.10921460186771867,1.62 +455,4.62636635285316,0.3360456068832153,4.5 +456,0.4568263448518186,0.11179870985623575,0.6 +457,0.4790410977999562,0.11117532965131618,0.56 +458,2.2820358688965205,0.109396746504086,2.3 +459,0.7998042555352844,0.10972424100039771,0.88 +460,2.4590549414250082,0.11024062827054266,2.46 +461,1.2746425275503048,0.1085387397354337,1.26 +462,0.7995064746899478,0.10916898099246322,0.78 +463,0.8990904784002316,0.10892527205737491,0.9 +464,1.2362898108706935,0.10820271229171231,1.44 +465,0.2952150352549969,0.11253268427010155,0.28 +466,1.971132444902671,0.10900949565988821,2.02 +467,0.8244851564648732,0.1091502084397775,0.88 +468,0.7611696416979248,0.1099438390312831,0.78 +469,2.123264730722858,0.10923022384749828,2.14 +470,0.6906511195765921,0.10991141900617854,0.68 +471,1.2656600343214128,0.10851599041538335,1.34 +472,2.6796399833183733,0.11161636401723417,2.82 +473,1.018259698127216,0.1087015276265045,1.08 +474,0.5290249322090963,0.1102961067181214,0.62 +475,1.182541369361572,0.1082381077201233,1.28 +476,1.3283565289589623,0.10866623138463925,1.3 +477,2.003215635946318,0.10947348189905946,2.08 +478,1.9178861829502116,0.10889138549271973,1.94 +479,0.4070261579517256,0.11155904124636738,0.42 +480,2.0641808776621664,0.10911986477265873,2.1 +481,2.0241396535576675,0.10883493351621393,1.86 +482,1.6260674023535975,0.10839289707785683,1.66 +483,1.7927839332982662,0.10888410893542123,1.78 +484,0.8147653332564877,0.10929700711688942,0.86 +485,1.308578376081214,0.10829517475849441,1.1 +486,1.3141168679977318,0.10810515000396162,1.32 +487,2.077000076131667,0.10893860059234864,2.04 +488,1.6499181017631193,0.10845152112382354,1.66 +489,0.6193045824653671,0.10972016786499036,0.54 +490,2.474222102643018,0.11033498851197071,2.48 +491,3.353567294314664,0.12220043430027495,3.26 +492,2.733215014779012,0.11167460143297955,2.68 +493,0.9271635222619272,0.10882606519015177,1.04 +494,1.7899443857785249,0.10888716571822099,1.84 +495,1.0298971016541776,0.11083978826091133,0.88 +496,1.286885477137587,0.1088347303794416,1.48 +497,2.8163786567232227,0.11381733623941832,2.3 +498,2.285713015691413,0.1098279416031749,2.26 +499,1.363882735761826,0.11064700941667893,1.34 +500,1.5608734509880895,0.10874722360470956,1.52 +501,1.453148647762645,0.10879424147498244,1.54 +502,1.2842912626354837,0.10869839186556099,1.34 +503,1.5567213221183342,0.10860052812885189,1.56 +504,1.7567244247942204,0.1088028533079986,1.76 +505,2.0685165003894914,0.10911384193342973,2.06 +506,1.5545363895236042,0.1092946142101664,1.54 +507,0.8986358047903513,0.10887600654472317,0.96 +508,1.0558084504687448,0.10873243420252149,1.12 +509,1.3824810837490764,0.10852242989663723,1.4 +510,2.0690628460994906,0.10909952796541728,2.08 +511,0.9882223850689362,0.10879079259548306,1.0 +512,1.3205425879828132,0.10913080554893179,1.38 +513,1.5888695870906195,0.10872700220958562,1.6 +514,2.49863025658152,0.11117627549267019,2.6 +515,1.2791519798428928,0.10797760005161937,1.4 +516,0.5738188485718458,0.11161233436964287,0.72 +517,1.3581202818398372,0.10930498264077083,1.36 +518,0.8731682748233061,0.10904604140553957,0.76 +519,0.8499586477822723,0.10969921970159453,0.86 +520,1.6875082684527802,0.10856444592272986,1.54 +521,3.7313362594920525,0.1478775902989117,3.72 +522,0.9752145533538501,0.10912985846736675,1.12 +523,1.6504006434430982,0.10889591352551194,1.58 +524,1.2387527103651044,0.10902595403015451,1.24 +525,0.5119051583379166,0.11085470018497523,0.6 +526,1.7934192224390975,0.108643794462945,1.76 +527,0.7766247977644687,0.11002470874534694,0.78 +528,0.8274143605557418,0.10920196381219445,0.84 +529,0.8775583880802378,0.10938081657413089,0.92 +530,0.9634613009752675,0.10855148273058994,0.84 +531,2.2614018162024783,0.10902223193650457,2.18 +532,0.6464184788713103,0.11072227912106286,0.7 +533,3.315373918927455,0.12026460627770748,3.04 +534,0.8655678660228991,0.1095448830432219,0.88 +535,0.7707934182039358,0.10914963078503333,0.8 +536,0.8024206856830736,0.1094933969161963,0.84 +537,1.2091259674711585,0.1090749824574529,1.24 +538,0.5272742860325712,0.11030777178836731,0.56 +539,2.261683749042965,0.109507944387782,2.26 +540,1.6129924160350972,0.1089621356330924,1.64 +541,0.8895797860985004,0.10902995876230191,0.84 +542,1.4504577894881043,0.10878088713043756,1.42 +543,2.3705945571548943,0.1108132996518697,2.36 +544,3.8680372118842916,0.15638835708708695,3.92 +545,0.8610859451230217,0.10955876851954649,0.88 +546,0.9577094673022009,0.10953282620886066,1.0 +547,2.1459284412829467,0.10943240731253664,2.2 +548,1.772744854024622,0.10855495005054216,1.7 +549,3.1656393910565788,0.1160238564882543,3.2 +550,1.7921675993612487,0.10877846775056353,1.92 +551,0.8198270046758713,0.10926334251548399,0.86 +552,2.029971559627305,0.10905401918576013,2.02 +553,0.7224246173351778,0.10928983929023858,0.88 +554,1.7615171369035414,0.10882746136892699,1.78 +555,1.8275014992940148,0.10885136691959235,1.94 +556,1.3567944132783998,0.10792226536429046,1.3 +557,0.8186931667324648,0.10935626339251368,0.8 +558,3.343628281061391,0.12372522428804404,3.46 +559,1.0184568554107676,0.10865205998386142,1.06 +560,1.507751255903421,0.10864349502089592,1.56 +561,1.905551430071724,0.10895708345727485,1.94 +562,1.6513211331757338,0.10863012578258512,1.64 +563,1.0934926470533446,0.10845760696825005,1.1 +564,1.6738525029494715,0.10835067597317108,1.62 +565,1.8027436026334192,0.10901675133683403,1.8 +566,0.7594811110588884,0.10926280709873123,0.78 +567,0.7358850116514821,0.10960530437320237,0.8 +568,1.10560519556845,0.10844467936497657,1.04 +569,1.1322032217132394,0.10885452173723131,1.1 +570,1.0551206927674377,0.10871287421676351,1.06 +571,1.6872495062532158,0.10896398099285455,1.68 +572,1.1357832163713928,0.10846989288577348,1.26 +573,0.9123473154719823,0.10894050295824612,0.84 +574,1.7628619960737302,0.10888133408643688,1.72 +575,0.8779242879717009,0.10922166281488825,0.92 +576,1.1770628958014333,0.10915294796159425,1.18 +577,0.5432286658924061,0.10994884565055506,0.5 +578,1.1690361375731362,0.10852941815824081,1.22 +579,0.24253429682496996,0.1139130875480728,0.26 +580,2.436041727776021,0.11134743805025529,2.48 +581,1.0646686897847735,0.10886836681829998,1.16 +582,1.688732597907971,0.10867516563028885,1.64 +583,1.6752188317737042,0.10884065233517186,1.64 +584,0.5479114778175918,0.11009234759461507,0.64 +585,2.556394268011103,0.11046845992086858,2.58 +586,2.3650065455403526,0.11037632019036879,2.44 +587,1.3774559157664106,0.10843967200409174,1.44 +588,1.3731733096428504,0.10914664174654945,1.44 +589,1.3780486370922906,0.1097015350311717,1.44 +590,1.8352689260221728,0.10891221243664376,1.82 +591,1.4187818020831164,0.10853437324567207,1.36 +592,0.8608331178316382,0.10911886684694873,0.9 +593,0.3029485236643259,0.11460982132248447,0.24 +594,3.492274520876413,0.1334326870247243,3.44 +595,1.8482097817272907,0.10894648007653733,1.84 +596,0.32810516674685797,0.11277226527140168,0.42 +597,1.5743452802270985,0.1086695830903455,1.62 +598,0.7957271176870497,0.10934648334454847,1.04 +599,2.6509841384330874,0.11141306647299808,2.7 +600,1.6930976621265748,0.10893966758254059,1.56 +601,1.0447953701390338,0.10837030849686946,1.06 +602,2.038087903560494,0.1091098833334587,2.14 +603,1.2665359496497635,0.1089316554954456,1.18 +604,1.6016033942912733,0.10855385313240207,1.56 +605,2.0416321857703386,0.10948101474376931,2.0 +606,2.42422030092846,0.11002230546418534,2.48 +607,0.1994525040546824,0.11381204539352491,0.2 +608,1.0548795595900762,0.10883676303674554,1.1 +609,1.6691890928736717,0.10859731453113712,1.72 +610,1.0675955145962552,0.10903008291715861,1.0 +611,0.4657598607406106,0.11368517105485518,0.52 +612,1.636417759292903,0.10847050638330448,1.74 +613,0.9524124055732051,0.10867424038320125,1.04 +614,1.5327447845543523,0.11019048365177628,1.56 +615,2.851855859911203,0.11486065956273367,2.76 +616,1.3292080853115698,0.10870411768709377,1.34 +617,1.1931527072114383,0.11007150216557567,1.18 +618,0.5992497333453022,0.1105804207646699,0.68 +619,1.502218961191132,0.10901154054507534,1.44 +620,1.0551162142222301,0.10846313247735878,1.08 +621,1.9111287523094225,0.10891705886491793,1.8 +622,0.8094379346934124,0.11075366098046688,0.92 +623,0.8981232107345312,0.10927775795222244,0.98 +624,0.9426143192388983,0.10922588035890557,0.98 +625,1.4275400700980887,0.1087742225368872,1.48 +626,2.29669005497692,0.10993022778491844,2.24 +627,1.5581074654345732,0.10857014194977747,1.72 +628,2.1360768579260343,0.10915158845502065,2.1 +629,1.3578473839431089,0.10878329132619244,1.38 +630,0.18351785294689815,0.11456588961942761,0.18 +631,2.090640452778806,0.10903827252508284,2.06 +632,0.7825759030033757,0.10930529466250806,0.84 +633,1.4929553048240285,0.10920543425887766,1.54 +634,2.265343811019057,0.1095739312152296,2.12 +635,2.1462704237190584,0.10988198398868837,2.12 +636,0.7552600582941045,0.10925003879838352,0.78 +637,1.4561574483359925,0.1083229159271816,1.5 +638,1.1145876848480176,0.1084512650539112,1.08 +639,2.468285010109489,0.110261398444457,2.6 +640,2.13929890228865,0.10912901923272386,2.06 +641,0.028793119122069832,0.11512855574168256,0.18 +642,1.1684910472632373,0.10828994143138973,1.24 +643,3.3494022888477053,0.1207878366877333,3.22 +644,1.2120034353314528,0.10873568929211344,1.32 +645,0.7442669860159574,0.10978874452846149,0.84 +646,1.3065943218039484,0.10963296107453765,1.3 +647,3.8638416643864266,0.14878005795292493,3.68 +648,1.917530289351844,0.10893365069297042,1.94 +649,0.657934942690722,0.1111367655745664,0.7 +650,0.7587014213927139,0.10978826790498968,0.88 +651,1.396791559117104,0.10867894317859152,1.5 +652,-0.36566760977643487,0.2152930350887091,-0.58 +653,1.3819194209453718,0.10877728893293552,1.48 +654,0.7137661174689915,0.10926247415096813,0.78 +655,1.3467330458236253,0.10845451766498865,1.34 +656,1.7582871751122786,0.10868589917812828,1.8 +657,0.8676756342844802,0.11039547729106723,0.88 +658,1.9902092409325354,0.10909363092134029,2.18 +659,1.177306397816941,0.10845423833806678,1.34 +660,1.7270344486919873,0.1085341972187878,1.74 +661,0.8709784518758275,0.10905866977606613,0.9 +662,1.1933230529821506,0.10964321685355743,1.26 +663,1.1749790863386727,0.10854758503717458,1.18 +664,0.7423792773069442,0.1093628549993607,0.78 +665,1.5318028647535789,0.10894423849393904,1.62 +666,1.5688489728658856,0.10840655539565383,1.6 +667,0.7388620301564464,0.1106580121944195,0.76 +668,1.730850931665997,0.10889799774910441,1.74 +669,0.9687468877273551,0.10959392971893334,0.94 +670,1.109053501176887,0.1084736495423099,1.1 +671,0.7430034282344797,0.10948063399239075,0.84 +672,1.102096823692924,0.10817417270568888,1.18 +673,0.7551139544787153,0.10952161679962177,0.76 +674,1.0655644630359111,0.10879534370041449,1.04 +675,1.1427736507120434,0.10842589122245762,1.16 +676,1.2874601304686513,0.10814365641725442,1.4 +677,0.8583128967942519,0.10936283713917047,0.88 +678,1.5151289907430643,0.10865471259251812,1.52 +679,1.9198776742799586,0.10900248347974673,1.94 +680,0.893393155101875,0.10908883674790928,0.96 +681,2.84055444450314,0.11373562111143866,2.76 +682,1.6084648147357958,0.10856031531523398,1.58 +683,1.4403161240092208,0.10866100802676125,1.46 +684,1.1958837973802252,0.10892701371701878,1.22 +685,1.2478346987464368,0.10861591862535767,1.28 +686,1.0131291747873155,0.10874518488336445,1.04 +687,0.8789071373002164,0.10904007539874584,0.9 +688,0.04337771153027514,0.11516984509815927,0.1 +689,3.188587757312461,0.11612385587707676,3.12 +690,0.9910939940616634,0.11005488989705223,1.08 +691,1.0369643937661257,0.1105268202147939,1.04 +692,1.6662595352446834,0.1085855152097015,1.56 +693,1.0302602802867815,0.10936464898047647,1.02 +694,0.9420426027943654,0.10892247545665527,1.0 +695,1.1323924340186684,0.10921894326637578,1.16 +696,1.003642200713549,0.10954892763579885,1.06 +697,1.3789008359233383,0.10906343022962894,1.26 +698,1.5016314496583965,0.1089413762094285,1.46 +699,1.555359414645408,0.10870690155628944,1.6 +700,1.6557961793435103,0.1088488330496561,1.66 +701,1.3399208692156028,0.1079124998605,1.38 +702,2.814868208034105,0.11391197184470024,2.76 +703,1.2971868671030782,0.10889745076322557,1.28 +704,0.5641337745531194,0.11051634814025736,0.6 +705,1.4010133181975197,0.10896837524640195,1.38 +706,1.3174813348290106,0.10977180286590853,1.44 +707,2.806196998260737,0.11306429698535907,2.84 +708,1.7666443078570486,0.1086064972087737,1.74 +709,1.0117077827816905,0.10885003036658422,1.0 +710,1.429952806083512,0.10884709450093381,1.46 +711,0.54836952822206,0.10984699176272328,0.6 +712,0.33192878147644134,0.1121897211049551,0.32 +713,1.073340285818687,0.10879259550383019,1.06 +714,0.9042990730720666,0.10940577176894588,0.88 +715,2.8280458144080844,0.11380921942213892,2.82 +716,1.902722115988026,0.10907073109381228,1.98 +717,1.1512730456190914,0.10941381765124154,1.2 +718,0.3948183292539502,0.11154235279875542,0.44 +719,1.384526793789603,0.10901162352566136,1.4 +720,1.471099585017483,0.10901715170571111,1.32 +721,2.9732701601046037,0.11399148739625195,3.2 +722,1.9943525115241476,0.10908228611854738,2.1 +723,1.7366955602270115,0.10942033437954123,1.7 +724,0.31109412607071985,0.1137796180502785,0.32 +725,2.8466170654156278,0.1147146295881883,2.84 +726,1.307952024309599,0.10863691722539597,1.38 +727,0.24062786788662915,0.11302662699515191,0.26 +728,1.4374700805940028,0.10876430076978642,1.34 +729,1.9945709723111724,0.10897734610751261,1.96 +730,1.6124217675781898,0.10881229100491348,1.6 +731,1.2464024194451033,0.1088352525338589,1.32 +732,0.5696915253009882,0.10984985635004736,0.8 +733,1.5415350936274157,0.10863466318757717,1.48 +734,0.9977566716570498,0.10870786411469219,1.06 +735,2.6014863592943405,0.11098166726510564,2.54 +736,0.9604470078213856,0.10914166402176693,1.08 +737,0.9927785412596171,0.10905286494689487,1.1 +738,1.2986882602120096,0.10905851237252677,1.34 +739,2.017664984988122,0.10904867567486569,2.04 +740,2.4149745267988143,0.11010722169120893,2.46 +741,1.3095457019294292,0.10787469079631334,1.3 +742,1.5942146302739237,0.10875962451173007,1.56 +743,1.3672053010148337,0.10960045548828005,1.4 +744,1.0706455838438904,0.10849500575929155,1.12 +745,2.162438165181917,0.10939518469465341,2.14 +746,0.22518631433788894,0.11570077142202677,0.32 +747,3.233501657307783,0.11926542498153034,3.22 +748,0.786751691076474,0.10908287896578865,0.82 +749,1.4427091700902102,0.1081357966917724,1.48 +750,2.01912115119456,0.10922776757716617,1.9 +751,1.5220802365748076,0.1084598813451924,1.54 +752,1.5416731448424548,0.1090275352768584,1.72 +753,1.1813235966788147,0.10903620549447267,1.14 +754,0.9686225946146285,0.10861488189486924,1.06 +755,0.408483631277341,0.11145499158414841,0.52 +756,1.1069861681179054,0.10811946480114344,1.16 +757,1.7041185028741301,0.10869503702596778,1.92 +758,0.5175435754486122,0.11046591620220005,0.54 +759,4.745623830323352,0.34989183331787727,4.6 +760,1.1986662266726418,0.10865164001363531,1.2 +761,0.9448387649710446,0.10886215573881027,0.96 +762,2.259916871308497,0.11019692381889223,2.2 +763,1.2565737991935242,0.10803141888696989,1.24 +764,1.2787994893008934,0.10920611347507299,1.34 +765,1.0046579643233278,0.10888470550923408,1.06 +766,1.1471714287126806,0.10855065891874441,1.22 +767,2.1289487783209387,0.10985392112236086,2.04 +768,1.6785498663840448,0.10855652527900995,1.7 +769,0.8343683142435188,0.10915334817289815,0.84 +770,0.894648090236493,0.10905362118208514,0.94 +771,1.028987117970174,0.10994969771336788,0.96 +772,0.3347083355348337,0.11166728425692364,0.24 +773,0.7344848192952744,0.10924328809748644,0.7 +774,0.3699432129189182,0.11666798817260647,0.4 +775,2.0783924145717227,0.10880635914076513,2.02 +776,4.080730597241803,0.19311042707054565,4.04 +777,0.6281297508634429,0.10987565339871759,0.72 +778,2.5559622258769243,0.11173257522464468,2.56 +779,1.1442178933771165,0.10863081241107689,1.2 +780,0.8777484706071226,0.10915249724765654,0.86 +781,3.27858115352442,0.1187239558439094,3.3 +782,1.0696531703475847,0.10873133458596287,1.12 +783,1.4241736439880333,0.10876184299280292,1.52 +784,0.9126572800135255,0.1088886912804004,0.84 +785,-0.07616845929963834,0.11878546905836036,0.16 +786,1.1121110085412047,0.10848995041163156,1.3 +787,1.464289844362269,0.10895937150852691,1.42 +788,0.7280673424079813,0.10930715290033856,0.74 +789,1.180931512365155,0.10900966960035954,1.24 +790,1.0192176321868294,0.10883975317689748,1.04 +791,1.148439539268181,0.10864106545724345,1.12 +792,2.7039621778060186,0.11300293447685349,2.74 +793,1.1492995882179278,0.10880064095482139,1.2 +794,2.4902627322197324,0.11104929558246897,2.4 +795,0.8697628693566264,0.10924187654373489,0.86 +796,1.2867414283402416,0.10899468098427459,1.34 +797,0.5998025700783947,0.10992321374609106,0.68 +798,1.424422329323206,0.10908120117554473,1.42 +799,1.4706966922960722,0.10851188249837672,1.5 +800,0.6280491438516185,0.10971346981698196,0.74 +801,1.469144960476199,0.10878551878165058,1.42 +802,2.2044852105702253,0.10953252013471718,2.26 +803,1.1198324434133502,0.1088827719279307,1.1 +804,1.2659197148104573,0.1089946654311763,1.24 +805,2.1003398949782186,0.1089581034140821,2.08 +806,3.7188049193413795,0.1406424619133492,3.72 +807,0.40101196840389886,0.1114449449548452,0.42 +808,1.3848668773894763,0.10947061342129037,1.52 +809,1.6507027677390047,0.10857905556015648,1.88 +810,1.7551006930353514,0.1089034013581367,1.76 +811,1.9987309941101676,0.10891564862390767,1.86 +812,2.5167807795466564,0.11196968037576359,2.48 +813,0.4489009453389263,0.11102872332900585,0.46 +814,1.2141601578602836,0.10831891670752784,1.24 +815,0.7383096250578296,0.1092414048212824,0.86 +816,2.5496834587829715,0.11187491956529985,2.56 +817,1.1282985596915855,0.1088881901483676,1.2 +818,1.3102216588443332,0.10871368401281485,1.36 +819,1.3092475324367703,0.10872816633961858,1.32 +820,1.4945478116369761,0.10846709341248714,1.48 +821,0.7609424259801747,0.10926769949234644,0.78 +822,0.5577263051441355,0.10987115176295742,0.62 +823,1.9694151115253637,0.10893375212577354,1.88 +824,0.523882542202549,0.1103681832026055,0.52 +825,1.303748313953597,0.10798970077156439,1.3 +826,1.2993158174607506,0.10877575848472669,1.4 +827,2.4715981332263857,0.11156095054685945,2.44 +828,2.094138386327372,0.10917053002605985,2.06 +829,1.2281331846908392,0.10832218013602571,1.22 +830,1.4584607271945762,0.10952104094050923,1.46 +831,2.95190467711842,0.11846246619280387,3.06 +832,0.9786909576327991,0.10894971546476753,0.94 +833,1.1481403452158636,0.1086432063094068,1.2 +834,1.016781239706666,0.10822317139946824,1.0 +835,1.9919824713009993,0.1089311217398931,1.96 +836,1.0730119999389123,0.10844539806450781,1.04 +837,0.45255243884921637,0.11074543917160051,0.46 +838,1.2879354021298743,0.10808152317382906,1.36 +839,0.1530471745219364,0.11354648192617385,0.24 +840,1.9409445422150773,0.10941330784439035,1.86 +841,2.105001413218395,0.10927472226341729,2.06 +842,1.4587642427615952,0.10893566610109831,1.44 +843,1.1869723067017395,0.10915862952618051,1.2 +844,1.575228006784264,0.10924728732516245,1.56 +845,0.7289638169464032,0.10929255894997734,0.82 +846,1.9124173052683764,0.10899954904023867,1.88 +847,1.7644064870231082,0.10864674622433271,1.66 +848,0.9199206523390862,0.10888835671602053,0.86 +849,2.53398058437483,0.11166821909244802,2.5 +850,2.1283165174360894,0.10912779619942928,2.14 +851,1.7335291422129506,0.10883684397759433,1.68 +852,0.8179824708889987,0.10931922923758398,0.88 +853,1.4019583283768915,0.10876337294840259,1.42 +854,3.061924316605654,0.11521480738798336,2.98 +855,0.9690654022870353,0.10886361070393155,1.0 +856,1.3769643311948832,0.10847655377977976,1.44 +857,0.7133751747888999,0.10923030107166677,0.76 +858,1.1895428557200907,0.10958012811542515,1.22 +859,0.706446267652459,0.11004383767994862,0.78 +860,3.001778815821388,0.11468258073894112,2.98 +861,1.9920744588791015,0.10879440523175508,2.24 +862,0.6083617708875328,0.1094889484494213,0.68 +863,1.2415108319980197,0.10933400741992697,1.32 +864,1.3838615970608066,0.10893167853239714,1.44 +865,3.698084299974119,0.14409232572635225,3.66 +866,0.5731463727702311,0.10991246831543539,0.62 +867,0.9209325259268359,0.10893340699505377,0.96 +868,0.2659811115531374,0.11426808617608032,0.26 +869,1.6372598555753077,0.10883347863584947,1.6 +870,0.9503728264017317,0.10895240567294522,0.96 +871,0.10987215083657187,0.11451512088307282,0.18 +872,1.1614494749588777,0.10868365735952089,1.18 +873,1.4372370232417486,0.10842293898763469,1.46 +874,0.41592295981497696,0.11099502619918257,0.48 +875,0.8569059214801973,0.10904154280652475,0.9 +876,0.0985044539947415,0.11444582945639195,0.16 +877,3.195515823044494,0.12066056934399928,3.24 +878,1.59487293587184,0.10854862541077144,1.52 +879,1.23770360988481,0.1091846914440589,1.34 +880,2.138389559417617,0.10993061617678901,2.06 +881,0.5238795590419789,0.11087383418724071,0.5 +882,0.7873685533748818,0.10925030720402576,0.72 +883,1.1871129327060137,0.10925689006920107,1.28 +884,2.2791568696235336,0.10949781255242513,2.36 +885,1.209434866666867,0.10887516459591652,1.2 +886,0.7731844103913224,0.1092236778699842,0.88 +887,1.7644612525253143,0.10891588600065374,1.74 +888,1.1099337963797202,0.10886213015848724,1.2 +889,1.985635933563656,0.10958765586310859,1.92 +890,1.005977773158313,0.1090054179579656,1.04 +891,1.288851632056768,0.10828982145214938,1.32 +892,1.433216972004657,0.1087960932941447,1.5 +893,0.8141890292521188,0.11024250953231853,0.82 +894,1.0643753573478199,0.10884507854294635,1.14 +895,1.2309473078801636,0.10776151271000142,1.14 +896,1.9108736299252973,0.10916504617057125,1.92 +897,1.6933585775999083,0.10841492709638925,1.68 +898,0.36741397885304306,0.11210580135706291,0.38 +899,2.685465926899112,0.11162737452114603,2.58 +900,2.6264827863009605,0.11143839769337661,2.66 +901,1.4935597301241677,0.10878516092276698,1.4 +902,1.7028711293171588,0.10880245784882167,1.68 +903,2.408858431494827,0.11020938726880965,2.42 +904,0.7629182644677561,0.10928035271791756,0.7 +905,0.9326060218207166,0.10921998536576202,1.1 +906,0.6553705148779718,0.10958094814455552,0.78 +907,1.2714377508386994,0.10880074734089662,1.3 +908,0.52543950655157,0.11101623798354715,0.6 +909,0.7940454802201407,0.10931683239731785,0.84 +910,1.6732455211875665,0.10832662836169986,1.46 +911,1.271202507179658,0.10866613228112369,1.32 +912,-0.16105789132705528,0.1339965599032725,-0.16 +913,1.2326943659165854,0.10897681897293988,1.36 +914,0.39073572140137625,0.11134318750193817,0.38 +915,0.920955511374614,0.10914690774817794,1.02 +916,2.51838843500441,0.11110758865813715,2.62 +917,1.1007592006039308,0.11103800709035731,1.2 +918,1.0289168065654968,0.10859035677981035,1.08 +919,1.1696100079399931,0.10937081654939426,1.3 +920,1.5784309941698558,0.10893036119593029,1.66 +921,1.0738236210455545,0.10841804743971717,1.12 +922,0.49430432788646694,0.11404938368258014,0.5 +923,0.5054342228601447,0.11014255729165645,0.56 +924,1.378314897469635,0.10851586927129948,1.4 +925,0.5340081127731429,0.11036911208250708,0.58 +926,1.288062275778933,0.10903310225020264,1.34 +927,2.6307237947314013,0.11174702224785955,2.58 +928,1.7185414003598032,0.10974348387542832,1.68 +929,2.174246936387738,0.10939715567600308,2.06 +930,3.040660174241906,0.11400615760098332,2.92 +931,1.3565700324857408,0.10900249387078143,1.32 +932,0.21393654183507405,0.113127600925753,0.34 +933,1.265615138254403,0.10899004936533199,1.3 +934,2.926584370414729,0.11377728076285377,2.9 +935,1.891590477171241,0.10928308137319842,2.06 +936,1.5122263513716367,0.1086326441917688,1.5 +937,1.5162342147180672,0.10862118542658247,1.52 +938,0.6174274695756514,0.11000930170495186,0.6 +939,1.3678371098213864,0.10814951965169586,1.4 +940,1.3177377261123473,0.10862836397702492,1.32 +941,0.5339706144656082,0.11044854986295063,0.6 +942,1.5494976742702695,0.1086986434312299,1.54 +943,2.825960052341208,0.11196608490077652,2.82 +944,0.8780817382103114,0.10937178193276835,0.92 +945,0.6941048463818893,0.11063363299254618,0.86 +946,1.015114927500135,0.10883763886842955,1.08 +947,1.0301272310213525,0.1080787198041285,1.04 +948,1.7770551253403246,0.10866332851574569,1.76 +949,1.5170862925079112,0.10890048106072192,1.54 +950,2.1782924736580602,0.10923412322865386,2.22 +951,2.484913576585334,0.11027652438447197,2.32 +952,1.2212322286414894,0.10869247148817375,1.24 +953,0.41884260479883917,0.11121780915125101,0.44 +954,1.4585462845912494,0.10836214878735204,1.4 +955,1.3485809384396097,0.10873580514218685,1.42 +956,2.468446884908402,0.1102062146892575,2.38 +957,0.6285527986633914,0.10951558344061682,0.64 +958,1.0712521988081596,0.10827660997534581,1.12 +959,1.6439448824844822,0.10865405901800672,1.56 +960,1.4928151771942089,0.10858731222196859,1.58 +961,2.0440997453656555,0.10898001503856876,2.0 +962,1.2286258525025167,0.10902583730095,1.32 +963,2.0606971880720684,0.10914868454388894,1.96 +964,3.8612519975764235,0.15324354107379903,3.86 +965,1.4281504892816619,0.10879684220766903,1.46 +966,1.2148043197786569,0.10845971184501259,1.28 +967,2.8428396540737557,0.11394710993791161,2.88 +968,0.857078817278782,0.10900943820433644,0.96 +969,-0.3219775619759213,0.18104663697760798,-0.42 +970,0.4364312873536269,0.11214756200052794,0.46 +971,1.4566989557249803,0.1098833715679408,1.44 +972,0.7518748922647651,0.10924728146101073,0.88 +973,1.035068435668328,0.10871074607707075,0.96 +974,1.7959840686680328,0.10883630744591079,1.74 +975,2.183353171099909,0.10925688530537334,2.14 +976,1.239246949892773,0.10924598263494807,1.22 +977,1.3007256977287076,0.10831316109948408,1.26 +978,1.4298493148256588,0.10883110987892472,1.54 +979,0.7177842834233692,0.10967356726677911,0.7 +980,2.732915642642637,0.11224867476010873,2.7 +981,1.7966603284351725,0.11044800626579593,1.74 +982,2.3078650935223655,0.11026354272490041,2.26 +983,1.3174400254483407,0.10892816422945828,1.42 +984,0.878619016714203,0.10912468617025975,0.9 +985,1.8381421566283285,0.10905755731565955,1.84 +986,1.6332514993586704,0.1093203400597296,1.64 +987,1.6387476721652439,0.10913231589435268,1.66 +988,2.3819035734532212,0.10961368640351077,2.38 +989,0.94072896673456,0.10881844400653953,0.96 +990,1.2378272104123331,0.10852302202168529,1.26 +991,1.125329059594633,0.10837008690012648,1.1 +992,1.9641597454220294,0.10925666504569143,1.98 +993,1.8023824991109398,0.10898838992505569,1.86 +994,1.8372033399834882,0.10888878021767291,1.78 +995,2.264335206478541,0.10899599492882316,2.3 +996,1.6660207238361755,0.10878423794844753,1.62 +997,2.5727727609334528,0.1123485879135096,2.54 +998,0.8785938496972809,0.10926159157336583,0.9 +999,1.189190674914797,0.10945352334407765,1.26 +1000,1.7660340868804303,0.10871621039936688,1.74 +1001,0.8537656935134939,0.10930504662793736,0.82 +1002,0.8548693563555068,0.10926775063017997,0.82 +1003,1.7986469743728213,0.10905630193434995,1.84 +1004,2.222900415192938,0.10942049314141784,2.18 +1005,0.6669982834912878,0.10950350670752451,0.72 +1006,1.565124040727972,0.10872065979618627,1.34 +1007,1.0163395044891592,0.10866879989058606,1.02 +1008,2.546892751844367,0.11168579965698565,2.5 +1009,0.24515457083993564,0.11244550217605734,0.34 +1010,1.3043941967800938,0.10892682736903186,1.32 +1011,0.9320034340158747,0.10907196741022003,0.94 +1012,0.5208252875458745,0.1105608566773064,0.62 +1013,1.5001496137017574,0.10899852014590618,1.44 +1014,1.0410316670458633,0.10835694772897193,1.06 +1015,1.9248348087618572,0.10974241050019976,1.82 +1016,0.7611482843695034,0.10919731430395987,0.82 +1017,1.6216060173013238,0.10879098486453397,1.62 +1018,0.5120957257358745,0.11070787911444144,0.54 +1019,1.273507172303602,0.1082813013453138,1.36 +1020,1.0180279353600517,0.10830785362044981,1.08 +1021,1.3405624614539056,0.10838069921279225,1.24 +1022,0.99000412591593,0.1092050657019631,1.12 +1023,0.47121473367937394,0.11157436543100173,0.42 +1024,1.9067453533524832,0.1090138081937659,2.02 +1025,0.549008041219806,0.10989954396247556,0.56 +1026,1.0639772853796208,0.10839284454759995,1.14 +1027,1.24242497542454,0.10878040965548492,1.32 +1028,1.5396531704107081,0.109153429155721,1.54 +1029,1.7197339381070398,0.10851928526337393,1.74 +1030,1.6242142084067899,0.11055036682025243,1.82 +1031,1.4281113106056216,0.10879621981982204,1.44 +1032,1.2844644595077517,0.10956342133889649,1.36 +1033,1.1807836091108461,0.10809762768415805,1.06 +1034,0.9238028850091728,0.10950627922368829,0.96 +1035,2.7162021780012244,0.11216642894380906,2.68 +1036,1.4344377461774434,0.1088780594412194,1.52 +1037,1.1359189476330362,0.10854531475733292,1.18 +1038,0.778823341225098,0.109399582628372,0.78 +1039,2.419042319703059,0.11045431116284124,2.34 +1040,3.2482640816042325,0.11862839080902673,3.18 +1041,2.129257203437958,0.10910697199717263,2.08 +1042,0.4942724337234159,0.11041806585653136,0.56 +1043,1.1153688655780902,0.10860434273597722,1.18 +1044,1.0414142289708783,0.10901820547852212,1.08 +1045,1.3717844640349588,0.10909891110473273,1.26 +1046,2.3417140575601314,0.11000567056956585,2.36 +1047,1.211694256936517,0.10853396684363557,1.26 +1048,1.3711833237302562,0.10834421306595467,1.32 +1049,-0.060973333542457375,0.11815552551842808,-0.08 +1050,1.7317113601485223,0.10845417004320895,1.66 +1051,0.746693753150125,0.10961166016629606,0.78 +1052,1.9460141910795121,0.10917644314761105,1.98 +1053,1.855430992867439,0.10897177080571468,1.84 +1054,1.3630102507837085,0.10942426889460431,1.52 +1055,0.9306069059723745,0.10892808101846672,0.98 +1056,2.5617988086779055,0.1106136692456256,2.42 +1057,1.2002472685173933,0.10807610890235242,1.26 +1058,1.184089445762246,0.10796676295221135,1.22 +1059,1.511831171348681,0.10881839823755261,1.52 +1060,1.6208861478815626,0.10931418744836137,1.64 +1061,1.3889518115635928,0.1091070842116556,1.44 +1062,2.351652816285152,0.10985638350029425,2.34 +1063,2.557659885427902,0.1106315285002906,2.74 +1064,1.1411322545715654,0.1085695133812349,1.28 +1065,0.9924127312243973,0.10959361206793417,0.96 +1066,1.233685392441365,0.10874134348760955,1.32 +1067,1.2301037291859478,0.10828836931439692,1.18 +1068,2.0041041817056486,0.10887890422516089,1.94 +1069,1.6776560307823294,0.10893178827229429,1.66 +1070,2.1117214793073904,0.10895321791654154,2.18 +1071,0.8209232090376437,0.10917169787303815,0.86 +1072,0.8406554253130585,0.10924743231842778,0.86 +1073,1.4288945789096053,0.10845935276628536,1.44 +1074,1.781811218766122,0.10869476198964013,1.8 +1075,0.7116286096126094,0.10936002996657385,0.76 +1076,1.0567401086489303,0.10868293365724448,1.16 +1077,1.231382594799448,0.10885346847944634,1.36 +1078,1.0849373669283358,0.1085792632899097,1.04 +1079,0.5304975303424291,0.11063794605760875,0.62 +1080,1.4824675020395324,0.10986279565475578,1.56 +1081,1.7160282156548083,0.10973074430063189,1.66 +1082,1.6037180707926089,0.10861349655598602,1.66 +1083,1.566918441033315,0.10868651967959636,1.54 +1084,0.8603064331382049,0.10913249342539692,0.86 +1085,1.809151068470391,0.10871492890575928,1.88 +1086,2.313107791702911,0.10960545294824155,2.22 +1087,1.2968900504972458,0.10863947928871606,1.28 +1088,1.4257513954042258,0.10886933165664227,1.48 +1089,1.7033527105888089,0.10887798981823339,1.74 +1090,1.1402966758190294,0.1084287652031418,1.22 +1091,0.1933378449715084,0.11389977320036487,0.28 +1092,0.47525940591540117,0.11123054657687384,0.42 +1093,1.8187332684069366,0.10878436409571797,1.8 +1094,0.9190507639680439,0.1087646537116283,0.98 +1095,1.404920668147688,0.10939498826931023,1.4 +1096,1.9874617910680774,0.10899312405330862,2.02 +1097,1.2384058569218714,0.10825771012847692,1.42 +1098,1.3646341556658674,0.10900582751038428,1.34 +1099,0.474730271541687,0.11434163204758528,0.38 +1100,1.5012771707542205,0.10848548500459743,1.44 +1101,1.5298572781794482,0.10862884760155704,1.56 +1102,2.7858347510049475,0.11219896283916443,2.74 +1103,1.2001496405868286,0.10924000886698514,1.24 +1104,2.4139065155761648,0.11075969757219514,2.32 +1105,1.9509807651813338,0.10954892391256381,1.92 +1106,1.7823750429298206,0.10884270513580643,1.82 +1107,1.7405329642040632,0.10862904594658236,1.72 +1108,1.2533606630822751,0.109260634968787,1.38 +1109,1.9386512633890751,0.11149344371386191,1.86 +1110,0.48160985703402925,0.11037671485853046,0.5 +1111,0.4869480329437428,0.11071368125858241,0.52 +1112,0.6351804524511868,0.10964978942563086,0.7 +1113,2.5279777923215283,0.11126459284868478,2.5 +1114,2.100118960624264,0.10894265100897006,2.12 +1115,1.5876448933153986,0.10852054003562475,1.54 +1116,0.7341487729635352,0.10926580934502465,0.78 +1117,1.993167761537335,0.10882078019668177,1.94 +1118,1.004124828484982,0.10855158987869301,0.92 +1119,1.5375655191596271,0.10875898922852222,1.48 +1120,1.1507252090151772,0.10870399758954981,1.22 +1121,2.8146815584292346,0.11264936239235927,2.7 +1122,2.5685195205157916,0.11225778742997801,2.42 +1123,1.5028836812071864,0.10842846309744661,1.52 +1124,1.822610929503596,0.10886391809756411,1.78 +1125,2.0113697580744647,0.10892560459009827,1.92 +1126,2.3934328140697323,0.11002251007395221,2.54 +1127,1.154715401378545,0.10855531272796111,1.18 +1128,1.3822953730036351,0.10923683603297714,1.32 +1129,1.4271213098258633,0.10870855201254348,1.4 +1130,0.539859770526049,0.11032337689444245,0.52 +1131,2.5520511719836483,0.11150873497967667,2.42 +1132,1.5971860128355138,0.10836864339364276,1.48 +1133,0.8978787779895532,0.10910087218308202,0.98 +1134,1.5453017843918735,0.10880560524768143,1.54 +1135,1.0454157971055968,0.10864443552399697,1.1 +1136,0.6992020102952798,0.10922476365375892,0.78 +1137,1.165549972692843,0.10814488292120655,1.16 +1138,1.88123031401902,0.10889591804753325,1.84 +1139,-0.19570092229031477,0.13531695866398202,-0.12 +1140,0.2078867090623211,0.11646194600103771,0.2 +1141,0.9096946197795992,0.10936448931094742,0.96 +1142,1.4897750142736816,0.10860824775164121,1.48 +1143,1.0058828553595722,0.10872900249494921,1.04 +1144,0.8155550361372681,0.10999410909126922,0.94 +1145,2.7686068028937774,0.11263335061791355,2.64 +1146,2.3379792342235097,0.11081613488960317,2.38 +1147,1.5252345998056205,0.10886470802499558,1.48 +1148,0.7547886989752035,0.10955885524716169,0.76 +1149,2.380657318316259,0.10998254910982672,2.34 +1150,2.662994423665828,0.11234742577490334,2.58 +1151,1.7309643806122486,0.109056028245552,1.76 +1152,0.9365365423194936,0.10885841117887174,0.92 +1153,0.3706748627569203,0.11365068487711145,0.34 +1154,0.8227297805784053,0.1090622254716008,0.82 +1155,1.498948373302496,0.10893154664383735,1.52 +1156,1.4716129821511208,0.10866293556117033,1.46 +1157,1.554371128727147,0.10914404613809513,1.64 +1158,0.9291806443475386,0.10990187119823866,0.98 +1159,0.9867033446540523,0.10899037918983749,0.98 +1160,0.7349731505017507,0.10953567014666798,0.8 +1161,1.382165259579522,0.10867857284175983,1.4 +1162,1.3968295851617318,0.10819652817341,1.46 +1163,0.6155795311275716,0.1095845505677272,0.62 +1164,0.967544396464489,0.10888729384739637,0.98 +1165,0.3836317453445792,0.11260017808159281,0.48 +1166,0.9946528185741945,0.10861516965411745,1.0 +1167,1.209336547399075,0.10921816659331107,1.32 +1168,0.9831180855441763,0.10932308664548032,1.12 +1169,1.2834258438404254,0.10935096609633803,1.32 +1170,0.961207285096406,0.10860587303635752,1.04 +1171,1.4254777562948524,0.10820318013601818,1.5 +1172,0.5034880576248701,0.11034830121312693,0.6 +1173,1.508384806869386,0.1089730051657905,1.52 +1174,0.647950255141537,0.10948812363639707,0.72 +1175,1.6831827520908211,0.10833394845933729,1.62 +1176,1.5858523585950755,0.10837042533626302,1.62 +1177,0.7725375455462773,0.1093510634630618,0.76 +1178,2.6197561507103364,0.11285779225968956,2.6 +1179,2.5525300198897645,0.11426974467202607,2.6 +1180,1.4952066670450384,0.10882293598773342,1.54 +1181,2.2413139934900306,0.10928113007282131,2.02 +1182,0.8023868617405858,0.1092625945598835,0.88 +1183,1.7408078471999948,0.10877687274114495,1.56 +1184,1.8222475409883776,0.10882166305446786,1.8 +1185,0.6124420138750457,0.11116276950366648,0.62 +1186,1.4383450330808492,0.10878054831345502,1.4 +1187,2.1551414343288107,0.10905155604018704,2.16 +1188,1.952492770570898,0.10900734271450757,1.92 +1189,1.0996980950258637,0.10782915025087972,1.14 +1190,1.4584012454961615,0.10859617486083457,1.44 +1191,1.0440673757109442,0.10834743139707621,1.14 +1192,2.3121758356901827,0.10978716976482045,2.2 +1193,2.5546689072948885,0.11121752194557046,2.54 +1194,0.9337310452731762,0.109275503034199,1.0 +1195,1.0725429906241208,0.10835591890036848,1.1 +1196,1.125760283631343,0.10837720725654927,1.16 +1197,2.3501052143329906,0.10963461070306071,2.48 +1198,0.44522045417629297,0.11106841123309498,0.5 +1199,3.064721918880145,0.11448344379800922,3.08 +1200,-0.050574479583660015,0.12929764443467728,0.02 +1201,2.2010219636213213,0.1090376572761596,2.14 +1202,1.6267150726932291,0.10851362776312666,1.56 +1203,1.9495614163184305,0.1087750872404103,1.74 +1204,3.043325878984276,0.1161151989520036,3.0 +1205,2.4681336835323355,0.11048457893946556,2.48 +1206,0.24951277021995022,0.11240734322792216,0.28 +1207,1.294166413845594,0.10906220366410152,1.3 +1208,1.0333227774731375,0.10840627686330367,1.02 +1209,1.4868326796347366,0.1086630052766849,1.48 +1210,1.5549754765360566,0.10864256187031357,1.56 +1211,1.784713577546845,0.10861395645793774,1.74 +1212,1.012117415052244,0.10916422430180366,0.92 +1213,1.015350473330705,0.10871739966151352,1.04 +1214,1.1180797349823726,0.10841269400139746,1.06 +1215,0.49506250950113095,0.11096900642207382,0.52 +1216,1.0830528571597346,0.1085057582959023,1.18 +1217,0.5521346614464298,0.11100578560068586,0.6 +1218,1.3303016396182263,0.10841848753690801,1.44 +1219,1.0544594936380056,0.10860813138922681,1.06 +1220,0.9550269773779254,0.10944451522067412,1.02 +1221,1.1050314843466813,0.1082606832078786,1.1 +1222,3.264762134377043,0.12429596546806343,3.26 +1223,1.637115299270845,0.1084994892553319,1.64 +1224,1.7469689313269603,0.10878331131744665,1.72 +1225,1.123694986911267,0.10838875785764637,1.1 +1226,1.5885223272552897,0.10822847032826523,1.56 +1227,1.9573193984429045,0.10884624554165448,1.96 +1228,1.460854889135482,0.10881987926472732,1.46 +1229,0.5688914427901528,0.11006169718198552,0.62 +1230,2.775273538971077,0.11387020961090168,2.68 +1231,0.9297707072118646,0.10874535506412429,0.98 +1232,3.6540444961124114,0.12953003087094697,3.6 +1233,3.0883151987453834,0.11624391655074587,2.98 +1234,3.599517883524178,0.13235852305682072,3.5 +1235,1.5018029763206675,0.10879811441360038,1.5 +1236,1.0703020767357776,0.10891601022663698,1.16 +1237,2.744011719216558,0.11164454972195698,2.72 +1238,1.1965164454264672,0.10807066399424665,1.28 +1239,0.8762177259833086,0.10892556644532739,0.9 +1240,3.9963610755600447,0.15796678583319929,3.84 +1241,1.8222822581508487,0.10909450018319644,1.74 +1242,0.7380505851200487,0.10935148099689777,0.78 +1243,0.9973126347826513,0.10916864096068588,0.88 +1244,2.797516519050837,0.11240852483759006,2.72 +1245,1.8161596199743633,0.10891826104133343,1.78 +1246,1.6571643014022106,0.1090160431109158,1.68 +1247,0.7831295749195766,0.10940345909658747,0.82 +1248,1.2539824511114253,0.10938949823229885,1.3 +1249,1.402495494937745,0.108417741357405,1.36 +1250,1.194223256919826,0.10885260373454331,1.22 +1251,1.00159050943678,0.10898496404677553,1.02 +1252,3.2441382953743476,0.11955765194807694,3.24 +1253,1.9700614025596073,0.10990407769329494,2.02 +1254,0.9583738265252526,0.10857193921740083,0.88 +1255,1.1303406312112179,0.10843970805130171,1.1 +1256,1.187743269969757,0.10953360513095031,1.18 +1257,2.0980468556853387,0.10910971595451989,2.12 +1258,2.876741331809291,0.1137495513581713,2.8 +1259,0.9598317485429808,0.1088013530515839,1.1 +1260,1.3467875470790807,0.1091518375296666,1.28 +1261,2.044002428628935,0.10898715181022725,2.06 +1262,2.8384255927232465,0.11342278301998589,2.92 +1263,1.3897644009961914,0.1088852126062817,1.42 +1264,0.5431453189260926,0.1103039499094558,0.58 +1265,1.401062720670608,0.10847968213639529,1.38 +1266,1.5239239914479077,0.10890518335268694,1.56 +1267,1.1843092201731258,0.10831901997046965,1.2 +1268,1.6817896154044751,0.10819332617497818,1.36 +1269,0.2975142952734009,0.11648548191824006,0.48 +1270,0.6958027757405736,0.11013700436009667,0.82 +1271,1.6752878459437204,0.10851595915507,1.68 +1272,1.3815324504935793,0.10844550566953884,1.46 +1273,0.43009322633625313,0.11076615955724184,0.46 +1274,1.294662208176077,0.10811699803088555,1.28 +1275,1.7928144095059073,0.10871907713989361,1.82 +1276,1.4814446426164158,0.10886531084585302,1.54 +1277,1.0825882384110477,0.10860599093494652,1.08 +1278,1.8014939794166187,0.1091333077389464,1.82 +1279,1.5848132595729671,0.10888805031813847,1.46 +1280,0.9919987362083935,0.10952819984337815,1.08 +1281,1.9684965250805169,0.10909397934235465,1.88 +1282,1.965563748446221,0.10935472113971476,1.9 +1283,1.2231137645241779,0.10886452906932784,1.28 +1284,1.3000957466522598,0.108040959667819,1.26 +1285,1.7247836806403134,0.10936854600381457,1.78 +1286,1.194323618082449,0.1084531497164069,1.22 +1287,1.5194609611031913,0.1089474265024255,1.62 +1288,3.605138988600941,0.1304713189118724,3.46 +1289,2.0333768262957497,0.10892597656915529,2.04 +1290,2.2532607504131326,0.10954640414525779,2.2 +1291,0.8190432704360182,0.10940306133050227,0.9 +1292,0.6140855907792604,0.10971387699544921,0.64 +1293,1.5796498991255765,0.10915806344851361,1.64 +1294,1.4328857347686599,0.10840649939463257,1.52 +1295,2.1394918772389024,0.10874062606912352,2.04 +1296,0.9904871493279748,0.10879514968550766,1.0 +1297,0.9382939082425983,0.10878108751303382,1.02 +1298,1.5168404276971108,0.10918409430562576,1.56 +1299,0.5855564521406498,0.10986109833945314,0.62 +1300,1.7627647938683983,0.10894287153463747,1.72 +1301,1.5820998073413284,0.10884976811201051,1.58 +1302,1.3119648229568517,0.10880274384082408,1.28 +1303,1.825221507225641,0.10882085637353432,1.82 +1304,1.2259892127890444,0.10834107280153481,1.3 +1305,0.7354364348209534,0.10958736952746789,0.72 +1306,1.8579043923121281,0.10889374939685709,1.98 +1307,1.145597168347627,0.10872077245885478,1.14 +1308,0.5485367901192921,0.10995952279325852,0.62 +1309,1.2340241997035397,0.10844666820312585,1.36 +1310,1.4989338420317244,0.1086588486526524,1.5 +1311,0.9343521899083305,0.10935806147063942,0.98 +1312,1.0408990958617528,0.10886174898793445,1.08 +1313,1.3550934717820189,0.10802148415803968,1.42 +1314,1.0024846392957505,0.10855318829535353,1.06 +1315,1.5426931502362882,0.10870333869993876,1.56 +1316,2.198693887964878,0.1094063024638064,2.16 +1317,0.4719426643818485,0.11065701263920832,0.54 +1318,1.0494014439356283,0.10891694466219129,1.14 +1319,1.5343977152485015,0.10857504857480701,1.48 +1320,1.5306903827309588,0.10902005735200673,1.58 +1321,0.9271986217836092,0.10892086400513298,0.94 +1322,1.5555166370648683,0.11042699944871164,1.56 +1323,0.6579838075961879,0.10937128831526112,0.68 +1324,1.6545157761886093,0.10969285028033841,1.8 +1325,1.4118344212371303,0.10840580349510955,1.48 +1326,2.327036279130062,0.10949901919970957,2.38 +1327,1.3862250460095558,0.10810186690495194,1.38 +1328,1.0426118254432657,0.10860368981844906,1.0 +1329,2.218410438519043,0.10943915351680256,2.16 +1330,2.022250788150699,0.10914377447878909,1.98 +1331,2.201587062466799,0.10914196107871385,2.12 +1332,2.2544661730344364,0.10942445681322559,2.26 +1333,1.465181004707829,0.10869878687762141,1.48 +1334,0.9027396210360967,0.10885564115779078,0.88 +1335,2.2496015490335344,0.10954521517762411,2.3 +1336,1.5631658336786378,0.10887410198449878,1.52 +1337,2.9906898482590583,0.11466317031649849,2.9 +1338,2.239590996105604,0.1100426369593239,2.3 +1339,3.2584763352719213,0.11985297429599427,3.32 +1340,1.314664120005225,0.10834915477125308,1.4 +1341,0.919570558334498,0.10888658747904544,1.0 +1342,2.3209866172612186,0.11000064634648123,2.22 +1343,2.0000339966007408,0.10913301856575353,2.0 +1344,1.737037446232157,0.10900086100978207,1.64 +1345,1.171027465259491,0.10872487193378301,1.24 +1346,2.681686748969873,0.11145622481389168,2.6 +1347,1.6961395277859657,0.1087922336278306,1.76 +1348,1.806098119164516,0.10923635232564094,1.72 +1349,2.2456435490113185,0.11026384819650882,2.22 +1350,3.030060486005808,0.115320937975959,2.78 +1351,1.281152055781937,0.10894235877387791,1.38 +1352,2.319792761281284,0.10919211638673652,2.26 +1353,2.805164520400786,0.11377814397120678,2.86 +1354,0.5914749832022457,0.11012094828272677,0.62 +1355,1.014771889034896,0.10866464762334355,1.04 +1356,2.3787003078946745,0.11218092833438689,2.28 +1357,1.6638360517082864,0.10874718834096417,1.68 +1358,0.8758256663086845,0.10912755381929065,0.86 +1359,2.353294774974038,0.10943661574181963,2.22 +1360,0.416633803494725,0.11139233629633523,0.4 +1361,3.632749219995012,0.13159526595865623,3.66 +1362,2.327037883663137,0.10982951471424496,2.3 +1363,2.1672242564876774,0.11191531502762558,2.2 +1364,0.7851279478407411,0.1093192129634387,0.72 +1365,1.3085983416833846,0.10817751764461873,1.32 +1366,0.3241894434006829,0.11384893833083,0.38 +1367,2.2749838652612473,0.11009420949793443,2.34 +1368,0.6860100306002641,0.10960460275455947,0.78 +1369,0.8178019565072949,0.10916160625352925,0.92 +1370,2.461045189435807,0.11041932219563476,2.48 +1371,0.5020487300438878,0.1106194175348719,0.56 +1372,0.786418131903381,0.10922924989109967,0.8 +1373,-0.04602312827029298,0.1331659804771812,-0.14 +1374,2.4822325154074667,0.11200564281985205,2.5 +1375,1.3590129287031933,0.10895667237284741,1.28 +1376,1.8225443816263,0.10885191038832848,1.94 +1377,1.722002017419249,0.11032528850135948,1.74 +1378,1.397728308590536,0.10892724656406719,1.36 +1379,1.6321127194680107,0.10860268080862356,1.54 +1380,1.3344532310847788,0.10834953721811492,1.4 +1381,0.865947441223212,0.10910729081733987,0.96 +1382,1.204146851568054,0.10829192568830244,1.26 +1383,1.2460880947244837,0.10808236744056034,1.36 +1384,1.1840974800043886,0.10838199983257761,1.3 +1385,1.8237000041343867,0.10877912874611642,1.86 +1386,2.164595304796186,0.10947660295828515,2.12 +1387,2.3802329254145596,0.10978730502272188,2.34 +1388,1.8039786325061007,0.10870549305094424,1.82 +1389,0.9644547943878754,0.10903403308533574,0.98 +1390,2.059032016418505,0.10886746488730042,1.96 +1391,2.6327256117319626,0.11254194610731187,2.58 +1392,0.6410503500048241,0.1100428089165728,0.7 +1393,1.215906291770188,0.10924001084337708,1.28 +1394,1.1417190319655566,0.1085470631208996,1.2 +1395,1.3480888080471152,0.10846329302216565,1.44 +1396,1.8467346070336808,0.10894700738108459,1.78 +1397,1.465353474451617,0.1091921731523283,1.48 +1398,1.2011239506183733,0.1086731640846069,1.24 +1399,1.2736776955857811,0.10892033756775067,1.38 +1400,2.352223479490937,0.11000452651696674,2.24 +1401,1.1551878087906635,0.10916011104475992,1.22 +1402,1.5453710648839296,0.10889604893544594,1.6 +1403,2.876100394351183,0.11349556515267999,2.72 +1404,0.812572748074806,0.10944258592115057,0.92 +1405,3.116774328886769,0.1175761555730221,3.1 +1406,1.755930061173621,0.10877824570493538,1.88 +1407,0.9949548211078811,0.10870253774981303,1.0 +1408,0.49939475155178936,0.11036626559361162,0.52 +1409,0.9164889729573593,0.10900761784812019,0.84 +1410,0.6130369942039442,0.10979269246268927,0.74 +1411,0.1908710240707583,0.1137360384528479,0.22 +1412,1.1129263824112021,0.10879389862751608,1.2 +1413,0.8839656079384701,0.10898266453601956,0.94 +1414,1.6195795031262383,0.10903012296421147,1.58 +1415,0.8402133084227321,0.109491876857966,0.84 +1416,0.9921585892395859,0.1086911408899085,0.92 +1417,0.9143515282984387,0.10890441293406754,0.94 +1418,1.7900305508577778,0.10897974139434269,1.78 +1419,1.4679754021199178,0.1093063756012986,1.44 +1420,1.2685301351656681,0.1084715512395147,1.3 +1421,0.9159158946297259,0.1095129035022831,0.96 +1422,1.129143249773839,0.10837839654876695,1.12 +1423,1.424916130336853,0.10849257317185973,1.48 +1424,1.0449669750386326,0.1088089040417395,1.06 +1425,2.306799569603597,0.11030527104993934,2.22 +1426,2.3982757273763644,0.11061619047428714,2.4 +1427,0.6146922371489003,0.10962069498272513,0.76 +1428,0.5612503865046596,0.10980692624209562,0.58 +1429,1.4699075870229796,0.10860896956956309,1.54 +1430,0.9196047383619463,0.10896225049412864,0.98 +1431,1.1443193237647753,0.10927717624880513,1.2 +1432,1.3947141190086816,0.10810213338630341,1.46 +1433,0.700983182324129,0.10974977835678972,0.72 +1434,0.8822091985950484,0.10920817404539546,0.92 +1435,1.6470368456162978,0.10932529986268583,1.6 +1436,0.7079198637056612,0.10949282869946446,0.76 +1437,1.7914586582351992,0.10905673779406326,1.76 +1438,1.2945194583633244,0.10819871974373718,1.34 +1439,4.599946483997441,0.3103241301177137,4.44 +1440,1.5474214057905291,0.11168421403633044,1.34 +1441,1.574444074094223,0.10846209195147243,1.54 +1442,1.6735233442446988,0.10872078025210115,1.66 +1443,0.6993513970017906,0.10946177942926803,0.68 +1444,1.3289015484498767,0.10863614991744185,1.32 +1445,1.0661156579708608,0.10923754729008454,1.06 +1446,1.1384044800613031,0.11177335425212065,1.2 +1447,1.2025123041163956,0.10945247735978408,1.26 +1448,0.25151737317633316,0.11309284833214092,0.36 +1449,3.265965549325329,0.11870816824091432,3.14 +1450,1.4324344719659683,0.1084434208141163,1.52 +1451,1.213926924756854,0.10923710516314018,1.2 +1452,1.5186741431583917,0.10881430090153475,1.46 +1453,0.6902914831283828,0.10929580385755389,0.8 +1454,1.2564122990057873,0.10849194996925378,1.34 +1455,1.5212659679789544,0.1088009087196138,1.48 +1456,1.4394993523997064,0.10952340302560618,1.36 +1457,2.1133967591309704,0.10931434606309647,2.06 +1458,2.3806689028750787,0.11060461699482234,2.4 +1459,1.6785260642709252,0.10861885754515929,1.62 +1460,1.7633139661475061,0.10891835744309553,1.76 +1461,0.6205229397185041,0.10958889722669635,0.62 +1462,0.4381352309985038,0.1119906373849395,0.54 +1463,1.6770963540139467,0.11150687925124204,1.6 +1464,1.4240226577448416,0.10959061305247274,1.48 +1465,0.8982741167258501,0.10946888804062477,0.78 +1466,1.8689471003322344,0.1086898356695758,2.06 +1467,0.7062973937267634,0.10993603726843089,0.7 +1468,2.3868388134879046,0.11044700260099972,2.36 +1469,0.6559717390338369,0.11128649235771018,0.78 +1470,2.084602732073626,0.10928069996899867,2.0 +1471,0.7401436863325648,0.10986406443205134,0.7 +1472,1.512481967503013,0.10880268809128084,1.52 +1473,0.36751407381699774,0.11389473985144316,0.2 +1474,1.0077652322802129,0.10883281164923592,1.06 +1475,0.9179771007686801,0.10916722799714963,0.98 +1476,1.768898213415226,0.10881745975189912,1.72 +1477,1.3031614149172475,0.10827461084944998,1.38 +1478,0.9871765126138135,0.10894672617868963,1.02 +1479,2.9399827547860786,0.11440692705698696,2.86 +1480,0.2124143397814242,0.11436338435362427,0.16 +1481,1.4348223667583033,0.10916860656941767,1.4 +1482,1.603800833461917,0.1087829195080028,1.62 +1483,2.139670518109667,0.10961782985743233,2.04 +1484,0.6331954934138357,0.10966439785292814,0.74 +1485,1.9467101445614778,0.1088295382840705,1.88 +1486,1.4236544645735085,0.10909461597007898,1.5 +1487,2.321462914121283,0.1097683515733539,2.26 +1488,1.9487161664482349,0.10899230966263078,1.98 +1489,0.5494221629399396,0.11106738849739553,0.48 +1490,1.0594593700227,0.10835196407144691,1.1 +1491,1.1770798075408981,0.10912028822529718,1.22 +1492,0.9564563501188621,0.10894713086582226,0.94 +1493,1.0397523921096186,0.10841737863791345,1.06 +1494,1.090226963384736,0.10840871202231658,1.1 +1495,0.7486230626944836,0.10918117414621585,0.74 +1496,0.7671542928285282,0.10930733323094849,0.72 +1497,0.9243189865715555,0.10876682523284766,0.96 +1498,1.8394353590686938,0.10894747795568026,1.78 +1499,0.5530037517237067,0.11266307555722498,0.72 +1500,0.7950963930687598,0.10927523880797785,0.84 +1501,2.8460275548439418,0.11254475125803914,2.28 +1502,1.5170797902341695,0.1083793085476453,1.58 +1503,2.0370199501076973,0.10912043709693972,1.96 +1504,2.5044292472953975,0.11138619922344961,2.4 +1505,1.4703786739086118,0.10883635977626914,1.52 +1506,1.2853572281902492,0.10778753643998652,1.34 +1507,3.121394438041654,0.11735865607491144,3.16 +1508,3.2970819725308607,0.11984194379933777,3.24 +1509,1.8521156996163617,0.10906395280819854,1.82 +1510,1.1726193417546176,0.10865666712638551,1.18 +1511,0.9448922393071433,0.10875881038143877,1.02 +1512,1.787799049913807,0.10884687246329637,1.88 +1513,2.107666947916491,0.10914897185623466,2.08 +1514,0.46098982504388797,0.11064034563975378,0.5 +1515,0.7800974576781021,0.10952106911784412,0.74 +1516,1.670671656232563,0.10855716518563366,1.74 +1517,1.1168819722227914,0.1083371412935275,1.16 +1518,2.900787852073008,0.11273079281437559,3.12 +1519,0.20613067821246656,0.11340809961430938,0.26 +1520,0.8933980682258698,0.10934456690211332,1.14 +1521,1.2052706723284947,0.10885551543245653,1.26 +1522,0.5475851895709658,0.10993773749135519,0.66 +1523,1.4739347599068955,0.10875810957550329,1.42 +1524,1.2377221237297311,0.10891998433065558,1.22 +1525,0.8060330827764295,0.10912765896079356,0.96 +1526,0.4905961739134801,0.11023575588527099,0.56 +1527,1.1450770437465598,0.10868649723152014,1.22 +1528,0.7068581433710923,0.10956756352547815,0.68 +1529,1.6345882735341837,0.10916576610766851,1.66 +1530,1.198732365119084,0.10937465272197718,1.12 +1531,2.127871423675365,0.10908488373935628,2.0 +1532,0.9889021178212323,0.10935259187694048,1.04 +1533,1.7683281185537885,0.1086978142748486,1.76 +1534,2.6395222020905456,0.11186258141091977,2.54 +1535,3.5718439431169378,0.13310469061043936,3.64 +1536,1.119889891242301,0.1083423983524873,1.18 +1537,1.2285397605784913,0.10925572535135865,1.26 +1538,1.4371561147499383,0.10885506755103358,1.36 +1539,1.0553020530615234,0.10886466419557918,1.18 +1540,0.41768412697629653,0.11128927819398057,0.52 +1541,2.158039425516633,0.10908961805599103,2.14 +1542,1.7147251466527953,0.10938965611399763,1.76 +1543,1.02170015420291,0.10847010012031598,0.96 +1544,1.6654117167998086,0.10837704122738906,1.66 +1545,2.476404050768955,0.11038540897913206,2.42 +1546,0.9897830380472845,0.10869559859225054,1.0 +1547,0.3018520686725017,0.11210543819515548,0.38 +1548,1.524468235940069,0.10904239513181416,1.5 +1549,1.0609197403893011,0.10850707347962932,1.12 +1550,1.0794699096289966,0.10856656112096877,1.12 +1551,1.1818320351059475,0.10849172490323443,1.24 +1552,1.3583907312657848,0.10858010233351388,1.44 +1553,1.5346923193943658,0.10881538611362226,1.56 +1554,3.2476841871137188,0.1166025550166681,3.1 +1555,2.3831415165174397,0.10987363053198389,2.4 +1556,1.1988677987443088,0.10967201562524002,1.24 +1557,1.6549552878893214,0.10875449830829553,1.64 +1558,0.18476355732824512,0.11382493307129533,0.3 +1559,0.4007206623647823,0.11168628066143713,0.46 +1560,0.6860993884405664,0.10931332799604325,0.7 +1561,3.826685193352083,0.14737333257732071,3.64 +1562,1.129822584695865,0.10924454267388088,1.18 +1563,2.128317968166768,0.10892815361445009,2.08 +1564,2.836780029203772,0.11285829980266511,2.8 +1565,2.3763886484612575,0.11038376126774417,2.32 +1566,2.2854593107866483,0.10984921513645138,2.12 +1567,0.4383782753924015,0.11208866447398351,0.44 +1568,1.2570764717101062,0.1090773395944887,1.3 +1569,0.9203638039375823,0.10885187812186167,1.02 +1570,1.5000403493626981,0.10998481341942112,1.44 +1571,0.7099426259658363,0.1106173311469941,0.86 +1572,1.2476990899021692,0.10858921976485142,1.3 +1573,0.6750199405435415,0.10961560912570209,0.8 +1574,1.8300604629875243,0.10881721251029158,1.8 +1575,0.7192203451585248,0.1102020919012861,0.72 +1576,0.9869426898575133,0.10915911542362987,0.98 +1577,2.7079008726718987,0.11251602365595986,2.72 +1578,0.9128060482747093,0.10910211369210328,0.9 +1579,1.2470717002856508,0.10861881046028549,1.24 +1580,1.7123329336865316,0.10879776400598462,1.7 +1581,0.9592901969853633,0.10965932297154357,0.98 +1582,0.52093392461338,0.11150278619373767,0.54 +1583,3.887829842978504,0.14857575522095653,3.78 +1584,0.24384917202797052,0.112600317465835,0.34 +1585,1.3601355846218217,0.10921335619327316,1.38 +1586,0.2898083733103567,0.11308518009947412,0.32 +1587,1.220480155693621,0.10867582486679166,1.26 +1588,1.717296358316168,0.10848266132848448,1.7 +1589,2.5027310422493008,0.11035946475401692,2.5 +1590,0.9024586313853069,0.10930365026474943,0.9 +1591,1.9111006483799704,0.10890356397744232,1.88 +1592,2.282540811896488,0.11041819555893025,2.28 +1593,1.5035610102918033,0.10884292446947923,1.52 +1594,2.183036555663512,0.10938596077900167,2.08 +1595,0.35382052429616007,0.11129491195183594,0.34 +1596,1.7475532097777622,0.1088610607288629,1.64 +1597,1.8193556951764966,0.10911282809052235,1.9 +1598,0.9410268350619253,0.10880386383622646,0.92 +1599,1.3145292417412469,0.10885654764950245,1.44 +1600,1.0800165672249653,0.10838114297125682,1.08 +1601,1.115045723665971,0.10885929561834075,1.1 +1602,1.5171591897890044,0.1086035381223164,1.5 +1603,1.5259995767572212,0.10926446583746938,1.52 +1604,1.0831167540473094,0.10817528819573292,1.08 +1605,0.5099732771638079,0.11161962927753775,0.6 +1606,3.8727268198578235,0.16238535597782985,3.92 +1607,3.0692824802680425,0.11461848407601163,2.88 +1608,1.2744552224895278,0.10840979453657176,1.38 +1609,1.2818522739294158,0.10876047326076511,1.3 +1610,0.8030054665107533,0.10934141717344407,0.86 +1611,1.9025556682782527,0.10878974617825135,1.98 +1612,1.425624007223802,0.10853885013664373,1.56 +1613,2.1279585319099814,0.10936265121516765,2.2 +1614,0.7826216637210228,0.10919907685073335,0.84 +1615,3.518760640973418,0.12864658353567648,3.46 +1616,2.0127008608988524,0.10947894316328989,1.98 +1617,2.331855594946936,0.10988606562617106,2.42 +1618,1.2177735584083385,0.10886904609617883,1.28 +1619,1.9896758823219178,0.10875848015598467,1.94 +1620,0.5352864457655562,0.10987939069454844,0.56 +1621,0.20831004792488894,0.11357054958541836,0.18 +1622,1.1164926299530498,0.10851753800257287,1.16 +1623,0.4645919360268982,0.11114646965800692,0.5 +1624,0.9500192562494965,0.10917747401355772,0.94 +1625,0.7778437734842845,0.10926328032507712,0.84 +1626,1.1847192172246386,0.10817787908804377,1.26 +1627,2.192188473475489,0.10910129736360592,2.18 +1628,0.737802501153225,0.10983958992189023,0.74 +1629,1.4721095976665586,0.10860009859957129,1.42 +1630,1.4434547950294094,0.10840340691981995,1.5 +1631,2.6568333579706254,0.11142124668849056,2.64 +1632,0.4881942417149281,0.11085402261400111,0.58 +1633,1.3527965970263969,0.1084353072538145,1.36 +1634,2.3675021047905807,0.1106495277394145,2.3 +1635,1.9516282767380408,0.10889239030098638,1.82 +1636,1.128360558319165,0.10812217089696018,0.96 +1637,2.6220268927261037,0.11241517272326901,2.3 +1638,1.2257520602731438,0.1086337388444305,1.3 +1639,3.0638468731482424,0.11487575238318856,2.98 +1640,1.143397503436808,0.10951157019476371,1.12 +1641,1.245497540123032,0.10910929498831691,1.34 +1642,0.9440887556487345,0.10911909215895978,0.98 +1643,2.696885283383309,0.11258998054784097,2.74 +1644,1.0050629905181614,0.108583675605692,1.06 +1645,1.808367647678458,0.10838855166848652,1.56 +1646,0.6338379978511588,0.10997255155971501,0.64 +1647,0.0648286588011322,0.11959826771241631,0.08 +1648,1.2173414096181352,0.10842765489033586,1.28 +1649,1.1613233173231654,0.10819345842931234,1.28 +1650,1.7747046662260777,0.10891078059581394,1.88 +1651,1.8211581561517738,0.10888442670821157,1.8 +1652,2.303488868154722,0.11015188665707054,2.24 +1653,0.45817081789958447,0.11090975780882632,0.4 +1654,1.1069498335303924,0.1087812342594428,1.2 +1655,1.3356256538416735,0.10888292709798802,1.38 +1656,2.08735191652267,0.10892397769265706,2.1 +1657,1.3382154931817984,0.1084922537938793,1.32 +1658,0.5421929932196923,0.11013351655789597,0.48 +1659,1.8545407638255105,0.1093605550048619,1.94 +1660,1.9244049417556672,0.10975227331962764,1.84 +1661,2.3056857792667733,0.10938537674555285,2.32 +1662,1.5659740766975423,0.10892942206079863,1.56 +1663,0.50327976353877,0.11056457777769446,0.46 +1664,1.1542088932747623,0.1094931900619128,1.16 +1665,1.0026743366172957,0.10873997232460725,1.08 +1666,1.5209634340053162,0.10906753675467724,1.52 +1667,1.4942631829092567,0.1095331055522751,1.62 +1668,0.929654146849173,0.10893771886638617,0.92 +1669,1.990643413210214,0.11011834229369358,1.88 +1670,1.4348452775271445,0.10872403369677879,1.48 +1671,0.8187127034756463,0.10922353730494545,0.82 +1672,2.1105618877378296,0.10923252989902212,2.04 +1673,2.5385646093493,0.11161081138619364,2.52 +1674,1.3256049748502496,0.10845109540367143,1.3 +1675,1.0823156249272534,0.1083136259435108,1.12 +1676,1.3513799185813147,0.10796250231645768,1.36 +1677,1.9372979554462821,0.10917798063592057,1.94 +1678,0.6556669790699337,0.10935021372818364,0.62 +1679,1.1167934018628278,0.10877408021490383,1.14 +1680,0.7478560346070315,0.10924864369232191,0.82 +1681,2.476409803315504,0.11021948570965519,2.4 +1682,3.3375221429885817,0.11996523549825704,3.3 +1683,0.21295710297150716,0.11329011044258255,0.2 +1684,0.8954880834281971,0.10913370411412486,0.86 +1685,0.8159324534288919,0.10911817704037349,0.86 +1686,0.7538965393734633,0.10940059811156863,0.74 +1687,1.7249985821330602,0.10875842064471639,1.76 +1688,2.865624187606371,0.11408959833869542,2.88 +1689,1.6033459644955093,0.10891804588970246,1.68 +1690,0.5850741502057195,0.11211337332541009,0.6 +1691,4.751211471700059,0.35013711621942784,4.5 +1692,1.0870084439131125,0.10817680250749209,1.16 +1693,1.6192761645419074,0.10892849027483996,1.58 +1694,1.209941445276164,0.10839225721938685,1.16 +1695,2.064346858534761,0.10898572079027125,2.02 +1696,0.5681865095650727,0.10973876617959351,0.58 +1697,1.5865436111956148,0.10875824604665302,1.66 +1698,0.618834472309401,0.11038528934026812,0.62 +1699,2.3597442835204907,0.10920038515123824,2.28 +1700,1.2965881829634673,0.10859053284967043,1.42 +1701,1.0110772572949633,0.10875260091993769,1.04 +1702,0.8615332509155342,0.10922645555516396,0.82 +1703,0.10794807968416986,0.11635513705903569,0.12 +1704,1.2050446280488591,0.10835327363530284,1.18 +1705,1.2144512173727398,0.10965294150081745,1.32 +1706,2.4224163191021963,0.11301561977360455,2.46 +1707,0.7129770932846133,0.10942858588696922,0.8 +1708,1.216751546405468,0.10913500191851003,1.36 +1709,1.2052872589594719,0.10830653510918775,1.32 +1710,2.6273238966579333,0.11144229622853696,2.6 +1711,1.8541066761899136,0.10910118045491177,1.88 +1712,0.7507326834108516,0.11004133400464688,0.74 +1713,0.8682256808850743,0.10918846463835104,0.9 +1714,2.1813158744258123,0.10930586232973534,2.18 +1715,2.970115898521107,0.11383105329709885,3.08 +1716,1.5861656931489767,0.10902037118935469,1.56 +1717,1.6392770754120098,0.10914881239841467,1.8 +1718,0.4936302849765033,0.11091622597211814,0.7 +1719,0.8611911535360042,0.1091739540232906,0.86 +1720,1.036427563397175,0.10968120204452704,0.98 +1721,0.9646391043820151,0.10883306320078634,1.04 +1722,0.04827827176826727,0.11484358677644804,0.06 +1723,2.9628155329905956,0.11403152913265076,2.84 +1724,0.987320772180964,0.10897235858850474,1.04 +1725,4.212066628924702,0.19092742509722102,3.92 +1726,0.7889581981610325,0.10928767522621528,0.74 +1727,1.1046985964365055,0.1082201090738299,1.1 +1728,2.3659709737552808,0.1100592045382052,2.3 +1729,1.3064845916300305,0.10852214616431238,1.32 +1730,1.5796297128295853,0.10887762546293779,1.54 +1731,1.0856814083489956,0.10879875046272286,1.08 +1732,3.5738143018889366,0.13483594588252976,3.68 +1733,1.3104836670161566,0.10945962973114608,1.36 +1734,0.5146859868845644,0.11032570305798806,0.46 +1735,1.9166499107628843,0.1088924099419883,2.0 +1736,1.1280599162929894,0.10804080022272596,1.22 +1737,0.22278759588664254,0.1140475651277363,0.22 +1738,1.123743667003743,0.10888306733856046,1.16 +1739,0.5417582695440819,0.11150414558834995,0.62 +1740,1.9413550789119105,0.10910248777086484,1.88 +1741,1.458000442007772,0.10837923399792362,1.46 +1742,0.7548217576437883,0.10945406071425019,0.74 +1743,2.3061777057024875,0.10968312603995954,2.4 +1744,1.9746346823315468,0.10906434344838954,1.98 +1745,0.8526056080430839,0.1096472918748388,0.86 +1746,0.690760672193746,0.10993497107218045,0.72 +1747,1.0406638584015075,0.108132653974496,0.9 +1748,1.797682857152238,0.10900220234298234,1.74 +1749,1.518280565306866,0.10889163380575557,1.54 +1750,2.114031145577882,0.11017089024027746,1.82 +1751,1.0899690978457093,0.1086574802228677,1.14 +1752,0.8938405329749264,0.10914805959036308,0.92 +1753,2.5096554102714554,0.11080190829671786,2.34 +1754,1.7028309057669295,0.10899758332513058,1.76 +1755,2.5591188509163265,0.11157550848304613,2.3 +1756,1.7877285862590417,0.1088834989186703,1.8 +1757,1.1768423244486916,0.10915874406238844,1.18 +1758,1.212211296898416,0.11000374752267911,1.18 +1759,2.403125172791582,0.11009167022957149,2.32 +1760,0.7072012340426346,0.11044819589700434,0.7 +1761,3.518458058241463,0.12924255825866515,3.46 +1762,1.1779201275847333,0.10960258793467706,1.2 +1763,1.526421502157432,0.10861404901240453,1.46 +1764,2.000219770441446,0.10925390729256512,1.94 +1765,1.6742238913505991,0.10861209380156395,1.66 +1766,0.6044438576806987,0.11065348902672585,0.42 +1767,1.141426773622519,0.10852939320700941,1.14 +1768,1.2756138287994139,0.10889012465511964,1.46 +1769,1.4869574073389904,0.10872080931775824,1.56 +1770,1.7856983756575593,0.10895880918824324,1.82 +1771,1.8074685935037271,0.10887523286346942,1.82 +1772,1.4885464958466548,0.1088394632288723,1.38 +1773,1.696780722546328,0.10879739114097814,1.7 +1774,0.6356791103148884,0.10996167261139798,0.74 +1775,0.13623558238670963,0.11362602019546857,0.1 +1776,1.5322785261619023,0.108355119327621,1.42 +1777,1.4228956623769724,0.10938940340984113,1.5 +1778,1.8181522779142076,0.10881624423279089,1.68 +1779,3.9862843562393584,0.1806307699514334,3.88 +1780,1.5253470875668205,0.10963626160322026,1.56 +1781,1.5449285298468416,0.10984768299347024,1.52 +1782,1.6480852911721788,0.10841218524435141,1.6 +1783,0.9597520356060363,0.10920424698399782,1.04 +1784,1.6063258077980498,0.1085732597469012,1.56 +1785,0.8065902206836801,0.10987785145590763,0.82 +1786,0.6177049394050007,0.10967603812770559,0.7 +1787,1.6603554664061937,0.10866198132300767,1.6 +1788,0.4813179160638361,0.11031408841708568,0.46 +1789,2.092853367941543,0.10912762756641449,2.14 +1790,1.720361306386386,0.10891761325620253,1.76 +1791,0.3067599377761274,0.11318733986689508,0.4 +1792,0.5762542939002193,0.10981921844312964,0.62 +1793,0.08360233190979383,0.1163807880824143,0.08 +1794,2.1779222730107852,0.10960035007800752,2.16 +1795,1.080950382825299,0.10871221679284836,1.02 +1796,3.4058843549902695,0.1230428385479798,3.34 +1797,2.1416830528264716,0.10914311418356015,2.16 +1798,1.11464145767546,0.10964403101240018,1.14 +1799,1.6985421105866072,0.10856476743156264,1.72 +1800,1.2079024992343568,0.10890347142897813,1.2 +1801,0.5228775115176907,0.11048821992714933,0.62 +1802,1.4612819877852834,0.10835587097008335,1.46 +1803,1.2465385905069288,0.10948410383593303,1.28 +1804,1.5490288343595529,0.10881595856126004,1.52 +1805,1.587887313745866,0.10875038070907107,1.56 +1806,1.791401342770654,0.11055514212807752,1.76 +1807,0.05306599434974313,0.11447441423051595,0.06 +1808,2.721347871854724,0.11181458268284157,2.64 +1809,0.5413043836551017,0.11041150596856404,0.6 +1810,1.7856220798776894,0.10907000980587934,1.8 +1811,1.945774212127744,0.10911045842049,1.94 +1812,1.81002206504749,0.10885561559943037,1.76 +1813,1.8617547651340436,0.1090478632603627,1.82 +1814,2.3784144516814285,0.11024432173184134,2.36 +1815,1.6022260121586802,0.10864477074466886,1.58 +1816,1.4029170627443213,0.10962460706191139,1.4 +1817,1.380970448775428,0.1090564463873567,1.46 +1818,0.962364016620497,0.10887034486319457,0.98 +1819,0.7387957358214186,0.10934383543391685,0.78 +1820,1.2873447099368738,0.10826803280993404,1.36 +1821,1.50026012082047,0.10884045172378912,1.48 +1822,1.0856999691899167,0.10868664322008684,1.06 +1823,0.7824170677674038,0.10928572244550971,0.88 +1824,1.9938648724492287,0.10905722078000821,2.14 +1825,1.3432377499223653,0.10922733150443444,1.36 +1826,1.5497947504149456,0.10851824754839068,1.5 +1827,0.9151500811112845,0.10918891889914258,0.9 +1828,2.636442337441699,0.11192557436426151,2.62 +1829,1.21828895817002,0.10825607760259312,1.28 +1830,1.4074469370151652,0.1087313023538663,1.4 +1831,1.785277644490292,0.10881194526752297,1.72 +1832,0.5217275868298961,0.11018019714586194,0.46 +1833,0.6639664823845086,0.10941006666671772,0.64 +1834,1.9637750331212507,0.1091204818842427,2.04 +1835,1.1104596283515766,0.10852908777074761,1.14 +1836,2.1306586460281727,0.10915181592049676,2.14 +1837,1.5205919008511435,0.10881291399954307,1.48 +1838,2.0114015233443174,0.10955127406133924,1.98 +1839,1.7041064882001242,0.10944049670601155,1.6 +1840,0.8660083128407043,0.10941387308570101,0.86 +1841,2.811200350856267,0.1136005248081378,2.8 +1842,1.8891345221970317,0.11021468663336949,2.02 +1843,0.6192264890822292,0.10972568587724879,0.72 +1844,1.280370265063687,0.10859321725668775,1.34 +1845,3.1665073133956403,0.12042501890311684,3.02 +1846,1.120682025418609,0.10834658871264466,1.16 +1847,0.9158296334750125,0.10912295680459302,1.08 +1848,2.0139918833469386,0.10941849460365928,2.02 +1849,0.9002753281831053,0.10894220911242139,0.88 +1850,0.7925470337874634,0.10941752674458957,0.8 +1851,1.353960192871745,0.10989129013016508,1.4 +1852,1.2775305545356792,0.10820870251787508,1.36 +1853,1.6750675336362582,0.10821504303554245,1.78 +1854,0.4046380310230253,0.11259242802593526,0.48 +1855,1.1747334579591344,0.10869670790888591,1.22 +1856,1.032656006308648,0.1083039647330911,1.18 +1857,0.5717123914952316,0.10983115639801522,0.6 +1858,1.714277916777795,0.10893973277820382,1.72 +1859,1.365844985754392,0.10881181725468829,1.34 +1860,2.3647085959841183,0.10993886487864468,2.42 +1861,1.2784345830584263,0.10881898058818226,1.34 +1862,0.9478920136360633,0.10971489646150376,0.94 +1863,0.9338888014501014,0.10892712033677039,1.1 +1864,1.4025815139428266,0.10834430209216477,1.44 +1865,1.6185701203994105,0.10843024233383095,1.64 +1866,0.9893742781613133,0.10866050710329353,1.02 +1867,0.5344441123787567,0.11003654670013448,0.54 +1868,2.2320140406279654,0.11002306539912135,2.18 +1869,1.7612297734195215,0.10888386792628002,1.76 +1870,2.9910349907258214,0.11520233075996948,2.98 +1871,1.666231817981667,0.10911843298501533,1.7 +1872,0.3775419640714466,0.1135264963229678,0.44 +1873,1.3910682504557803,0.10920189436153102,1.36 +1874,0.11298593010377456,0.11513222262111764,0.14 +1875,0.716870551410735,0.10941906361733654,0.74 +1876,1.150093777774301,0.10847338774178966,1.2 +1877,0.5675689004501541,0.11001969447615832,0.7 +1878,2.592250995988521,0.11157844333787216,2.48 +1879,1.7601070485077193,0.10859904395752276,1.82 +1880,1.9692893905041364,0.10882427570213749,1.9 +1881,1.099338036078925,0.10811772889642471,1.16 +1882,1.836446096041846,0.10871060503821262,1.82 +1883,1.1319445955818486,0.1096164825401219,1.2 +1884,2.0160378368408933,0.10895886100363023,1.98 +1885,2.4059425184363965,0.1106044200725755,2.5 +1886,0.9858159110407163,0.1088594475099127,1.04 +1887,1.3030589410417113,0.10923562646405392,1.32 +1888,3.0580646735237798,0.11615548673730847,3.1 +1889,1.2568603818096014,0.10849514106479329,1.24 +1890,1.2154848676634407,0.10926081759460671,1.3 +1891,1.397414981955122,0.10860529047503568,1.46 +1892,2.862668919369674,0.11297413049811163,2.84 +1893,0.576491391265292,0.10982468243771,0.64 +1894,3.5070274572945896,0.12464806365862884,3.26 +1895,3.6139662212849464,0.1280176846593758,3.58 +1896,2.637852381149542,0.11211329444512548,2.64 +1897,1.5395603385868304,0.10889499805485095,1.46 +1898,2.460562339693488,0.11044040906138428,2.38 +1899,1.5386175758513252,0.10868743194994532,1.5 +1900,1.0968131881235115,0.10861530058571288,1.16 +1901,1.1311856783080492,0.10819821402547725,1.18 +1902,1.2469859377901136,0.10849159334462227,1.18 +1903,2.9725622680832364,0.11593990603812673,2.92 +1904,1.580738447184351,0.1092628585610628,1.54 +1905,1.191041767933675,0.10994951729530063,1.22 +1906,1.1310358562281442,0.10896694836020607,1.2 +1907,1.4063479188565884,0.10851198955546625,1.54 +1908,1.219384765636554,0.10858542919276644,1.36 +1909,1.46667864750325,0.10863429423925261,1.5 +1910,0.5596729603669663,0.11008208742010103,0.66 +1911,2.561502383216008,0.11059864002009445,2.44 +1912,1.5766576339558318,0.11044521943926008,1.56 +1913,3.204777364373931,0.11735204468299816,3.38 +1914,1.173775083396861,0.10883229923494493,1.2 +1915,1.9300736862609176,0.10893534895886452,1.88 +1916,0.9033265882087056,0.10913496415965379,0.92 +1917,1.1109746574784287,0.10967229656662672,1.12 +1918,0.6434082201065783,0.1095685018586138,0.64 +1919,0.5730644115259613,0.11107852199386634,0.54 +1920,0.7564341232627632,0.10911042241502508,0.82 +1921,0.7830919707050574,0.10925545250589434,0.86 +1922,1.1244945198867518,0.10846821207015553,1.18 +1923,1.8503819855961288,0.11027883714805553,1.98 +1924,1.530339760035516,0.10889347412039446,1.64 +1925,1.9028171601980608,0.10892338348489072,1.88 +1926,1.726593092514796,0.11044867111608096,1.92 +1927,3.229737546458728,0.11599772701610814,3.06 +1928,0.12137567664637938,0.11563850974851861,0.2 +1929,0.6995542785711626,0.10946992223070176,0.78 +1930,2.5220958246636718,0.11047438151192503,2.44 +1931,1.1525728068105527,0.10938786461453091,1.2 +1932,0.46038122275701365,0.11133110080842158,0.42 +1933,1.3793535548882465,0.1085201209450501,1.42 +1934,0.8822517662877649,0.10987669902123,0.94 +1935,1.6959865134109071,0.10880360316155636,1.62 +1936,1.083431630182658,0.10825706340374538,1.14 +1937,1.0428153061144974,0.10900036961043215,1.06 +1938,1.9064340485933817,0.10876617027506338,1.92 +1939,2.573397584365579,0.111509765425019,2.52 +1940,0.5413043976466545,0.11014271925107019,0.52 +1941,1.2436739877986858,0.10814483422435978,1.34 +1942,0.869762151158759,0.10896865553380194,0.9 +1943,2.6962191361021786,0.11249387148846798,2.66 +1944,0.939488336868421,0.1090937325202366,1.02 +1945,2.211297623947515,0.10903666964463614,2.26 +1946,1.1614001720608433,0.10822236755665902,1.18 +1947,0.806711126137535,0.1091748606239857,0.88 +1948,1.3222784625420791,0.1087797444079355,1.34 +1949,1.4251024305965734,0.1084363735299011,1.44 +1950,3.8875362812403216,0.1486345766278389,3.74 +1951,0.6420623378850498,0.10946439346646301,0.66 +1952,1.8851966864581788,0.1086960552874781,1.78 +1953,1.9113648864762132,0.10891379099636968,1.86 +1954,2.1511582234515734,0.10908684468610019,2.16 +1955,0.8686127264793475,0.10909132391226731,0.96 +1956,0.788872970885385,0.10914090659624433,0.86 +1957,1.095106507762785,0.10909040077084568,1.26 +1958,2.299031923671662,0.11079478579253957,2.26 +1959,0.3249894015217185,0.11282007626140234,0.3 +1960,1.6077745274520003,0.10901002606770942,1.64 +1961,1.14400612333091,0.10910529064502622,1.18 +1962,1.445097072428701,0.10862132975443207,1.34 +1963,0.9850021868779768,0.10978891118602023,1.26 +1964,1.2314374459694326,0.10789238958398757,1.3 +1965,1.8302397703066893,0.10917375583074038,1.92 +1966,0.9559087133204889,0.10861963892845934,0.94 +1967,1.0217146500743999,0.108379541883999,1.08 +1968,0.4811539811470089,0.11044537808773393,0.54 +1969,2.512978836733189,0.11075312054308319,2.34 +1970,0.7667352412211619,0.10927310751596694,0.9 +1971,1.8454584814472588,0.11073470512399185,1.8 +1972,3.421517272137385,0.12374728153996253,3.12 +1973,1.5982871518567867,0.10872793078178254,1.64 +1974,1.8425419271826078,0.10887694187576752,1.72 +1975,0.9898344150175467,0.10881836176773205,1.12 +1976,3.8054156793757192,0.1572244155310794,3.5 +1977,1.43537045510159,0.10839657100702313,1.48 +1978,1.406997751308011,0.10809890374819145,1.46 +1979,1.4399109008954545,0.10936395114791635,1.54 +1980,0.8212583732146745,0.1091960196342998,0.84 +1981,3.3749368328184337,0.12342979479663921,3.32 +1982,0.33205226885127015,0.11175223388153101,0.42 +1983,1.6473020190926695,0.10878766954250506,1.64 +1984,2.8039557038868486,0.1149780713664593,2.68 +1985,1.8078635620070207,0.10862865981149097,1.84 +1986,1.2154929959071543,0.10861036161800847,1.22 +1987,1.8582591435917157,0.10915079321788936,1.84 +1988,0.44059925024956126,0.11122757946634733,0.44 +1989,0.5610567993676758,0.11004396713609559,0.6 +1990,3.7338059860269146,0.1345931541995055,3.56 +1991,1.102250044547886,0.10861796789267238,1.14 +1992,1.9127754921613151,0.10891381193157253,1.92 +1993,2.775922038009475,0.1139407201932721,2.74 +1994,0.20367348066111557,0.1127217016138395,0.22 +1995,1.7165986658895198,0.1087017749007226,1.7 +1996,1.416466119440499,0.10823207072396311,1.5 +1997,0.8787031041076068,0.10933062252211748,0.92 +1998,1.477803622378068,0.10868444885724406,1.46 +1999,1.9963141031521792,0.10898133027689226,2.0 +2000,1.3755315138142583,0.1092241912512748,1.46 +2001,1.5055252347137857,0.10867283357431563,1.66 +2002,3.1588875414495723,0.12105044604275535,3.2 +2003,1.3941110423068812,0.10994255279587517,1.28 +2004,3.5308922524636577,0.13225276940130887,3.5 +2005,1.789716211560175,0.10886930586797533,1.8 +2006,1.1373698934709031,0.10889741910585991,1.14 +2007,0.9995974928199294,0.10855232259259734,0.96 +2008,0.505341499510215,0.11024029924796343,0.56 +2009,0.6268614636155467,0.10966599035904745,0.68 +2010,0.197319908860492,0.11343967775991551,0.26 +2011,0.4450235125009874,0.11286467668957648,0.56 +2012,0.1508663696965291,0.11479689639100515,0.28 +2013,1.7894200403683973,0.10885988033071804,1.72 +2014,0.8095959495977558,0.10918215643866436,0.86 +2015,1.8913440503410248,0.10903881561129751,2.0 +2016,1.3370133302427964,0.10948695976816165,1.44 +2017,1.7271758889483442,0.108655524552885,1.72 +2018,0.6481243989184966,0.10957521194791446,0.66 +2019,1.355700492258186,0.10895154712202555,1.4 +2020,0.21465659847753837,0.11333732617434152,0.2 +2021,2.192737611705623,0.10963636970084785,2.26 +2022,1.1907174799907372,0.10855359025419341,1.38 +2023,0.8624485639297665,0.10914044287206613,0.92 +2024,0.6432407718281317,0.11000521542476521,0.74 +2025,1.5983135874744994,0.1106750172786326,1.54 +2026,2.4496649884492703,0.11024779823268202,2.38 +2027,1.728586092633619,0.10935670151642414,1.66 +2028,-0.17421903577336995,0.12841692213672404,-0.22 +2029,1.5852232336552907,0.11220124355375968,1.74 +2030,1.122387981413893,0.10856025894047099,1.12 +2031,1.7738124804100144,0.10868406336248786,1.82 +2032,0.32149658631194367,0.11905430672687639,0.26 +2033,0.19010620943081502,0.1133529737610253,0.32 +2034,2.9267348934979074,0.11332264443797804,3.0 +2035,1.308106898758843,0.10905668568892964,1.34 +2036,1.4779511960750744,0.10916929978624529,1.52 +2037,2.508560982154342,0.11065641516507442,2.42 +2038,0.33765929471459,0.11178684663115579,0.36 +2039,0.5181650082347735,0.110371803510975,0.52 +2040,2.5397602014607434,0.11179135765686947,2.44 +2041,1.0486968006409176,0.10825069833676211,1.14 +2042,1.3303919991080866,0.10812852055923632,1.32 +2043,0.7799827545168077,0.10923675751816815,0.88 +2044,1.420759943548048,0.10850670453134263,1.38 +2045,1.6033593905299375,0.10923597476563232,1.64 +2046,0.8675353963049295,0.10921058159664905,0.82 +2047,0.5249346984912924,0.11033174172412259,0.54 +2048,2.55605077187355,0.11116156229953952,2.56 +2049,1.8564263751927745,0.10893031404946348,1.78 +2050,3.0924040912205575,0.11533291804123245,3.1 +2051,0.7770360459136461,0.10920764724176035,0.78 +2052,1.6877615621211524,0.1084726526411778,1.68 +2053,2.0439034297387613,0.1089168107573179,2.1 +2054,0.5431521759327458,0.1113820587670339,0.62 +2055,1.805621389059346,0.10888767377646857,1.82 +2056,0.8349227713358749,0.10976097051682769,0.86 +2057,1.981881189404766,0.10925070630303776,1.94 +2058,0.6390753116781616,0.1103285626721968,0.66 +2059,1.9969927238474616,0.10912266713897814,2.02 +2060,1.1175830522750436,0.10837526173581892,1.12 +2061,0.4998840960091391,0.11158826464182814,0.5 +2062,1.2438857833625283,0.10894805890792364,1.4 +2063,1.940254708717048,0.10914603470081415,1.9 +2064,1.7653604054953496,0.10864591973785158,1.78 +2065,1.2024475989860042,0.10863702335388782,1.32 +2066,0.9865327119646201,0.10880857831996278,1.08 +2067,0.7808841204489871,0.10963474255595626,0.9 +2068,1.4714876170168898,0.10861769586228688,1.48 +2069,0.8394767956294293,0.10964215762365363,0.86 +2070,0.6476641414181676,0.10949142506388584,0.72 +2071,2.0256888573769833,0.10912379419594605,2.48 +2072,1.6371783973399223,0.10865608948535685,1.6 +2073,0.8727999681034779,0.10919121469343546,0.9 +2074,2.2782439403390162,0.10931067889523462,2.3 +2075,1.044155242425922,0.10838312921746993,1.02 +2076,1.463772342101442,0.10922481582591104,1.38 +2077,1.000213434452589,0.10928717917622398,1.06 +2078,1.4016132026693375,0.10868363550915255,1.46 +2079,2.2858708304776334,0.10944719527351525,2.26 +2080,1.5647036732009232,0.10861766205416026,1.6 +2081,1.7651546307521846,0.10894988116679921,1.78 +2082,1.5408036762562878,0.1086883207927723,1.6 +2083,1.0833366797872719,0.10860099714518802,1.22 +2084,1.1481096668316644,0.10905250603086966,1.16 +2085,0.9268151690996893,0.10923028694113619,0.9 +2086,1.8856927311043057,0.10912375458633708,1.84 +2087,0.944798420118274,0.10906828184695408,1.06 +2088,1.0276363633619772,0.10907157035262076,1.04 +2089,2.188070365468106,0.10934785667696219,2.14 +2090,1.8610918013290663,0.10881135112079712,1.92 +2091,0.874543756597439,0.10926332423695014,1.0 +2092,1.8216827920713419,0.10882731086782076,1.86 +2093,1.3578514666484045,0.10835435685490771,1.3 +2094,1.7061570660483119,0.10880589599161193,1.78 +2095,1.223816424246734,0.1089045474234312,1.22 +2096,0.5022417669018315,0.11018416043453667,0.42 +2097,0.4552059667888022,0.11165620119053626,0.5 +2098,0.10665476444075406,0.11495972811688761,0.16 +2099,0.6284180715396692,0.11020551400876272,0.6 +2100,0.29528443200024324,0.11253052537022194,0.34 +2101,1.1641130026062916,0.10839311575101636,1.18 +2102,2.2925654133801947,0.10944919517600378,2.26 +2103,0.6556578384767766,0.10930336159914857,0.7 +2104,1.910532103465342,0.1093147747495235,1.92 +2105,0.9988063911347984,0.10918216438508654,0.94 +2106,2.3984226427072235,0.10975680283333783,2.28 +2107,1.9006145638405263,0.10853007883972673,1.84 +2108,0.7829513614533985,0.10935442345948906,0.68 +2109,1.8084287652071103,0.10895918066958866,1.78 +2110,1.0694090251765038,0.10832373483652753,1.08 +2111,0.7660815462081265,0.10981939265690818,0.8 +2112,3.219179746772169,0.11774770549337546,3.16 +2113,0.8066000140668654,0.10940023022347348,0.78 +2114,1.564723627948566,0.10921399373803943,1.48 +2115,1.451771574496596,0.10911885499579452,1.5 +2116,1.3105839077641468,0.10873257606345921,1.3 +2117,1.201911125297733,0.10804277737281225,1.26 +2118,1.307376874112065,0.10900462539045429,1.3 +2119,0.6747616354417749,0.1096345292736956,0.68 +2120,1.4177089827693257,0.10877888792804735,1.58 +2121,0.83395598936574,0.10908039734485049,0.8 +2122,0.31356163513799995,0.11426894281915091,0.44 +2123,2.633131698394968,0.11154391806279226,2.64 +2124,1.0871424166442614,0.10900385706810985,1.14 +2125,2.6611525689227866,0.11285384736380542,2.6 +2126,2.98398513949187,0.1150613576771143,2.96 +2127,1.2866930101658545,0.10931317668540436,1.4 +2128,1.2473309058316167,0.10839492783494648,1.38 +2129,1.2105897281367737,0.10873521445064847,1.14 +2130,1.9112146316488028,0.10879257720305462,1.96 +2131,2.7194884430337316,0.11199476980739084,2.62 +2132,1.2189691449442597,0.10831907754909284,1.4 +2133,1.6752373008967671,0.10836349137359574,1.62 +2134,1.1526768937265066,0.10911613408596679,1.2 +2135,1.7345686581528872,0.10914515860813132,1.76 +2136,2.056906230737325,0.10885219888287799,2.06 +2137,1.1818954441339136,0.10845679125993328,1.16 +2138,0.8376935322780303,0.10917391914766832,0.86 +2139,2.999134707209996,0.11562119248760806,3.0 +2140,0.8237175932311507,0.10924173697479071,0.86 +2141,4.152525816460915,0.1898825349862438,4.02 +2142,0.9601112300419095,0.10883713405653471,1.0 +2143,2.8027141914819387,0.11303061063250941,2.78 +2144,1.4293665629113184,0.10922091461795043,1.48 +2145,0.8985957425557265,0.10924005047760024,0.98 +2146,1.2228096328464835,0.10865781168092646,1.32 +2147,0.954653809049339,0.10912239176605343,1.02 +2148,1.6240617892790175,0.10861431358430608,1.64 +2149,1.5949676183387842,0.10870233447180574,1.66 +2150,2.0214155196181443,0.10890477986933109,2.0 +2151,3.3168847681408726,0.12513396418359576,3.2 +2152,1.1481778365957274,0.10920548762743969,1.28 +2153,1.1709044614947706,0.10875838023912514,1.18 +2154,0.7054554982194494,0.10940709810589037,0.7 +2155,0.5523629167900515,0.11070151614529765,0.6 +2156,0.6901300701100217,0.11000611023752745,0.66 +2157,1.3603253002994498,0.10992022950320095,1.26 +2158,1.5052784590124153,0.10877660587706134,1.48 +2159,1.726052657399598,0.10874220317619988,1.8 +2160,3.6002185429882294,0.12488460995723373,3.88 +2161,1.1872008391019824,0.10842514402555863,1.18 +2162,1.6347369839357375,0.10876805251955558,1.68 +2163,0.29449741136948315,0.11376337229840452,0.42 +2164,2.3536373925839973,0.11069222284800792,2.34 +2165,3.7164066851262154,0.13672253014856647,3.7 +2166,2.498107617543588,0.11249039965141927,2.36 +2167,0.4031733530807946,0.11103946664619523,0.44 +2168,0.842763537728664,0.10937822843060864,0.78 +2169,0.8717206941481725,0.10905845852078572,0.9 +2170,1.556406341814955,0.10834976155964729,1.54 +2171,1.513645923703435,0.11085351682264277,1.5 +2172,1.5461464015853883,0.10820653635177818,1.66 +2173,1.1548279977930127,0.1085689827432164,1.22 +2174,0.7334153981200435,0.10966381030574034,0.74 +2175,4.34281902041593,0.23806605432270492,4.18 +2176,0.608106530408306,0.10966923951728279,0.62 +2177,1.4417405737310025,0.10857683838415874,1.42 +2178,2.017037770148142,0.10888136993860899,2.02 +2179,0.4139095586531232,0.11181718316107415,0.48 +2180,1.380346369404264,0.10908538432446048,1.44 +2181,1.023831266322289,0.10857777219039422,1.02 +2182,3.0615559303139213,0.11470891374337402,2.96 +2183,0.6943450654765746,0.10968011326643747,0.68 +2184,1.1293967778202605,0.10863348119778035,1.14 +2185,2.282976853299494,0.10984509034778864,2.24 +2186,1.3458921320203094,0.10885167431825123,1.3 +2187,0.4692266533628162,0.11169017403389918,0.42 +2188,2.0406302006145074,0.1090618719148283,2.0 +2189,1.1344659246785573,0.10822462085386284,1.2 +2190,1.7468725953341169,0.10844858814980968,1.7 +2191,1.308701108566651,0.10889554240922843,1.3 +2192,2.982687975023203,0.1142727390663674,2.96 +2193,1.4553659434339528,0.10901311274507744,1.46 +2194,1.3697119009050445,0.10819955539862139,1.42 +2195,1.4398634658013512,0.1092179518425176,1.46 +2196,0.8363907478149875,0.10964348924339178,0.9 +2197,1.8677310715286017,0.11290812897529605,1.78 +2198,0.8468513426457411,0.10911947090197159,0.94 +2199,1.0317604504464688,0.10847411236048934,1.06 +2200,1.0884360780860822,0.10838478848436411,1.22 +2201,2.1693533238167637,0.11001515231176727,2.06 +2202,0.850441985017901,0.10943841082881024,0.94 +2203,4.038431409669747,0.184336567797845,3.6 +2204,1.0271210336759813,0.10848408416319355,0.92 +2205,1.2090107089603412,0.10879835453754497,1.26 +2206,3.0852944152977804,0.11439830891051656,3.16 +2207,1.4113963788441444,0.10867217221530143,1.48 +2208,0.3777738696850568,0.11237285433198989,0.44 +2209,0.9070001724344285,0.10897294221211265,0.94 +2210,1.7487343156530661,0.10916177262654805,1.72 +2211,1.5010047894163412,0.10853940640231922,1.42 +2212,1.2854875196855096,0.10862050641452572,1.4 +2213,2.0387506284650163,0.10908432224450088,2.06 +2214,1.9279034128981527,0.10987783097383441,1.96 +2215,-0.16679062566694913,0.12846382645736423,0.1 +2216,1.4453799337374411,0.10878161992251652,1.5 +2217,0.6543205964555403,0.10946897211710575,0.56 +2218,1.5870488960046378,0.10821306195110342,1.64 +2219,0.366641652964673,0.11150514410186213,0.3 +2220,1.9770363309648422,0.10920633297376597,2.02 +2221,2.289615717476763,0.10985734415862546,2.24 +2222,3.8718579506272937,0.14573432833629804,3.5 +2223,1.0761175851628115,0.10885431179401055,1.08 +2224,1.7392011793931266,0.10864854757570977,1.74 +2225,1.597000033109885,0.10933696680380454,1.66 +2226,1.8242218940901145,0.1086938357270482,1.82 +2227,0.1481263056740323,0.115722718300795,0.2 +2228,1.8982191092164404,0.10898689697544041,1.88 +2229,2.414240386765626,0.11051792096559143,2.42 +2230,1.3828316508612906,0.10861722125607631,1.36 +2231,1.8830134804393088,0.10864600878478158,1.86 +2232,2.606360114012033,0.11076855959143168,2.5 +2233,0.8467143651480162,0.10928209437778377,0.9 +2234,2.8827057498442903,0.11444673883433491,2.82 +2235,1.2477739017603744,0.10898206331199341,1.26 +2236,1.0542377801496476,0.10820563386930135,1.04 +2237,2.0703329324417004,0.10981149518377695,1.94 +2238,1.0986962002066099,0.10907960317267212,1.16 +2239,1.440486979072225,0.10891969981109305,1.42 +2240,1.5521052874955563,0.10840293482720412,1.48 +2241,1.1607235434548704,0.10887793881586512,1.22 +2242,0.9696784310168658,0.10872098197135022,0.96 +2243,2.1679351278442374,0.10890748995640775,2.14 +2244,3.3918491969489244,0.1205226523189167,3.36 +2245,0.6907365529388434,0.10971165455656347,0.72 +2246,0.4337343419477184,0.11240359570683675,0.48 +2247,1.5793534626553045,0.10883938208401384,1.62 +2248,1.7133285969150256,0.10895857889686184,1.68 +2249,1.6276822440182661,0.10954588746298713,1.52 +2250,1.4626532813380058,0.1087800241229699,1.46 +2251,0.7936562352701051,0.10922518402823808,0.88 +2252,1.41333461099559,0.108650732366477,1.46 +2253,2.087448156897401,0.10958696500385978,2.0 +2254,1.5307575948368557,0.10841847684777645,1.2 +2255,1.8658725776603609,0.10957167011185352,1.92 +2256,0.5051588603904369,0.11027225273203733,0.5 +2257,1.8447465776646146,0.10867530847369793,1.86 +2258,1.1276197523180178,0.10869418235081074,1.3 +2259,0.5065496046505364,0.11052953286659586,0.6 +2260,0.6936061347024269,0.10950623802368958,0.78 +2261,0.39549104364949184,0.11244319728705407,0.42 +2262,0.8022105441946712,0.10923096169715825,0.8 +2263,1.2501939352636802,0.10967461133938891,1.28 +2264,0.2973225752286117,0.11296398794841815,0.48 +2265,0.6466915578157346,0.10990271388756005,0.62 +2266,1.8989181189793447,0.10897216455675182,1.88 +2267,1.10325365085557,0.10834110773552612,1.14 +2268,1.7292818702939305,0.10892324175543483,1.68 +2269,1.1506294411407074,0.1088090823761438,1.2 +2270,1.6795069973471817,0.10842056353753089,1.72 +2271,1.501706025389388,0.10869906747419308,1.5 +2272,1.8679289132401555,0.10875778712426878,1.9 +2273,1.0708207505265923,0.11040430385038151,1.08 +2274,0.8934370405195926,0.10946744688511223,0.94 +2275,1.1154698038033208,0.10890505733834847,1.12 +2276,1.4443931766252964,0.10885300947713229,1.46 +2277,1.8107612246713662,0.10956892744782509,1.74 +2278,0.9239675027813865,0.1090141668489363,1.02 +2279,1.7493618664604815,0.10922864677232703,1.7 +2280,1.817297042825742,0.1088012614485491,1.8 +2281,2.0601563601170403,0.1087770599743345,2.08 +2282,1.009641258945158,0.10890657514901986,0.96 +2283,0.9019767403287835,0.10886783530295294,0.98 +2284,1.681456936250675,0.1095833701280934,1.84 +2285,1.3092870543231774,0.10952177328339269,1.4 +2286,1.479654664311858,0.1087580897780087,1.56 +2287,1.398050785185922,0.10896693001582329,1.28 +2288,1.1031473892792283,0.10974837410463585,1.0 +2289,2.04103141371452,0.10895784665223347,2.08 +2290,0.5456300898248392,0.10980844228631452,0.66 +2291,1.0107286682004277,0.10840420517456881,1.02 +2292,0.32216800552392666,0.11221374946842212,0.34 +2293,1.9544021322124712,0.1088188049389224,1.9 +2294,1.365740690198101,0.10847941474073176,1.52 +2295,0.6676497213409638,0.11019491501267455,0.72 +2296,1.156145995417254,0.10939809252295565,1.18 +2297,2.178586288531732,0.10908185356550773,2.16 +2298,0.6873225379771517,0.10959457929859576,0.6 +2299,1.5504262889059168,0.1086791000187564,1.4 +2300,1.7323376529023795,0.10912142812267646,1.74 +2301,1.529502698110952,0.10874522580039367,1.54 +2302,0.43919295231936584,0.11114454317039565,0.44 +2303,1.0112418602010314,0.10927535254500659,1.04 +2304,0.8369558305825882,0.10919500414511189,0.88 +2305,1.5343623980109475,0.10919938889190374,1.58 +2306,1.6939654611884043,0.10901894675227498,1.72 +2307,0.6153946994798707,0.10986025970768898,0.74 +2308,2.1796954709045187,0.10956255040559168,2.12 +2309,0.7683145384547521,0.11056618752408687,0.8 +2310,1.4557194981992785,0.10871330951666858,1.44 +2311,1.2807238853947132,0.10835806475668258,1.34 +2312,0.3188984265387296,0.11160605525136753,0.28 +2313,0.9763355524414683,0.1092242825461725,0.98 +2314,1.594990629315645,0.10893392914439273,1.62 +2315,1.0832390021425828,0.10832479799054075,1.12 +2316,0.3326423772559002,0.11328517355089635,0.4 +2317,2.858398762848309,0.11368854222440357,2.8 +2318,0.6990443028655084,0.10927441237612802,0.86 +2319,1.5115514140966289,0.10955751417263482,1.56 +2320,0.6678351845634714,0.1093497228836189,0.7 +2321,2.5117825047552094,0.11106561324242539,2.42 +2322,0.8051024659952537,0.10905350768655585,0.8 +2323,1.2437683821560332,0.10805507518248188,1.2 +2324,1.4480175205042647,0.10864282105520065,1.44 +2325,0.3459763050049096,0.11218533742280812,0.44 +2326,2.6532938235499577,0.11181751224956439,2.66 +2327,0.507107304816258,0.11060005676380204,0.52 +2328,0.548291327013259,0.10997167048582324,0.54 +2329,0.5849759282398699,0.10961545548853244,0.54 +2330,1.3497241362546424,0.10806827463047203,1.46 +2331,0.9600693532786897,0.10867641720695412,1.06 +2332,1.3190268919516077,0.110480570757537,1.4 +2333,2.5408515700245067,0.11176112227610029,2.66 +2334,1.215825723632597,0.10951250360486668,1.24 +2335,1.3387555298500038,0.10895216265031593,1.42 +2336,1.2197117812442348,0.10909941420624517,1.26 +2337,1.5292091053555543,0.10928956527470034,1.54 +2338,0.6057253190237111,0.10969688837464019,0.72 +2339,1.303931196264684,0.10929570787191774,1.36 +2340,2.5203573646389748,0.11097244727390786,2.54 +2341,1.855319964583102,0.10884720565456724,1.9 +2342,1.1946380313350948,0.10866237418573614,1.18 +2343,1.1634265577561669,0.10812028920406587,1.2 +2344,0.5446721772949763,0.1101188870925566,0.62 +2345,0.2626383255378846,0.11253417377915692,0.38 +2346,1.0012362677151918,0.10862610629978765,1.04 +2347,1.8208376176369248,0.10885394201357033,1.86 +2348,1.1674547377127018,0.10865926434985554,1.26 +2349,0.8776114254367604,0.10905665283266235,0.9 +2350,1.700645207473925,0.10896902730745035,1.72 +2351,1.6953701041050158,0.10859271799915868,1.66 +2352,0.035972608102695425,0.11491853497068714,0.06 +2353,1.017217099616686,0.10872662233267433,1.06 +2354,1.390555401420058,0.10944207938150881,1.46 +2355,0.8514709780159029,0.10922604398962986,0.8 +2356,2.0935624703023015,0.10954596844687076,2.06 +2357,1.0908007126998518,0.10820409810641135,1.14 +2358,1.532542082653392,0.10881774349082572,1.48 +2359,2.0866752423234294,0.1095216828646393,2.14 +2360,1.6469684802749205,0.1086576788442213,1.66 +2361,0.42090031353497803,0.11162790647507725,0.5 +2362,1.0374031879401917,0.10834779124984045,1.04 +2363,2.202358846750619,0.10890477358620516,2.18 +2364,1.5255378140411286,0.10876688234945732,1.52 +2365,2.7212540123271856,0.11202166534722503,2.6 +2366,1.5600106524895159,0.11130223700529418,1.58 +2367,0.7277010779531272,0.10931571383597322,0.74 +2368,2.1061965772962727,0.10913705563288548,2.14 +2369,1.0586240574877683,0.10865123747781859,1.12 +2370,1.4116160218087108,0.10926525667064248,1.38 +2371,0.7150741584596778,0.1129376265026054,0.72 +2372,0.9467435107644695,0.10917924462007837,0.96 +2373,0.7790987719363107,0.10953371811060023,0.8 +2374,2.8350573650676045,0.11298098076047816,2.9 +2375,1.0353819069741013,0.10815960890603764,1.08 +2376,-0.11307893756232179,0.12635991463706095,-0.04 +2377,3.0273369951456948,0.11612922514075065,3.02 +2378,0.9823792758982881,0.10878490916507241,1.0 +2379,2.043848569836114,0.10891792769310119,1.94 +2380,0.906550189664606,0.10927634308909986,0.8 +2381,1.082568843201769,0.10881764874536191,1.18 +2382,1.050164419965589,0.10870267376033282,1.06 +2383,1.1182639141442854,0.10845993356585952,1.14 +2384,1.4402728707126888,0.10859530059260344,1.62 +2385,2.4709211159464592,0.1103406353162546,2.5 +2386,0.0634378415227621,0.11490794761719793,0.06 +2387,1.3881735595311389,0.10954293472924959,1.56 +2388,0.9753034945070516,0.10939662516178535,0.96 +2389,1.134236075683872,0.10852980029964619,1.14 +2390,0.8061474925940351,0.10918649830776136,0.82 +2391,0.6510587381001107,0.10973867351250238,0.62 +2392,2.676536290718068,0.11317489851964233,2.6 +2393,1.174331421729625,0.10877683382356275,1.16 +2394,3.5243127725274084,0.14489316507068684,3.5 +2395,2.5336455434325407,0.11121648430075211,2.48 +2396,-0.23550617506426708,0.14951032650918133,-0.26 +2397,1.0347921742177055,0.10848596274431674,1.0 +2398,0.9609274192175041,0.10889736394508243,0.92 +2399,1.912537846265855,0.10887905888128666,1.92 +2400,0.053710236506716136,0.11538305440917176,0.0 +2401,1.832555440459429,0.10899699692242727,1.82 +2402,3.094660739121877,0.12361731622464314,3.0 +2403,0.6759639214165025,0.10977312382688471,0.66 +2404,2.1865479599906967,0.10891515213895837,2.16 +2405,2.473771642916282,0.11084338620469343,2.42 +2406,0.8237606154101362,0.10998052791096014,0.84 +2407,0.6247737542398601,0.10972743242391268,0.7 +2408,0.9417633586410536,0.10881709045136459,0.98 +2409,0.21712069683514468,0.11437233526069887,0.22 +2410,0.5390699112822821,0.11039669594222526,0.62 +2411,1.2044854367499118,0.10920534199391296,1.26 +2412,1.8485425445072243,0.10884922271349134,1.9 +2413,0.686978893173495,0.11033112716967385,0.7 +2414,2.21981096616227,0.1094800469679235,2.16 +2415,2.2823664267080295,0.10957029581075235,2.26 +2416,1.006175274622918,0.10890496076155977,1.08 +2417,2.19574310842114,0.10953334830262795,2.08 +2418,1.8214994687123598,0.10874113729234976,1.86 +2419,1.250722156750398,0.10837636802831703,1.22 +2420,1.605815698364423,0.10861608838636004,1.66 +2421,0.6980354911548821,0.10971035147151753,0.78 +2422,1.7505636832617943,0.10891154180872724,1.88 +2423,1.1106320698045868,0.11101007632811342,1.06 +2424,5.121636564404269,0.7430800441345947,5.16 +2425,1.1857454225664545,0.10900317805317533,1.22 +2426,1.047948918366763,0.10824015742512799,0.9 +2427,1.3932098905442052,0.10811359182489313,1.46 +2428,2.219535187961518,0.10921700043184834,2.22 +2429,2.895223700549237,0.11346875826525635,2.86 +2430,0.9178595973736767,0.10966737769052824,0.92 +2431,0.6271463345263291,0.11052177984171234,0.72 +2432,0.8758715529484311,0.10910246797152587,0.88 +2433,0.6758654252531846,0.10970895465381418,0.78 +2434,1.0642540424034967,0.10866391461259708,1.1 +2435,1.7566908984624225,0.1099383997158927,1.82 +2436,1.5616087720555347,0.10807845701848529,1.6 +2437,1.7800181016889445,0.10895816386818373,1.86 +2438,1.111515942681769,0.10843248700760545,1.16 +2439,2.229314345570784,0.11046434971202453,1.56 +2440,1.1511660354196556,0.10798563369077865,1.18 +2441,1.5186497454524277,0.10883013380839812,1.48 +2442,1.859060182755008,0.1089994687662218,1.86 +2443,0.7842416366665494,0.10918677543822852,0.76 +2444,1.0183943088600662,0.10836229789469141,1.1 +2445,1.4993662972902575,0.11025835440365282,1.58 +2446,1.3679094709885353,0.10940143268106942,1.34 +2447,1.0315124395645006,0.10816099856862765,1.04 +2448,2.2496289833573533,0.10961942098280272,2.2 +2449,2.093903556787324,0.10890608704324373,2.44 +2450,3.8993670953435347,0.15896652647315726,3.8 +2451,0.6685605152642742,0.10994689382387936,0.7 +2452,2.541492041419537,0.11080199503392497,2.34 +2453,0.7348205900368745,0.1097444681118171,0.78 +2454,1.7051253510677347,0.10878299626483316,1.72 +2455,1.1826266878582876,0.10980047196734408,1.24 +2456,4.631334546346934,0.30564021503674993,4.4 +2457,1.1118851918952677,0.10956624320323385,1.06 +2458,1.040564430463994,0.10879969106550831,1.0 +2459,1.6023262973370143,0.10885323416095934,1.68 +2460,1.4443806965260526,0.10957458066714533,1.48 +2461,1.123130324380937,0.10875331414634466,1.16 +2462,2.2547081656812926,0.10965144248582631,2.2 +2463,2.4753098968885956,0.11001411211965746,2.68 +2464,2.108971260207773,0.10908145391541617,2.0 +2465,0.7630546897566637,0.10927072693203939,0.74 +2466,0.6832662201291049,0.10989855638507424,0.76 +2467,4.669967785560806,0.35092555290242844,4.48 +2468,0.8944256027128494,0.1089175531647727,0.96 +2469,1.084410877152819,0.10860222269963249,1.1 +2470,0.19854839397532853,0.11313842679617507,0.14 +2471,2.377742017367132,0.11015662513394592,2.4 +2472,0.9602324058805882,0.109027180659398,0.94 +2473,2.0039210741034656,0.10894800186231066,2.04 +2474,0.7463047373050378,0.10940235212597946,0.76 +2475,1.6615908748778372,0.10951074284273994,1.62 +2476,0.3212736465075272,0.11410969490791678,0.32 +2477,0.46178652677956133,0.11074051445388443,0.56 +2478,1.2459779549219254,0.10852135183517858,1.34 +2479,0.43973565029052875,0.11186025970848598,0.4 +2480,1.7053349392544694,0.10851998544815006,1.72 +2481,2.7512735505598362,0.11220809407473355,2.68 +2482,1.173544113227968,0.10999021249990501,1.18 +2483,1.5395592063408037,0.10823170990238436,1.66 +2484,2.1147957511877697,0.10961498576622059,2.16 +2485,1.2685312689998858,0.10906417894074373,1.26 +2486,1.9460161531355515,0.10925778253983336,1.88 +2487,0.929158316426693,0.1092224103119271,0.94 +2488,1.2210851179974958,0.1082883438016362,1.28 +2489,1.7645927649775137,0.10875421951758116,1.72 +2490,1.6591430673130452,0.10855688895703501,1.62 +2491,1.316499148775029,0.10819084740892548,1.22 +2492,2.908015181758862,0.11546706403952978,2.78 +2493,2.2650122966742634,0.10969445968163762,2.24 +2494,0.48994711506690347,0.11032677280834172,0.56 +2495,0.5910277610696459,0.10994265718113508,0.62 +2496,1.0925406949207064,0.10895173466318166,1.12 +2497,2.144176193130085,0.10904950644042392,2.06 +2498,1.2358760128345372,0.10861814024061693,1.32 +2499,0.256922679254294,0.11421340051088884,0.3 +2500,0.8897609596535281,0.10894941703925407,0.88 +2501,0.3057496479745856,0.11242140518057567,0.4 +2502,1.7756907633887442,0.10900351803617661,1.78 +2503,1.618033841813392,0.10991898164435611,1.7 +2504,1.9222650899529716,0.10888573421816886,1.92 +2505,0.4310153162063477,0.11070889017267818,0.54 +2506,0.4934171972295962,0.11077751683610139,0.58 +2507,1.5961061409794004,0.10887129234038098,1.62 +2508,1.4667252125295809,0.10916871683791278,1.54 +2509,1.3621771485721004,0.10866387003617894,1.36 +2510,1.9064168209413301,0.11007688188303243,1.96 +2511,1.1407311975044,0.10882867290412541,1.28 +2512,1.0622803860796557,0.1081477613719292,1.04 +2513,0.8232759217497465,0.10992734397634822,0.92 +2514,1.0611735526011605,0.10858787557045549,1.08 +2515,2.068704467572686,0.10911858365595041,2.08 +2516,1.437857711935222,0.11013600644163772,1.5 +2517,1.1672840363029655,0.1083678658257808,1.2 +2518,1.103323117905112,0.10840904886031671,1.16 +2519,1.486223747563499,0.10868156761614048,1.62 +2520,0.5167981233401013,0.1105716900944723,0.6 +2521,0.20990385150865531,0.11299933977900053,0.1 +2522,1.6144094360627923,0.10836188026028944,1.68 +2523,2.136474182087688,0.1090871390750442,2.04 +2524,1.2619138193119133,0.10820073938160099,1.32 +2525,0.3839037920534514,0.1119933621569092,0.32 +2526,2.901743403407237,0.11451812327061225,2.92 +2527,1.649564126110234,0.10868121611334203,1.68 +2528,0.6275339658845729,0.10982123274366827,0.64 +2529,1.3638064561015701,0.10811200456979271,1.48 +2530,1.124839656069148,0.10885156527360322,1.12 +2531,0.5749784872530688,0.1097764454063393,0.56 +2532,0.7791915273687158,0.10928033901611624,0.8 +2533,0.797350873806244,0.10967191691323284,0.98 +2534,1.8948788627955855,0.10941671449791261,1.8 +2535,1.8628532844379242,0.10887122490028518,1.9 +2536,1.6243146260205696,0.10879339487756269,1.58 +2537,1.0233402550894004,0.10851400545447613,1.08 +2538,0.12692807329188494,0.1152143721115474,0.2 +2539,1.5283370169800667,0.10892702099517285,1.56 +2540,1.2767639790577894,0.10953755438694532,1.24 +2541,1.9447242483734675,0.10885960634724737,1.98 +2542,0.8487050383024188,0.10924513370891288,0.84 +2543,1.3648901254041936,0.10922707518194745,1.38 +2544,1.8483839129404407,0.10889781646789119,1.84 +2545,2.319197421890123,0.10943802507930878,2.36 +2546,1.6541664842214194,0.10905085126526488,1.58 +2547,0.42878797959047343,0.11157880014209651,0.42 +2548,2.962585901415223,0.11334130728266649,3.02 +2549,4.540548906695775,0.2843328344069197,4.32 +2550,3.085114332192254,0.11528819662614166,3.22 +2551,1.1642101766397763,0.10842840366861127,1.26 +2552,4.225829316410269,0.21127469528462434,4.04 +2553,1.3385868412079693,0.10828176647318609,1.34 +2554,0.39112364373708086,0.1115918263511832,0.46 +2555,1.0807142895847681,0.10866676460968834,1.08 +2556,0.668511247511943,0.10938834188783901,0.62 +2557,1.6122809352641516,0.1087523941524175,1.66 +2558,2.196758407656289,0.10928919802096784,2.14 +2559,0.7352276494824528,0.10925108974478137,0.76 +2560,1.1897259826088478,0.10812067855012022,1.18 +2561,0.6310178399187896,0.10994665825117733,0.62 +2562,0.8798445733863991,0.10909144368807441,0.86 +2563,0.30201389947214974,0.11243296786054356,0.34 +2564,0.7929072169243119,0.1095077949567353,0.82 +2565,1.0120468051105567,0.10840803514767948,1.02 +2566,1.0523926786264957,0.10859162516201165,1.04 +2567,0.5538735172485252,0.11020178336165631,0.58 +2568,1.1038268984372683,0.10862107648985748,1.1 +2569,2.608795452358975,0.1110533179472441,2.38 +2570,1.8497327662079277,0.10957709120242397,1.88 +2571,1.4070509517439467,0.10841344789265848,1.44 +2572,2.0898336570879783,0.10902933765860753,2.06 +2573,1.6793407403231617,0.10855586198109403,1.74 +2574,1.2310649859584535,0.10853618741620055,1.28 +2575,1.9356579927518913,0.11134143411664701,1.86 +2576,1.171651292579397,0.10950573162595927,1.26 +2577,0.3739672453534686,0.11184530423593388,0.42 +2578,2.9481529048664603,0.1193691988575547,2.9 +2579,0.5361882739980919,0.11024899305556522,0.68 +2580,0.7311751184461661,0.10966596010678434,0.76 +2581,1.0491969940209946,0.10860256519985215,1.06 +2582,1.2139812384989872,0.10867571271188767,1.28 +2583,0.7061359772458138,0.10950815164668386,0.72 +2584,1.1317814988122086,0.10818147064605758,1.14 +2585,3.388837796257987,0.11995732166636426,3.34 +2586,1.506479741366781,0.1088734525318548,1.56 +2587,0.5145729840735163,0.11046998092667783,0.68 +2588,0.819360042123022,0.10916259761243889,0.76 +2589,0.7582837227378922,0.10929904180559584,0.82 +2590,2.3359501420386186,0.10982558329955598,2.3 +2591,3.4694020174247973,0.12270819100128642,3.26 +2592,0.0908594595531147,0.11481120060650761,0.06 +2593,4.0520604104558435,0.17926419807751542,3.88 +2594,0.5529886285259655,0.11080899875371572,0.62 +2595,1.3360984124399016,0.10824759770711118,1.38 +2596,1.3309586866410248,0.10841749782517632,1.34 +2597,1.8884549613780441,0.10934023545702319,1.78 +2598,2.704360532803256,0.1133195917428998,2.48 +2599,1.7832224846711986,0.10893612668370158,1.82 +2600,0.8666264452382881,0.10899994039369176,0.92 +2601,1.1133197368048888,0.1080804062716925,1.22 +2602,0.3782885943208134,0.11204870401346709,0.4 +2603,1.896492549443507,0.10968915108405856,1.92 +2604,0.8350861767384847,0.1095713042016911,0.96 +2605,1.9836189697062627,0.10896015217515248,1.94 +2606,2.139040567327185,0.10940900156381284,2.04 +2607,0.8021182937223363,0.10940860004473957,0.9 +2608,0.596227856984874,0.11126678770579365,0.54 +2609,1.7545182838096798,0.10868365983645255,1.76 +2610,1.1501401363786732,0.1097681191453729,1.22 +2611,0.4982852489847778,0.11105813086513941,0.6 +2612,1.1372192337464346,0.10840076706018516,1.2 +2613,1.1055393657025325,0.1081436929487117,1.16 +2614,2.7605683337847955,0.11354204813355016,2.72 +2615,1.9502851329997872,0.1089570986785006,1.94 +2616,1.4768439958708148,0.10881745516815637,1.5 +2617,2.637246958552672,0.11197510131970187,2.72 +2618,2.4647692280689872,0.11138728136022623,2.68 +2619,2.52327525796204,0.11152323471915652,2.6 +2620,0.853026323392938,0.10930674361973745,0.84 +2621,0.8356438979716989,0.10905726338540046,0.86 +2622,4.7872835131053,0.3682180349457876,4.58 +2623,1.9112439155750556,0.10894905918165472,1.9 +2624,0.7361356741892342,0.10933767606759055,0.76 +2625,1.988011303854086,0.10897694085195336,2.0 +2626,1.7769059873400996,0.10895418191179712,1.76 +2627,1.0780903579848973,0.10822726894139371,1.2 +2628,1.3002561369333057,0.10969208884750875,1.34 +2629,1.5787538060078168,0.10850814119670144,1.64 +2630,0.8987824691133772,0.1092366088271711,0.9 +2631,0.787371420148026,0.1095897025717525,0.86 +2632,0.6582221376190338,0.10949281616147293,0.74 +2633,1.4673941234073657,0.10919750198329414,1.48 +2634,0.9078522660720969,0.10892810004316633,0.98 +2635,0.9613140494728389,0.10866092149697584,0.96 +2636,1.9727021054901561,0.10894947535110502,1.98 +2637,1.8090927619579764,0.10909469653149415,1.86 +2638,0.9147108045854457,0.10887978469678801,0.9 +2639,1.589725909401742,0.10817146598330922,1.64 +2640,1.2027111182658023,0.11483954079344527,1.1 +2641,1.0968728687843017,0.10802298599724204,1.08 +2642,1.8049953163863668,0.108847849328413,1.86 +2643,1.0225714145741156,0.10884860779989382,0.98 +2644,0.497666242146102,0.11025135477066227,0.52 +2645,0.6159308404826467,0.11107514921715152,0.58 +2646,0.35456368317785003,0.11222669269871884,0.38 +2647,0.9744828079618548,0.10900656546693073,1.14 +2648,2.198898538951638,0.10911899364107594,2.14 +2649,1.1453001191874597,0.10970277598210416,1.14 +2650,1.2604457745685869,0.10831476417817365,1.24 +2651,1.3828326580802246,0.10820526520248117,1.34 +2652,0.3386499613841698,0.11202438538470837,0.3 +2653,0.6425983133502688,0.10948848513541654,0.6 +2654,1.8072660006767114,0.10911580357360123,1.8 +2655,1.0792233971362242,0.10839996540823456,1.04 +2656,0.8097328541456283,0.10913264890184145,0.88 +2657,1.6838764014754508,0.10855071559090274,1.66 +2658,0.009691145529024503,0.1154446185810375,0.1 +2659,1.401460664038722,0.10862657218638415,1.46 +2660,1.5292623435382628,0.10854777220143426,1.54 +2661,0.621786121986168,0.11008806776141188,0.74 +2662,2.7336378767568226,0.11247103002824195,2.78 +2663,1.982728290915019,0.10900798502234496,1.66 +2664,4.483813538495112,0.25103740948922293,4.26 +2665,0.8003213894405752,0.10926160355184578,0.86 +2666,0.9412820729251683,0.1086973106433408,0.98 +2667,1.668757434891524,0.10884624492058541,1.74 +2668,0.8063939053418556,0.10913381101073773,0.8 +2669,0.9609709599534986,0.10889906038493503,1.04 +2670,1.292838794057558,0.10904364315849524,1.34 +2671,1.3779856385991698,0.10923886507634448,1.48 +2672,2.0569411184224284,0.10894629723807277,2.06 +2673,0.35642582647586263,0.1117090121803365,0.42 +2674,1.965120357337347,0.10907168943042936,1.84 +2675,1.6510301510780954,0.11041556747544444,1.64 +2676,1.6672896352066777,0.108677896176946,1.66 +2677,0.6259986868228387,0.11006093762912109,0.64 +2678,0.03548796259884224,0.11523292597678414,-0.02 +2679,1.4046012841723075,0.10815668334558665,1.48 +2680,1.4785512803011391,0.10904883728945838,1.48 +2681,0.1853927178891288,0.11445843972982708,0.26 +2682,0.33158032825762884,0.11415490360025447,0.4 +2683,1.262907902071503,0.10861100716397318,1.32 +2684,2.7610612015948197,0.1120163425913755,2.7 +2685,1.313227852009411,0.10850936135857911,1.34 +2686,1.2548924394415257,0.10819832847042907,1.32 +2687,0.5279016341914788,0.11005656985902912,0.48 +2688,0.7732786100947129,0.10940211255383418,0.82 +2689,0.7808903957139952,0.10937818421662293,0.78 +2690,0.7841376683231962,0.10920976281679148,0.84 +2691,1.8943850381537706,0.10915873759736193,1.9 +2692,1.3136199921917031,0.1088451585235524,1.24 +2693,1.8321018077417,0.10899599365496145,1.84 +2694,1.6589257123569743,0.10856652247561589,1.56 +2695,2.764984117119176,0.11366699996622529,2.76 +2696,0.13191171593713502,0.11438835907701829,0.2 +2697,1.4021568450582924,0.10885464834828813,1.38 +2698,0.6238757131766794,0.10955014803376915,0.58 +2699,1.1718630731280504,0.10882026180183105,1.18 +2700,1.6538186332124516,0.10863994725642429,1.66 +2701,0.8283173197889289,0.109979441447421,0.9 +2702,1.57024611423435,0.10958308638626789,1.8 +2703,0.5164178470410752,0.1107721312551627,0.7 +2704,1.1776765785995016,0.10883942543105483,1.14 +2705,1.2261054588064502,0.10907182702322094,1.2 +2706,2.542778119579814,0.11245030807431687,2.36 +2707,2.4549132919121837,0.11098217766460738,2.4 +2708,0.8685543555527664,0.10906903092048881,0.94 +2709,0.32587130264843633,0.11327311104702405,0.4 +2710,2.384186580018599,0.11013171147142499,2.34 +2711,2.1197214719948567,0.10923133058592407,2.12 +2712,0.7166105363972397,0.1095058424217162,0.78 +2713,1.5244444286371097,0.10896065768770818,1.56 +2714,1.5821181947098841,0.1088194805823298,1.52 +2715,1.5098979343550658,0.10903315708580125,1.46 +2716,-0.2838034408406225,0.1599647156859249,-0.32 +2717,2.2160946900297764,0.10936953712197116,2.1 +2718,0.7922032640343337,0.10988468928879633,0.86 +2719,1.5888358200645802,0.10861508450729997,1.62 +2720,0.9041492133812872,0.10915810091199403,0.96 +2721,1.6913754361086495,0.10861893509564086,1.76 +2722,1.2468420351077247,0.1090966587525691,1.28 +2723,1.0804611211393071,0.10871964161521516,1.14 +2724,0.8738578260624754,0.10950032495741625,0.86 +2725,1.5536970709774698,0.10894801278650584,1.58 +2726,1.8896380374606556,0.10886658133551665,1.82 +2727,0.05396726443570454,0.11460377556997756,0.1 +2728,0.4125761236890204,0.11162300756680828,0.4 +2729,0.7712924617111616,0.11017185176428307,0.8 +2730,2.0677688900015943,0.10901247784987837,2.12 +2731,1.6952881147813192,0.10858924290135144,1.66 +2732,1.4111608195565841,0.10906761237917939,1.36 +2733,2.1644029093315273,0.10884241151567597,2.18 +2734,1.8468648996960075,0.10885576906244682,1.8 +2735,1.5689412659325006,0.10879264499637038,1.54 +2736,1.2009390134877753,0.10829198131665523,1.22 +2737,1.365783346027846,0.10806456404083029,1.42 +2738,1.5739247222258603,0.1083253358051298,1.56 +2739,1.1034609344232313,0.10840014269009297,1.1 +2740,1.5961671552660652,0.10928862628102777,1.6 +2741,0.8587847102582762,0.10913989891290513,0.84 +2742,0.7667960544153365,0.10931114787998322,0.82 +2743,2.1723609525811787,0.1091573037941882,2.1 +2744,1.704063062868129,0.108893886982799,1.76 +2745,2.175237170674783,0.10932716052760491,2.14 +2746,1.0637973281237967,0.10854913149008155,1.04 +2747,0.9286781515613276,0.10919786449895347,0.9 +2748,1.2976590450690884,0.10804699079447154,1.26 +2749,1.4882822077740334,0.10860592354928714,1.52 +2750,1.0292622872887582,0.10920517299002518,1.04 +2751,1.5889927039638385,0.11069388819961863,1.62 +2752,2.257643286992745,0.10944424245968756,2.3 +2753,1.9005719565245576,0.10950498785270378,1.92 +2754,1.5318741149366408,0.10944431472179852,1.62 +2755,0.7574940734655291,0.1091278509311343,0.7 +2756,1.1890296445442834,0.10894432547491453,1.14 +2757,1.0142310672736619,0.10880008003791343,1.2 +2758,0.9500384916661977,0.10871137549560593,0.98 +2759,3.024193648492811,0.11366865394637492,2.94 +2760,0.6188873503579222,0.11010968854574259,0.66 +2761,1.3308673865943765,0.10863674674472268,1.4 +2762,0.4749461400504762,0.11621457539004017,0.5 +2763,1.603254652301195,0.10885047901557926,1.68 +2764,1.0102695872826564,0.10895382896341893,1.0 +2765,0.8515266988908285,0.10924179678827985,0.86 +2766,1.3995982121798525,0.10819668486433166,1.42 +2767,1.6133765797601134,0.10931732364635335,1.68 +2768,0.9302255902076046,0.10973605164846352,0.94 +2769,2.191940372223633,0.11017585340654186,2.06 +2770,1.1146063340815138,0.1087157320343791,1.2 +2771,1.141013715489854,0.1087408605632512,1.22 +2772,1.0569936240937272,0.10850978413761614,1.34 +2773,0.9945291440292001,0.10853527611284082,0.94 +2774,0.8165752384778235,0.10934986503491986,0.8 +2775,1.3425314724505162,0.10846668442684804,1.28 +2776,2.1208371307756826,0.10900784360557167,2.1 +2777,0.4832304202743165,0.11090902832578796,0.56 +2778,1.2591846509171551,0.10793108921019616,1.34 +2779,1.2989380940853925,0.10991450177710727,1.36 +2780,-0.28072052736544695,0.15850911859317757,-0.26 +2781,1.4096115801644293,0.10903790164355333,1.4 +2782,1.2291044936400644,0.10907864235181043,1.16 +2783,1.650196600951154,0.10912732593135092,1.74 +2784,1.9848979632245678,0.10886418414309601,2.02 +2785,2.021046269109582,0.10939336772478161,1.98 +2786,1.5445703930239025,0.10903204689688786,1.74 +2787,1.6993853397331966,0.10884960150087995,1.72 +2788,1.73140784017449,0.10876492892558026,1.76 +2789,1.9448108673706335,0.10911843720283873,1.94 +2790,1.8379237372715087,0.10877378679186912,1.76 +2791,1.032573501481095,0.10851915177755252,1.04 +2792,1.6715304595767995,0.1083173967690087,1.66 +2793,2.2622229050406224,0.10968084655172979,2.22 +2794,3.2828109590612504,0.1244490625528038,3.36 +2795,2.38556989353249,0.11128534113488005,2.36 +2796,1.6308949531838541,0.10888660509191139,1.62 +2797,1.2576499265387104,0.1088057183979423,1.24 +2798,1.291735444225245,0.10840163750758704,1.38 +2799,1.1967694027167814,0.10846721844722998,1.22 +2800,0.6689800539387099,0.10944638538138715,0.66 +2801,1.1802774333020798,0.1087750745952535,1.22 +2802,2.005784054857066,0.10889694544287629,1.96 +2803,1.2239716000849432,0.10912516845869853,1.24 +2804,0.771204950917066,0.11002944515504468,0.8 +2805,1.4188942910292601,0.10867839495752286,1.44 +2806,0.9816460297314924,0.10888838996652736,1.02 +2807,2.027493752617416,0.1093435545483814,1.96 +2808,0.9379491133080853,0.10912616869109193,0.98 +2809,0.2297197378439142,0.11309790745705345,0.32 +2810,0.9891075104071438,0.10990139277141536,0.84 +2811,1.0958718444634377,0.10847892618785698,1.12 +2812,4.152060244847838,0.19021594400505082,3.82 +2813,1.5179721779354258,0.10861831907371824,1.52 +2814,0.6583827599865861,0.10951617945831192,0.7 +2815,0.5571556025731814,0.11112303733807864,0.6 +2816,0.7979124086950895,0.10957401232305791,0.96 +2817,0.8305423552835256,0.109064112482958,0.98 +2818,2.698162015578162,0.11298457305162976,2.74 +2819,1.673428315159895,0.10879774805117925,1.64 +2820,1.4263917166897988,0.10837302703421903,1.46 +2821,1.6833093981054992,0.10854463226287721,1.76 +2822,0.9709989087300803,0.11185173630585056,1.08 +2823,1.5462641924449931,0.1085121074785575,1.6 +2824,0.830361192727401,0.10909513762214568,0.7 +2825,0.7766687631014753,0.10926638944851993,0.86 +2826,0.4454787516376575,0.11057729783352588,0.58 +2827,0.9465526003090963,0.10900660962905588,1.0 +2828,1.3586040838939857,0.10870630500113043,1.48 +2829,1.205042138168813,0.10852513613327133,1.28 +2830,1.6010123633306312,0.10853089667283716,1.6 +2831,1.3952890468209764,0.10852191048569579,1.44 +2832,0.995147452279844,0.10908941099894974,1.08 +2833,1.8672906069506885,0.10914116126956164,1.84 +2834,2.042681483019762,0.11064662618726809,2.12 +2835,1.6711175056710195,0.1086467838112783,1.68 +2836,2.110014090479374,0.10905105011983383,2.02 +2837,0.9059009914757388,0.10898706888885601,1.02 +2838,0.4516136835476976,0.11231086477796107,0.44 +2839,2.058525668514675,0.10901144654597857,2.08 +2840,2.8130566481250687,0.11580578403229527,1.9 +2841,1.9397690302314663,0.10890876702205997,1.88 +2842,1.8803410956357842,0.10875956503941102,1.78 +2843,0.8937691948893933,0.10895573069940322,0.96 +2844,1.6947128709306076,0.11155323898871936,1.56 +2845,3.220174626084037,0.11780542411824721,3.12 +2846,0.3755856333540768,0.11249419295222002,0.5 +2847,1.24726665134063,0.10908390622192944,1.18 +2848,0.29119314277264063,0.11287579498279371,0.38 +2849,0.9323387954053848,0.10898512364494706,0.96 +2850,1.5941846141792189,0.10828538214516946,1.58 +2851,1.883978831640511,0.10883400429114583,1.88 +2852,0.8160503213351324,0.1141938248217048,0.86 +2853,1.4876208336712073,0.10851232783985038,1.54 +2854,1.5146270724775013,0.1089397459842272,1.52 +2855,1.6394430663393171,0.10895804840896955,1.66 +2856,0.14069581352205685,0.1176404759604975,0.06 +2857,0.9436256508174088,0.10913173288007878,0.94 +2858,1.0650589357657045,0.10880261458352809,1.06 +2859,1.3033058467212078,0.10843212918672698,1.38 +2860,2.967064553689773,0.11472870542766228,2.92 +2861,1.292450268030442,0.108922344551946,1.4 +2862,1.4612387121474475,0.10881631134296502,1.42 +2863,0.8300520678126011,0.10944193022786348,0.88 +2864,1.610209329787195,0.10898294632003594,1.62 +2865,1.6303798026001237,0.10846079708670134,1.68 +2866,3.9061498143705284,0.1507773550011825,3.76 +2867,0.7538911873561238,0.10986480993708826,0.82 +2868,2.889687722493554,0.11392358079222432,2.74 +2869,1.3794597931774524,0.10837338433297203,1.54 +2870,1.2476359082451713,0.1084281652219437,1.28 +2871,0.7806230634814773,0.1092508778252294,0.9 +2872,1.4562285951696046,0.11018191734989477,1.64 +2873,-0.09759268193935444,0.12661726450783506,0.1 +2874,0.4699668021034631,0.11043848109468511,0.46 +2875,1.125180088126256,0.10844096490129575,1.26 +2876,1.88918125820308,0.10923812559413323,1.86 +2877,2.5391695430362295,0.11092904316842939,2.52 +2878,0.9001344378620706,0.10901882392222088,0.94 +2879,0.5267470894452506,0.11093173252387264,0.56 +2880,1.406659277048063,0.10911686709811122,1.4 +2881,1.103152027868524,0.1088041293141922,1.1 +2882,2.7006033323837277,0.11227691723792893,2.68 +2883,1.3250803262783029,0.10855462508326703,1.28 +2884,1.386320700502373,0.10838695301281467,1.5 +2885,0.4512967056899546,0.11084951052467683,0.42 +2886,0.7669619664380738,0.10954594436753393,0.72 +2887,2.0948643916257046,0.10917217281320395,2.08 +2888,0.9166278832082488,0.10915677085640726,0.96 +2889,1.4060125774554058,0.10913866437374481,1.42 +2890,0.37908891134000466,0.11223863921744479,0.54 +2891,0.7526753084961078,0.10929542617431479,0.84 +2892,1.6888227781851688,0.10893966241320645,1.7 +2893,2.675044419075582,0.1122895996704787,2.66 +2894,0.7691054439557297,0.10916055658343364,0.72 +2895,1.5124267778984608,0.10899211797059068,1.54 +2896,1.6712552396989642,0.10850134818294392,1.66 +2897,1.3086190952235404,0.1080405075660332,1.34 +2898,1.8612438784236565,0.10889309927985032,1.8 +2899,1.4578078409348185,0.10874582773061485,1.46 +2900,1.6310477020682859,0.10830129541775606,1.6 +2901,2.139588755090144,0.11054700955324703,2.06 +2902,0.7901773942385608,0.1092990085920992,0.9 +2903,0.5689351700500032,0.11054308493236227,0.66 +2904,1.8550014287169878,0.10885706946094088,1.84 +2905,1.156990957266422,0.10873731952144387,1.28 +2906,2.128256080088639,0.1092863336724187,2.12 +2907,1.0741414861382372,0.10873549094353686,1.1 +2908,1.1431315510205016,0.10823295895386782,1.2 +2909,2.699529151214441,0.11303011838632551,2.6 +2910,1.6880505232073295,0.10867798704097319,1.7 +2911,3.2452539396712146,0.12120834701242802,3.26 +2912,1.2569021012476602,0.11007258021167592,1.18 +2913,2.8172822521266445,0.11300337164448138,2.82 +2914,1.0258207277072762,0.10857842682279546,1.0 +2915,1.3028346126210613,0.10813016778577024,1.38 +2916,1.0750606928241018,0.10820219310262738,1.1 +2917,0.7103938597680743,0.10929020486777491,0.72 +2918,1.2140906877216429,0.10890249205226704,1.22 +2919,2.074123621194331,0.11082431715136382,2.16 +2920,2.4892722108880525,0.11471235118636963,2.5 +2921,1.1307111282451165,0.1090425598764848,1.14 +2922,2.2846566901399106,0.10988135626384843,2.16 +2923,0.4062827807759879,0.11160112954935006,0.5 +2924,1.9296254792151464,0.10901004767510888,1.94 +2925,3.7505167729101805,0.14111816684567882,3.64 +2926,0.4624440365102833,0.11142455149154888,0.44 +2927,0.2855664911329745,0.11377764104715646,0.32 +2928,3.5664929496231172,0.12581599201043653,3.28 +2929,1.55943739877707,0.10859774646955885,1.6 +2930,1.203444644544411,0.11058135010668173,1.22 +2931,0.47852086016950945,0.11050161535722063,0.52 +2932,1.9252371784506073,0.10890600775274135,2.0 +2933,1.0996965056002983,0.10825195584074102,1.14 +2934,1.2016920248365741,0.10957194820796243,1.28 +2935,1.1393115890340573,0.10869727121573,1.12 +2936,1.4335458424350156,0.10868235821370575,1.42 +2937,2.188547481179163,0.10922301230522467,2.24 +2938,1.0025777736032344,0.10867939463440238,1.02 +2939,1.477774118230477,0.10895839553256309,1.46 +2940,1.7006778343455258,0.1089664816221794,1.72 +2941,1.0254987945212113,0.10881748500595612,1.04 +2942,0.6094623555393843,0.10966544023261456,0.74 +2943,2.1802677139620377,0.10971053950909913,2.16 +2944,3.9631271940886483,0.18669409628493283,3.58 +2945,2.073174029474223,0.10879199982351935,2.18 +2946,4.3281585411647745,0.24026022985300277,4.16 +2947,1.1213046194735545,0.1089082080070402,1.14 +2948,1.9436040173752707,0.1087350127855565,1.94 +2949,1.6925059334871966,0.10920025080813259,1.66 +2950,1.218666887854467,0.10852808004366239,1.3 +2951,1.534742268364794,0.10847109183030641,1.6 +2952,1.2934712838541165,0.10842606964552222,1.34 +2953,-0.1314420662532152,0.1283529018088532,0.02 +2954,0.758855479698787,0.11106716044511909,0.88 +2955,1.8738949276865062,0.10903025376545031,1.92 +2956,1.1396297780129165,0.11013691909208399,1.18 +2957,3.9171096109422328,0.15324838962142637,3.82 +2958,1.2881603374985735,0.10893328653414872,1.4 +2959,1.4281588188761125,0.10882184946461836,1.46 +2960,2.2488524540206773,0.11047126399857975,2.24 +2961,0.9362557241595786,0.10886553142986201,0.88 +2962,1.5545046731868686,0.10874457309985877,1.5 +2963,2.2852952556710155,0.1095519437107269,2.28 +2964,1.8406802389971437,0.10887498098108316,1.72 +2965,1.7917307347928562,0.10898479376226677,1.78 +2966,1.9941039274602295,0.10970104073551286,1.92 +2967,2.7849687870067674,0.11239016466215275,2.92 +2968,1.884047226603598,0.10920586183868448,1.96 +2969,1.0803126029914187,0.10883922545460815,1.06 +2970,1.295613804002918,0.10886318472993531,1.4 +2971,1.6238453314576438,0.10914870558258095,1.68 +2972,0.525699397305174,0.11066216772359935,0.56 +2973,3.839758872677179,0.1674116039007564,3.74 +2974,1.3773232718298365,0.10862693587797582,1.36 +2975,1.6274361195729687,0.10863355314833557,1.6 +2976,1.6157926985660742,0.10855447912427064,1.64 +2977,1.8159833711324813,0.10883963091857175,1.84 +2978,1.2466814698073838,0.10872021203404789,1.3 +2979,1.9380441021291608,0.10919200717381002,1.9 +2980,1.8432983274026773,0.10898287805485964,1.88 +2981,1.7817509677357313,0.10868556450865897,1.8 +2982,0.1938037007267388,0.11407211338970186,0.14 +2983,1.6555342939480004,0.1090231677069124,1.72 +2984,1.9620617034295753,0.10895239986983606,2.38 +2985,3.0052358838215474,0.11535803036426287,3.02 +2986,2.1668513124257194,0.10941634323457082,2.08 +2987,1.1736203908949099,0.10821662635736352,1.22 +2988,0.45561325302297373,0.11151176012730837,0.48 +2989,2.0406026141694005,0.11313559425589059,2.06 +2990,0.802898667824187,0.10920690129580472,0.88 +2991,0.7624974636276454,0.10947119249367752,0.84 +2992,1.208661112633826,0.10849700253469284,1.22 +2993,0.8508852148010382,0.1090567543182175,0.9 +2994,1.6623828965535798,0.1087569269551663,1.66 +2995,1.7306577935524166,0.10895744064066828,1.76 +2996,1.256412107055957,0.10919974364110069,1.26 +2997,1.162798109656932,0.10834213333553373,1.24 +2998,1.3267963092526136,0.10828968438881384,1.36 +2999,1.232682349069882,0.10882179122410485,1.32 +3000,1.1864780146773617,0.10918967921723073,1.26 +3001,0.6511450592444836,0.10951835222764691,0.44 +3002,0.7744945173241637,0.10941282342187114,0.76 +3003,1.8529938773614552,0.10889381161925422,1.8 +3004,1.1337965688702374,0.10820218127350378,1.24 +3005,2.3532380985357895,0.10980445336520243,2.34 +3006,1.9204053281021976,0.10887931226571614,1.98 +3007,0.8669361900770332,0.1093867135313824,0.9 +3008,1.4652548112869317,0.10832632548771488,1.52 +3009,1.8821955408942292,0.10929819154824012,1.94 +3010,1.1322566198438855,0.10844865586294815,1.08 +3011,1.1710008491944626,0.10876114063466236,1.18 +3012,1.491526358355805,0.1117691439311772,1.54 +3013,2.3660567951425184,0.1098729383575986,2.36 +3014,0.9230658579486635,0.10913387666183266,1.02 +3015,2.618682051407581,0.11198576242945807,2.6 +3016,0.8574381387675123,0.10902576121650284,0.86 +3017,4.148724191406308,0.21155853253458,4.04 +3018,1.980811626770552,0.1089594004801108,2.02 +3019,0.2943326114149363,0.11183082183384269,0.32 +3020,1.1298561432179701,0.10854016991648446,1.06 +3021,0.6194748589218468,0.10977744310051799,0.66 +3022,2.085049859449298,0.10929791902506132,2.22 +3023,0.684532573382433,0.11015510490530805,0.7 +3024,2.901860088739048,0.11445207073502017,2.78 +3025,0.3980205020116818,0.11426713289361361,0.44 +3026,0.9787367379185516,0.1087882074312097,0.98 +3027,1.2892692724395252,0.10833201431371584,1.34 +3028,1.0307885553901164,0.1087464834924966,1.16 +3029,0.656561482142954,0.11149606275185414,0.66 +3030,1.1641744288409646,0.10836314719894997,1.18 +3031,1.7754795587692191,0.11084325023501036,1.72 +3032,0.511780929446366,0.11030647062318637,0.6 +3033,1.777380102399106,0.1092188896276657,1.82 +3034,1.147980576194498,0.10884954350678729,1.14 +3035,1.7601258332649854,0.1087746176344528,1.78 +3036,1.639794204840718,0.10896945843901992,1.6 +3037,0.7180772185580784,0.10947660396501932,0.8 +3038,0.23280694995371132,0.1128446655841532,0.2 +3039,1.7915651634026863,0.1089630712734765,2.04 +3040,1.3442433284575435,0.10856134925906948,1.42 +3041,0.31645944795336245,0.11173421241184041,0.34 +3042,1.599456419469873,0.10859951961265198,1.7 +3043,1.6924798570049324,0.1096927262554618,1.72 +3044,0.29962138986838394,0.11260632283928204,0.3 +3045,1.5974129248507074,0.10847782668582989,1.56 +3046,1.3311968705103459,0.10901650115963551,1.34 +3047,1.657249417669596,0.10889659432500717,1.6 +3048,1.0210688197437383,0.10892536919686716,1.06 +3049,0.9069702077326616,0.10953535852902076,0.88 +3050,3.0632783816579296,0.11819378728451536,3.04 +3051,1.3999328545257645,0.10878802472758956,1.4 +3052,0.9769193829510163,0.10866162760894059,1.08 +3053,2.3296284082665144,0.10970318235278062,2.28 +3054,0.8269564128370055,0.10925243340817932,0.84 +3055,0.6392333589209249,0.10955047862714525,0.64 +3056,2.9965882255808856,0.11473257511375118,2.92 +3057,1.544207168639189,0.10835694282140806,1.6 +3058,1.117041128389892,0.10900973896641865,1.16 +3059,1.1312726110784785,0.10846289967999743,1.1 +3060,0.5933789596530792,0.1099751272339786,0.64 +3061,1.6101242382720633,0.10854775069016334,1.64 +3062,1.9653415107358034,0.1093758870132178,2.0 +3063,1.227740335723431,0.1083254474245619,1.32 +3064,1.1924038939577875,0.10822922612809918,1.18 +3065,0.955270436362297,0.10882568726283855,0.98 +3066,0.2659298191017134,0.11356877967033743,0.24 +3067,1.1585298342077897,0.10951207117636375,1.24 +3068,0.31726456377972223,0.1115672740870621,0.38 +3069,1.0855528419299452,0.10844696714540841,1.14 +3070,1.0586282633341915,0.10864038012168586,1.0 +3071,4.545556716295017,0.2816401845505771,4.34 +3072,1.8223988797233082,0.10898007245308253,1.86 +3073,0.8697353596366275,0.10974900224678871,0.92 +3074,1.3351766831353507,0.10842248804740416,1.34 +3075,0.9930421824402549,0.10853638426666952,1.1 +3076,2.1141102520420523,0.1089382917252185,2.16 +3077,1.9595471761763639,0.10882326391585655,1.96 +3078,2.045771728442282,0.10911560425932668,2.04 +3079,1.5098480645331867,0.1086569973487496,1.52 +3080,1.785080116616185,0.1087320864557066,1.72 +3081,0.8598765854588839,0.10940983590267701,0.9 +3082,0.7619026507163431,0.1093708062238303,0.78 +3083,2.815080315819926,0.11305555249816446,2.88 +3084,0.9788606390328516,0.1090499193127358,1.04 +3085,1.6633907776034453,0.1083225147512565,1.58 +3086,1.4039979114738221,0.11000925435519843,1.42 +3087,0.9170106808758751,0.10881264853520461,0.96 +3088,0.661313894570589,0.10965497342505034,0.78 +3089,0.5694005676855403,0.1097293430263057,0.56 +3090,1.153958425547386,0.1093991270125185,1.18 +3091,1.4793694993135267,0.10913711874242969,1.56 +3092,3.4961828298452664,0.12294999378824074,3.56 +3093,2.6834958198475354,0.11274192176296886,2.6 +3094,1.4531447257379773,0.10904465651780512,1.42 +3095,1.4116014479564418,0.10950025803501329,1.44 +3096,1.0347549065360715,0.10861156531640645,1.06 +3097,1.2982097293591854,0.10966393151985344,1.28 +3098,0.44725836083109183,0.11127395735598472,0.36 +3099,1.0791559134088322,0.10852762091100181,1.1 +3100,2.1644814739669505,0.10914452568784001,2.24 +3101,1.1868526507717183,0.1084053684898417,1.22 +3102,0.6652213389661261,0.10953629122346549,0.62 +3103,0.6900247244368236,0.10936342927070326,0.76 +3104,1.5524866144475729,0.10883766590981453,1.6 +3105,0.8192074410709926,0.1093829875898327,0.86 +3106,2.0722220316064925,0.10913247860554103,1.98 +3107,2.006523196621905,0.10966767553731395,2.24 +3108,2.1385150990044854,0.10913995785503615,2.1 +3109,0.8671367735403228,0.10959343534090187,0.92 +3110,1.9336857216261256,0.108921476065588,2.1 +3111,1.0121925439952753,0.10917889321919831,1.02 +3112,1.7965077513953736,0.1101287573183461,1.78 +3113,2.6998185451815635,0.11170194946490869,2.54 +3114,1.810821512609464,0.10882492838111991,1.86 +3115,3.2046996371395755,0.11688384190434366,3.16 +3116,0.9745460339996646,0.10906343587942555,1.04 +3117,1.2366380292708206,0.10924265831178791,1.22 +3118,3.4160842653365853,0.12321293597934754,3.22 +3119,1.4303668149182576,0.10869424395514479,1.62 +3120,1.9419535095389682,0.10888723992332727,1.94 +3121,1.1709264282290297,0.1088380206043748,1.26 +3122,1.546379055526507,0.10927699277620688,1.6 +3123,1.525340050760625,0.10842436989220246,1.56 +3124,2.8308574278072873,0.11394260932204993,2.82 +3125,1.8528388043256134,0.1094037938308389,1.92 +3126,2.062437249158484,0.10925315800277534,2.0 +3127,2.124097621912674,0.10961770822997402,2.1 +3128,1.6823709791613615,0.10871593282849987,1.72 +3129,3.2684117420422245,0.1168928215398659,3.32 +3130,1.7971375879851896,0.1090215715679223,1.8 +3131,2.353668589667989,0.11011485828566575,2.26 +3132,2.2477729419528876,0.10911681047099418,2.32 +3133,2.303032067156166,0.1096526613825352,2.22 +3134,0.43210184184849876,0.11555324441392445,0.5 +3135,1.2808247780851536,0.10844546020741425,1.3 +3136,1.402126042013399,0.10838827861543412,1.4 +3137,0.9922211823775688,0.11396997518374408,0.9 +3138,0.7001486321983839,0.10924065760819965,0.68 +3139,0.9469678130540649,0.1090031256552153,1.02 +3140,1.440721371649878,0.1088421967327146,1.48 +3141,2.862317440588199,0.11355074131713247,2.74 +3142,1.2619615956271053,0.1083486206966846,1.28 +3143,1.7232270929720945,0.10870442190956123,1.74 +3144,0.8060463697984934,0.1098487897965933,0.92 +3145,1.1282203594434952,0.10892778396986073,1.22 +3146,1.4840555246177294,0.10867771923352923,1.48 +3147,2.557208242938791,0.11097446893886907,2.6 +3148,2.2456133266296865,0.10965300400382261,2.32 +3149,1.8898372860628632,0.10928671038796554,1.88 +3150,1.3110446304367462,0.10821684535519178,1.36 +3151,1.6524350121479108,0.10978784266614657,1.76 +3152,1.8801454654053478,0.10989623610556185,1.92 +3153,0.9961397551340871,0.10920746533970532,1.02 +3154,3.1110363183292185,0.1159336583475213,3.08 +3155,1.1075457754676057,0.10847104502615773,1.24 +3156,1.582276363173654,0.10890029606522628,1.58 +3157,2.184182421703901,0.10953055932942196,2.04 +3158,1.1978162745870824,0.10865852793477307,1.24 +3159,1.0046912949336138,0.1090814100790737,0.98 +3160,2.0493500651357897,0.10904898276505717,2.0 +3161,1.0849828355784927,0.10848440598288141,1.12 +3162,1.645081143590665,0.1086998224307609,1.58 +3163,1.4103670375416248,0.10856316891648603,1.42 +3164,2.2441601444026267,0.11076256053169631,2.2 +3165,1.9019977610215895,0.10937732316515428,1.82 +3166,1.9298218299351353,0.10915660387612819,1.92 +3167,1.7696026966671559,0.10973232858729241,1.58 +3168,0.5565092622802856,0.11072141261288568,0.6 +3169,2.7600149849190805,0.11257910321754937,2.74 +3170,0.7485711802803143,0.1093477832151215,0.9 +3171,0.9387612812590538,0.10900696919567417,0.98 +3172,0.4743890270247695,0.11399588298243109,0.48 +3173,1.1891169417547252,0.10914645643838736,1.16 +3174,2.820440010934596,0.11399174677084052,2.74 +3175,1.4329961891480556,0.10889319878146739,1.42 +3176,2.9196906099802638,0.11385844043069704,2.96 +3177,1.4105428186740658,0.10871870679610024,1.34 +3178,1.844478132614653,0.10875754479487398,1.96 +3179,1.637755335283642,0.10869532951345519,1.66 +3180,2.951575501796973,0.11450915925247794,2.78 +3181,1.5203326650505877,0.10856540907570533,1.64 +3182,2.393163138183872,0.11078231074846924,2.24 +3183,1.4224844825911864,0.10865853836615093,1.36 +3184,2.2668841917343476,0.10975308938907373,2.24 +3185,0.5445030284034535,0.11013440787974191,0.56 +3186,0.5332134808018614,0.11020069537555709,0.64 +3187,1.807034005510821,0.10888248347486158,1.74 +3188,1.3936939107738615,0.10847315345442869,1.34 +3189,1.976003549851888,0.10878153882110192,1.94 +3190,1.7830775614053982,0.10882365533143269,1.72 +3191,2.452167039569594,0.10977843116879273,2.3 +3192,1.9522980497663402,0.10898151578594031,1.96 +3193,3.4894209315346307,0.12359456316366967,3.44 +3194,0.9579615963490573,0.10916833634440565,0.96 +3195,0.8067658316989244,0.10935587101260771,0.78 +3196,0.486532479875911,0.11033652227144215,0.6 +3197,2.178034133545153,0.1096675678609155,2.12 +3198,0.970027976905576,0.10887161368418412,1.04 +3199,1.4639320271426106,0.10868880244725532,1.56 +3200,1.0998498688564586,0.10869241157032647,1.1 +3201,1.1722166098316,0.10796684750623045,1.26 +3202,0.917500291083889,0.10916236572299069,0.96 +3203,0.7122277064124694,0.10950833723294,0.6 +3204,1.2680728140522737,0.11159216480516294,1.34 +3205,1.0158997745155096,0.10934021861371376,0.96 +3206,1.5050443148624089,0.10917294176257132,1.5 +3207,0.21621240698753663,0.11286736648110508,0.2 +3208,1.4993384091515969,0.11050797638881055,1.46 +3209,1.7839130913512014,0.10880366556912839,1.8 +3210,2.2859044800388864,0.10956274361013048,2.26 +3211,1.598696559896843,0.10856204323107331,1.64 +3212,1.5702256533999224,0.10894549157538683,1.58 +3213,1.5378768480178087,0.10874218247136028,1.58 +3214,0.25454737210141953,0.11468878743371008,0.18 +3215,1.7533486679059882,0.10857886827277027,1.86 +3216,1.4175172262800606,0.10870465653245505,1.46 +3217,0.7363903059054371,0.10921565783712606,0.78 +3218,1.735757454479752,0.10875637089236548,1.76 +3219,1.8679070412316028,0.10943990314679912,1.78 +3220,0.48620097421503683,0.1103341096341644,0.52 +3221,1.9235005764204436,0.1090389294259166,1.92 +3222,2.060672707241472,0.10953128627312855,2.18 +3223,1.1305494229614856,0.10875254436717006,1.14 +3224,1.0024366853862778,0.10908065434172992,0.98 +3225,1.3817097551600872,0.10902062704651748,1.38 +3226,1.2731329400723217,0.10855432245376648,1.36 +3227,1.2098814927725021,0.1091054837642785,1.2 +3228,1.4461591610108178,0.10967247648620602,1.38 +3229,1.0313657820094297,0.10860911510716852,1.0 +3230,2.3243596434464484,0.10924057825996211,2.46 +3231,1.7859401269106874,0.10910525054404302,1.78 +3232,2.4106156816462407,0.11032434762054776,2.44 +3233,1.1651652771401961,0.10875275403009112,1.2 +3234,1.6286142314628114,0.10863510901579003,1.72 +3235,0.8882310934697477,0.10910041394770366,0.9 +3236,1.4320659380649081,0.10855387218439902,1.46 +3237,1.330843260682797,0.10844761902517364,1.38 +3238,1.0467294607861595,0.10921858859987281,1.08 +3239,1.570212960882528,0.10939115458334657,1.44 +3240,1.9793335645219008,0.10894725844326877,1.98 +3241,0.7285718540664865,0.10940136548519917,0.82 +3242,0.9968058483480808,0.10896698185579634,1.1 +3243,1.830077158495448,0.10951090342829914,1.82 +3244,0.41043427470554317,0.11142990287964816,0.4 +3245,2.067753344599068,0.10903986952143274,2.02 +3246,1.588713465678956,0.10866146101735527,1.58 +3247,1.2708703407311281,0.10841804475507537,1.34 +3248,0.661554071636302,0.10934954064764953,0.68 +3249,1.200953271107145,0.10931840207965836,1.28 +3250,0.10388785949916635,0.11583718685434846,0.22 +3251,2.163018145885487,0.10919630009054275,1.96 +3252,2.3003196838141653,0.10970799725774356,2.14 +3253,1.082084992765643,0.108714256873848,1.06 +3254,0.3228755506386056,0.11188402990686816,0.32 +3255,1.794144882137437,0.1085865762280775,1.78 +3256,1.3904738587063497,0.10837733929376005,1.42 +3257,1.0325445892996816,0.10843298224422554,1.06 +3258,0.7187978350671207,0.10961032037850572,0.78 +3259,1.1050476654216288,0.10909052412277905,1.08 +3260,1.8124593486813785,0.10897639572338252,1.78 +3261,1.8368388726346785,0.10923105187549782,1.78 +3262,3.5260037671760704,0.13841729137815373,3.36 +3263,0.7648516326612116,0.10916753130994855,0.74 +3264,0.3781632507076642,0.11173508143984813,0.44 +3265,1.0702917206620475,0.10900500797071924,1.12 +3266,2.0847524491577962,0.10926878442690259,2.22 +3267,0.5489968624309673,0.11051777625305673,0.52 +3268,1.9957860532265164,0.10896753087897855,1.88 +3269,1.732101048026677,0.10884551210848296,1.74 +3270,0.8308147262856727,0.10908296186284057,0.84 +3271,0.6268386222233522,0.10979489883690195,0.66 +3272,1.068971411375606,0.10881049008804741,1.1 +3273,0.4840931631067269,0.11039596659579172,0.58 +3274,2.9447513898296824,0.11465340590866818,3.04 +3275,1.658779879381128,0.10844763093441241,1.66 +3276,1.5036260294600003,0.10951166514326567,1.58 +3277,2.07979756390415,0.10902573024759303,2.12 +3278,3.4676940704341623,0.13397912672125226,3.28 +3279,1.640066061577861,0.10870735131436687,1.64 +3280,0.5704018958807131,0.11022431256606428,0.58 +3281,1.1343558886021716,0.10905185651116443,1.24 +3282,0.8830615826705062,0.10900666419139246,0.94 +3283,1.5187286385849168,0.1115335532412327,1.42 +3284,0.8318015722121208,0.10936666508253409,0.76 +3285,1.6907073533660997,0.10910536120101554,1.58 +3286,1.8755595773896578,0.10900915923367673,1.96 +3287,1.340140217928762,0.10919716953108229,1.44 +3288,1.8630938592026345,0.10909927619732733,1.86 +3289,1.206107210932756,0.10942018613375944,1.24 +3290,2.793717581039444,0.11303340044037645,2.6 +3291,1.0002675942414276,0.10856922565479078,1.0 +3292,1.1379489638210378,0.10873847791235561,1.14 +3293,1.0773498726210766,0.10844100292429971,1.14 +3294,0.9163235072593272,0.10889139922514957,0.92 +3295,2.0165852404860223,0.10903107445793733,2.02 +3296,2.8306357673418523,0.11260583762789551,2.74 +3297,1.2951396796687424,0.10844115516964205,1.22 +3298,0.9989191570751279,0.10870890853925433,1.04 +3299,0.17639022495229906,0.11385806131031405,0.18 +3300,1.0697759369898483,0.10859767673763927,1.1 +3301,1.5360044163046132,0.10941281434092522,1.56 +3302,2.7079288194821762,0.1122724158821726,2.82 +3303,3.3203245370100154,0.12102102691503847,3.28 +3304,1.4648149812172795,0.10927808066328887,1.46 +3305,3.1652092644261236,0.11633029633973575,3.08 +3306,1.3758468197869282,0.1085985400101546,1.3 +3307,3.7291217104704506,0.13834863028542888,3.7 +3308,1.2622256152379299,0.10867766683806676,1.32 +3309,1.4376172561982932,0.108405875670112,1.46 +3310,0.49428295387747934,0.11034520439269781,0.52 +3311,0.7765282944986671,0.1095243305327966,0.82 +3312,1.6796277153617885,0.1087186480785413,1.66 +3313,0.958199076175851,0.10888756035013966,1.1 +3314,1.3831468100401443,0.10965245072686627,1.46 +3315,1.4704444716630212,0.1084644358860331,1.44 +3316,1.4565187367704544,0.10848606247485575,1.52 +3317,2.614870862272638,0.11168206200813559,2.62 +3318,1.6383247748647198,0.10840174249901238,1.7 +3319,1.447851673877202,0.10890132268471943,1.48 +3320,0.8094166267275957,0.10920788197255188,0.78 +3321,0.6316639730786155,0.10959277615156829,0.7 +3322,1.7097831667073953,0.10875996603032535,1.72 +3323,1.2143104627203334,0.1086101791727541,1.32 +3324,1.6044669772216116,0.10846341964320202,1.6 +3325,0.8021017695814825,0.10941963445991874,0.9 +3326,0.5339818468595388,0.11059022043128641,0.56 +3327,1.2766682744833622,0.10845592884056808,1.38 +3328,0.748802178842559,0.10964988132998019,0.8 +3329,1.8220937250711975,0.10905172762737443,1.82 +3330,1.4472231850564006,0.10957264968173197,1.54 +3331,3.1073989487178215,0.1163399365740206,3.08 +3332,0.5707708391729573,0.11115587289626946,0.6 +3333,0.5363870406294984,0.11008864616806956,0.58 +3334,0.5024731392315394,0.11049963507215534,0.58 +3335,1.2176950119224363,0.10887222192904418,1.24 +3336,0.8714175252632534,0.1093796926480893,0.9 +3337,0.9547595411058145,0.10892192680283247,0.98 +3338,0.6863724386412136,0.10982282221703309,0.72 +3339,1.1395237644577199,0.10876438271453061,1.14 +3340,1.7061196286804394,0.10877014810920074,1.64 +3341,0.8469157324809933,0.10913017086077868,0.9 +3342,1.0600505585835043,0.10863062582281997,1.16 +3343,0.8870938008894731,0.10890835929882589,0.98 +3344,1.390523778658575,0.10934163235663992,1.38 +3345,1.151736066857878,0.10870021386508123,1.2 +3346,0.9718526647564039,0.10887227206212023,1.16 +3347,1.5933776190743094,0.10861318444919475,1.6 +3348,1.3127380888247506,0.10811310427787432,1.32 +3349,2.0581267442892033,0.1092823481044026,2.08 +3350,0.905867581836481,0.10960645622852876,0.9 +3351,1.6068168825106914,0.10849644771617122,1.64 +3352,1.944773816008328,0.108996389696686,1.78 +3353,1.5990341499146714,0.10858114787719163,1.66 +3354,1.0897242447496458,0.10863422594274179,1.14 +3355,0.6875820139566491,0.11089626782012714,0.66 +3356,1.4479592838979363,0.10905095760982937,1.36 +3357,0.43496251464976066,0.11089129506230684,0.46 +3358,1.0055319779277943,0.10898022765341284,1.08 +3359,1.9098089223815213,0.10905821213646673,1.76 +3360,2.5772673387118266,0.11102644333850555,2.48 +3361,-0.05995862247804329,0.11853285904403225,-0.08 +3362,3.613424664731901,0.12616157651874446,3.76 +3363,0.4104564015066705,0.11366870686259588,0.46 +3364,1.977328087966085,0.10896244957227662,2.02 +3365,2.147999537850203,0.10973426206989473,2.06 +3366,1.5346536503588188,0.10859851117020902,1.58 +3367,1.924632881290008,0.10938655947168442,1.9 +3368,1.6524889895480177,0.11071952133660928,1.64 +3369,2.2211399784394095,0.10955032021655334,2.12 +3370,1.667693816611048,0.10878323209251405,1.7 +3371,1.3739926964518778,0.1088237890337729,1.4 +3372,1.96824014968088,0.10902625068080017,2.02 +3373,0.475976659678671,0.11363397752409907,0.46 +3374,1.7115976443905216,0.10847117519802991,1.7 +3375,0.6867415133665977,0.11129065147577752,0.8 +3376,0.7016208695531523,0.10946107795312605,0.66 +3377,1.7249528260479527,0.1087938414865381,1.7 +3378,0.5187327496915932,0.11093881267407327,0.62 +3379,1.4856801038409264,0.11016112542038672,1.52 +3380,1.8898900269844452,0.10883606505293703,1.86 +3381,2.1888123635537786,0.11058793582488718,2.08 +3382,1.1621018373929877,0.10860298794913953,1.12 +3383,1.6023772175915658,0.10833497606365874,1.6 +3384,0.7243344646251648,0.10938394289875417,0.66 +3385,1.6759618341527647,0.10869089308404965,1.68 +3386,1.08421874976431,0.10893423668603441,1.14 +3387,2.0026471206243093,0.10898048554907282,1.98 +3388,1.6832934619141957,0.10957042622117014,1.68 +3389,1.5954034869211347,0.10856268945966735,1.62 +3390,1.7343619185662993,0.10874733192296808,1.74 +3391,1.1492057754896825,0.10851104246835348,1.22 +3392,0.9984979784360979,0.10870022317309064,1.0 +3393,0.6027484591839203,0.1096497259911521,0.7 +3394,1.0163374762596709,0.10864280559003907,1.08 +3395,0.5903622132392945,0.10980568538855111,0.6 +3396,0.9840058784880261,0.11129428461137839,0.98 +3397,1.5678057296710568,0.10901726457258694,1.6 +3398,2.3274798923187197,0.10966099766641446,2.38 +3399,1.7745135569316153,0.10900983340811198,1.76 +3400,2.5530271817928627,0.11124180503396817,2.44 +3401,2.2159375696155967,0.10918447361898369,2.12 +3402,2.1366018615530455,0.10920971129987114,2.14 +3403,0.5703177333955116,0.11023429919648987,0.56 +3404,1.6539870022945342,0.10796580943637586,1.66 +3405,1.3599577618305068,0.10829509381724158,1.32 +3406,1.9609803648573125,0.10893710836988268,1.9 +3407,1.0733199723063214,0.1088473672660254,1.06 +3408,1.7126957196568275,0.10869319302415946,1.74 +3409,1.6635055822256595,0.10864101361198186,1.6 +3410,1.0773689549579606,0.10862697894325633,1.12 +3411,1.726823988051449,0.10910065984007306,1.68 +3412,1.9319842280837625,0.10898355888217891,2.0 +3413,1.355115722251809,0.1083336879314455,1.4 +3414,1.1386519223818956,0.10963999570446899,1.28 +3415,0.8471745600655742,0.11012188563556843,0.86 +3416,1.0829452975918974,0.10894953050721207,1.16 +3417,1.906859538690802,0.10894086035164387,1.94 +3418,1.0838889230543591,0.10869660859425667,1.12 +3419,1.5959393560015505,0.10949888319268573,1.58 +3420,0.8305085892676791,0.10907854679781177,0.78 +3421,2.00596770321141,0.10926178282092323,1.88 +3422,1.9636485104961627,0.10895328732109265,1.98 +3423,0.5278194833965761,0.11084469711531561,0.54 +3424,0.29992455583096156,0.11265966015369251,0.3 +3425,1.119130026383906,0.1093104318936892,1.08 +3426,1.624061328229856,0.10860265115873348,1.42 +3427,1.3109781452604699,0.10861414195484562,1.32 +3428,2.1457977933811057,0.1092628738624347,2.04 +3429,2.003031941941372,0.10947677031260471,1.92 +3430,0.1752748230763066,0.11416659250819346,0.2 +3431,1.2303218590076161,0.10819780294035562,1.28 +3432,1.133277152342905,0.10832671317405974,1.14 +3433,-0.03902086668657123,0.11754933298834122,-0.04 +3434,0.8498975029194318,0.10902193486805906,0.9 +3435,1.0391959749880106,0.10861102467876792,1.06 +3436,0.9045399478149738,0.1093805513312211,1.02 +3437,2.3006474269380623,0.10958187898407033,2.28 +3438,2.7527069863864417,0.11385591932382666,2.86 +3439,1.6594715552770927,0.10853319891136383,1.66 +3440,1.489325209617653,0.1088317332781127,1.44 +3441,0.8176142317925388,0.10934847570865985,0.76 +3442,2.1536768289657777,0.10914336311929489,2.16 +3443,1.9002414991943217,0.10967642721922521,1.82 +3444,1.8035752647598349,0.10885985847444117,1.8 +3445,2.9157232659257692,0.11465744784420796,2.74 +3446,1.5546708870072825,0.10871209364584486,1.54 +3447,0.6728158410466909,0.10943845161425332,0.82 +3448,0.8599963698526372,0.10910932706931176,0.88 +3449,2.01787499230059,0.10953156444237971,2.06 +3450,2.384481364889637,0.11011201183093562,2.28 +3451,0.12514270759420665,0.12183663344341103,0.24 +3452,2.6032897249425693,0.11304711600233662,2.58 +3453,3.502995171799035,0.12496786530919532,3.28 +3454,1.9498309833235217,0.10903046826203809,1.9 +3455,1.1747841410947464,0.10932240367651581,1.34 +3456,1.5315177677307323,0.10879433590329327,1.54 +3457,2.267086573107533,0.10970507004313214,2.32 +3458,0.6453588244589872,0.10984667396245894,0.6 +3459,0.7302428140542636,0.10938251699813376,0.86 +3460,0.252329998366732,0.11572071608655052,0.42 +3461,1.2859327379038623,0.10820646281378295,1.28 +3462,0.9549714199657222,0.10886732087554547,1.0 +3463,2.522227481523756,0.11045925751020517,2.42 +3464,0.5175399433297718,0.11031952753278644,0.54 +3465,2.257698424823743,0.10969438722559725,2.16 +3466,1.2729375376206766,0.10831498018084544,1.28 +3467,3.9185784653155045,0.16597552892687426,3.8 +3468,2.1080714769734206,0.10898493087590545,2.1 +3469,0.856067812791955,0.10960734765174013,0.88 +3470,1.7416627367762336,0.10864299085933975,1.72 +3471,0.5578883344895109,0.10991873127957508,0.54 +3472,1.5701037141012781,0.10851008652742547,1.56 +3473,1.4538615401256143,0.10852939060976655,1.34 +3474,1.3188599181875622,0.10900916503383763,1.34 +3475,1.5347872755409915,0.10904438213051118,1.52 +3476,1.3132328039903873,0.11197950932482995,1.28 +3477,2.279867827745263,0.10944797234130095,2.32 +3478,2.092482859900179,0.10909536861837454,2.1 +3479,0.5021196281484839,0.11079055737396198,0.56 +3480,2.4878830674588874,0.1106303953100563,2.42 +3481,1.4672906770046756,0.10867094233021528,1.42 +3482,1.8136502999816235,0.10882086013857678,1.78 +3483,1.7638159830404438,0.10899349081915884,1.9 +3484,1.671069665215838,0.10861683950662418,1.72 +3485,1.159759494697858,0.10859928406865407,1.1 +3486,1.4655666567107266,0.10989823447108094,1.52 +3487,1.4934152673932024,0.10887093917548284,1.32 +3488,0.9557217396236188,0.10910531563542226,0.98 +3489,0.9875661261385877,0.10883848321521788,1.1 +3490,1.2151233207223546,0.10921414783069845,1.32 +3491,1.0474684937255736,0.10981237065879225,0.92 +3492,2.4374584882705213,0.10993410830695703,2.46 +3493,2.6741334577538884,0.11237255883553535,2.66 +3494,0.38679486675213237,0.11156941724747549,0.46 +3495,1.1590457017283873,0.10886910567064015,1.28 +3496,0.9163663642020401,0.10918919458814833,0.96 +3497,0.9411362479922962,0.10856097081418314,0.94 +3498,0.8598325316504463,0.108991552213625,0.86 +3499,1.2577191327518369,0.10909174792945905,1.36 +3500,1.2410715069226503,0.108558773542381,1.28 +3501,1.6817314150971816,0.10870903412347074,1.74 +3502,1.605492116373049,0.1085138679938767,1.58 +3503,1.0391644672674394,0.10857096713083811,1.06 +3504,2.3584802840918178,0.10964263342427358,2.38 +3505,0.9225657971180174,0.10920135629451752,1.02 +3506,0.8358090776973262,0.10949152968161584,0.96 +3507,1.6420694659885973,0.10853542586215546,1.58 +3508,2.754964476549687,0.11220358064490987,2.64 +3509,3.0403487501206774,0.1166362595514721,3.02 +3510,1.8331167566373514,0.10903628925651458,1.8 +3511,0.8218763283537021,0.10915944291441292,0.76 +3512,1.2589169094639336,0.10831658709676165,1.28 +3513,0.6137951537454986,0.10954576416963477,0.64 +3514,1.3200733519853776,0.10874589410123818,1.32 +3515,1.8624688312933761,0.10905415424294494,1.82 +3516,2.874605036191922,0.11441484889747405,2.82 +3517,1.0465421458787452,0.10905713344125215,1.08 +3518,0.6023354381708605,0.11023927351834366,0.74 +3519,1.791082004223873,0.10884796637658552,1.8 +3520,1.3590489441195563,0.10935658911236867,1.38 +3521,0.7587465345640885,0.11036748472650607,0.74 +3522,1.2789638740793228,0.10838541811361374,1.5 +3523,1.6503440744555595,0.10840658262887633,1.58 +3524,0.7862696689720599,0.10938646945559927,0.82 +3525,1.4040115158945303,0.10825494558036158,1.44 +3526,1.427599950755357,0.10905207458207627,1.48 +3527,1.1997583817386888,0.10822383128679294,1.24 +3528,1.1288995405990496,0.10869823856133445,1.16 +3529,1.1047139539382504,0.10892455022560224,1.08 +3530,0.9357582502231869,0.10879162350312996,1.0 +3531,1.1113259132157074,0.11116805140370975,1.14 +3532,0.7252240159803938,0.10992966668629475,0.76 +3533,0.6675800376945267,0.10952623944889858,0.64 +3534,1.2286742836878437,0.10857411382202262,1.24 +3535,1.3082499507220708,0.10840836487056947,1.28 +3536,1.5696769524646745,0.11027658562758987,1.48 +3537,2.394356415524789,0.11018160230966569,2.34 +3538,1.457074209780031,0.109014445447569,1.5 +3539,1.0596835945258567,0.10867496565672993,1.1 +3540,0.8312039240844902,0.1089831978696586,0.8 +3541,1.3484573750788291,0.10828818371888126,1.42 +3542,0.9369857167066433,0.10899732274218082,0.98 +3543,1.8563256525704181,0.10904548625940605,1.84 +3544,2.595913558492163,0.11142549361071459,2.66 +3545,1.5158799361880986,0.10934107370070997,1.48 +3546,1.6550751988642238,0.10866763856633889,1.66 +3547,1.2800686259591023,0.10862239979416514,1.24 +3548,1.3266850186744241,0.10899599682669386,1.38 +3549,1.4101726514638022,0.10836909365631633,1.4 +3550,1.0691490172718607,0.10830999242764308,1.14 +3551,1.5247842527299076,0.11005978605937877,1.62 +3552,2.263825582966894,0.10947372769140623,2.16 +3553,2.4865168351438447,0.11199638941414626,2.44 +3554,1.557821905242263,0.10832655347487091,1.56 +3555,0.9308313588151966,0.10878611318432498,0.94 +3556,0.5376399006197579,0.11053915413587187,0.5 +3557,1.9374092660926001,0.1090292028765488,1.98 +3558,4.382692139912478,0.23042240130558525,4.48 +3559,1.7645235884598298,0.10871868242182915,1.7 +3560,1.1308246802643884,0.10910298129584968,1.08 +3561,1.2793048281810107,0.10846804749439917,1.3 +3562,1.1769835593702984,0.1081287424181299,1.18 +3563,0.5206718262558203,0.1104405486068424,0.56 +3564,1.0176203062289764,0.10868866991509557,1.12 +3565,2.874237879103524,0.11299219311740796,2.9 +3566,1.7404466092673507,0.10888902162434087,1.78 +3567,3.0801295627691507,0.11653894209820297,3.12 +3568,1.505296722092445,0.10840319831017704,1.44 +3569,1.5998866650892145,0.10964945465661066,1.52 +3570,1.8331415966770868,0.10901046956862638,1.9 +3571,0.9902295111091339,0.10903094590914451,1.1 +3572,1.4357466991738326,0.10893929446475425,1.44 +3573,1.6439791359944342,0.10885905102315492,1.6 +3574,1.6990520886946845,0.10897171817089696,1.72 +3575,0.3664265563673146,0.11152530098261684,0.32 +3576,1.6571997994849772,0.10899106933670953,1.74 +3577,0.9661969886492789,0.10987498230772676,0.98 +3578,0.5064751519630084,0.11018039751348967,0.5 +3579,2.206067060233436,0.10903270874246689,2.26 +3580,1.9653742736324267,0.10889010017208549,1.98 +3581,0.8044876218721404,0.10929688389231339,0.84 +3582,2.0243382087895005,0.10891476026401942,2.02 +3583,0.564001833692422,0.11072512123790781,0.58 +3584,1.2317766864400772,0.10822798053853691,1.3 +3585,1.3009564771490636,0.10888658938471645,1.34 +3586,1.1377241971854763,0.10851832350282871,1.28 +3587,2.569233757772941,0.1105762522408623,2.64 +3588,3.2059182612666524,0.11890967689302635,3.14 +3589,1.4770047080574278,0.10880174747657231,1.54 +3590,1.814749166262465,0.10865021001350764,1.82 +3591,1.3265765837707084,0.10829147263098995,1.42 +3592,1.6988169293139128,0.1086638917360647,1.68 +3593,1.4287924753445642,0.10874997748763574,1.44 +3594,2.6743404143778866,0.11266482439785716,2.64 +3595,0.9831582409899999,0.10909778030519322,1.02 +3596,3.0707418193374485,0.11484665487606549,2.88 +3597,2.841766472179308,0.11223012890925423,2.78 +3598,3.1067584411958284,0.11569128983632071,3.22 +3599,2.1150981977163488,0.10901582613832024,2.06 +3600,0.9768445978462017,0.10860934572629195,0.96 +3601,1.2163438315257826,0.10841068853231747,1.26 +3602,1.2114142099284058,0.10863229616644768,1.22 +3603,4.31546418284985,0.24380472482623639,4.18 +3604,0.9260402989104994,0.11037001865271628,0.96 +3605,1.1737467354657758,0.10824729171541965,1.2 +3606,1.1563347008455613,0.10993647375188334,1.18 +3607,1.7752184600301382,0.10884204645789944,1.72 +3608,0.10472192811728487,0.11426127248536666,0.16 +3609,3.1586211555257426,0.11630880784290898,3.06 +3610,1.4926743445735928,0.10850931400387609,1.52 +3611,1.3182362152962517,0.10885722635014272,1.3 +3612,1.104188380982463,0.10845813645024863,1.16 +3613,0.8247479291009929,0.10910077299088966,0.84 +3614,1.2411681848767122,0.10909140741860734,1.32 +3615,0.8854280161395769,0.10902774751843937,0.84 +3616,1.950530513983451,0.10913021591535395,1.96 +3617,1.2326471398775416,0.10832539835239768,1.28 +3618,1.9396784847118473,0.10915979877303478,1.88 +3619,2.819702331649686,0.11625751152538118,2.88 +3620,0.7454750212794385,0.1106588071050343,0.76 +3621,1.831098484178809,0.10916347604049076,1.82 +3622,1.0582136068646397,0.1082046244898276,1.1 +3623,1.1529305946435207,0.10970679321716277,1.32 +3624,1.6395908227708906,0.10856697277510005,1.62 +3625,1.0433761162993056,0.10851070065302716,1.04 +3626,1.8150541070826298,0.10976993112572685,1.84 +3627,1.375700751153217,0.10823198266147241,1.3 +3628,1.2680682019238239,0.10958749907239511,1.3 +3629,1.3142373050435898,0.1085257874873825,1.48 +3630,1.6611966924717967,0.10901472217139711,1.68 +3631,1.6371028195634585,0.10936581845285502,1.56 +3632,1.4743867626563647,0.10889766741859723,1.42 +3633,2.609692262436673,0.11219830612742931,2.6 +3634,2.794607118147211,0.11274668802153345,2.64 +3635,1.049808158058986,0.10842400522573716,1.06 +3636,1.0591683629739412,0.10885815789285437,1.06 +3637,2.4772025644323667,0.11085213758500809,2.4 +3638,1.7722437207218737,0.10866426522284693,1.78 +3639,0.9088583576615639,0.10921059716136323,0.98 +3640,1.9457104571827548,0.10945241188111017,1.9 +3641,0.6637118146386376,0.10948544716663294,0.64 +3642,2.9268304718194065,0.1144071144652468,2.66 +3643,1.8112935518219393,0.1086613508053293,1.78 +3644,1.76636746656252,0.10876006650002665,1.82 +3645,0.7713678064843981,0.10959976062803235,0.72 +3646,0.854179810050872,0.10914513725548887,0.9 +3647,0.591025287701604,0.1097213172141837,0.62 +3648,1.9614783765668866,0.10889168076176113,2.0 +3649,1.1644507456538298,0.1087669141084554,1.28 +3650,1.5608267915057032,0.10855386138527051,1.62 +3651,0.5885188105692185,0.10965465562901548,0.6 +3652,4.157567180254985,0.19972842410242023,4.04 +3653,1.0758900290657243,0.10846014490582354,1.06 +3654,0.5402536903650477,0.10991377678503664,0.5 +3655,1.0035900847919157,0.108860054914799,1.08 +3656,1.7430726574686508,0.10893160460224653,1.64 +3657,1.2534530924610712,0.10816004271068647,1.26 +3658,3.4227796613999493,0.1288748048429532,3.32 +3659,1.6994095314134006,0.10893335930817627,1.64 +3660,1.2513300049114937,0.10890726386178969,1.3 +3661,0.6139206440577629,0.1095251123780606,0.68 +3662,1.3193077210106088,0.10837018193872204,1.42 +3663,1.7117357556368082,0.10841216396274406,1.7 +3664,1.0915295872282433,0.10861776327161664,1.18 +3665,1.6744398988543585,0.1087457884698982,1.7 +3666,1.6668228838004628,0.10892584475977095,1.58 +3667,0.9924392617250737,0.10860765957684176,1.0 +3668,1.0567937003307355,0.10823969026871626,1.22 +3669,3.1134990779347396,0.11783682825752487,2.98 +3670,0.8900805113306509,0.10896980350998323,0.88 +3671,0.49620914262716465,0.11123753103815638,0.5 +3672,0.5498406570390264,0.10983818515939296,0.54 +3673,1.8833878628289886,0.1094473167387044,1.86 +3674,1.0958681174822464,0.10835774365836726,1.22 +3675,0.7130744729537275,0.10957871066166475,0.76 +3676,1.0186843024639947,0.108466309702998,1.04 +3677,1.7841906975322592,0.10856485564058099,1.72 +3678,2.180335475227749,0.10920077260717835,2.16 +3679,0.4801005760689412,0.11194254741800343,0.56 +3680,1.4832521367595097,0.10878142433870822,1.42 +3681,1.998428330646596,0.1094468641457998,1.96 +3682,1.8034378148784134,0.10869088272574426,1.76 +3683,0.8716821060008604,0.1100004842558992,0.9 +3684,1.908456602486246,0.10919094763748383,1.92 +3685,2.3490784351066543,0.10980646280461331,2.38 +3686,2.0338164151177756,0.10892659949440589,1.84 +3687,1.8391586888088076,0.11029356890858587,1.74 +3688,0.9660654535640409,0.1089190130384513,0.92 +3689,1.4884129365685572,0.10906690590248087,1.52 +3690,1.3194363068392567,0.10830012172011837,1.3 +3691,1.2823540407758989,0.11026995171556817,1.32 +3692,1.5384919250566957,0.1090264684363459,1.5 +3693,0.7799782126964905,0.10956721750007736,0.8 +3694,1.3191421966003594,0.10928469136520813,2.02 +3695,2.3055034871574014,0.10963926083050447,2.42 +3696,1.8465526296684436,0.10881579346404988,1.84 +3697,0.5431681207045278,0.11001475423740137,0.6 +3698,0.6254408906388482,0.10999732217690861,0.72 +3699,0.49004937051149167,0.11026343526490252,0.52 +3700,1.1497890093222471,0.10840392673537956,1.24 +3701,1.7513555082696746,0.10887888098953512,1.72 +3702,1.6653024479306557,0.10883181646160309,1.68 +3703,1.706055361016971,0.10868565596371024,1.76 +3704,0.2385573046897056,0.11316493492763423,0.32 +3705,2.037118303055869,0.1089491304336213,1.96 +3706,1.8899321575847585,0.10882519888397321,1.92 +3707,1.189480263696061,0.10864805213574426,1.18 +3708,0.5596524687740461,0.10993302185154771,0.64 +3709,1.4824705331198222,0.11083062472796788,1.44 +3710,1.9645153920822258,0.10893673249316459,1.94 +3711,1.9283851040434206,0.10906442822939177,1.98 +3712,1.618125989844649,0.10836585210037565,1.52 +3713,2.64432525901229,0.11145962874824711,2.64 +3714,2.62249657973524,0.11175721779956853,2.56 +3715,1.8599200627032664,0.10882279337476815,1.86 +3716,0.6889152924333493,0.10942261967300583,0.66 +3717,0.3011295975253807,0.11218000732087777,0.34 +3718,0.936268209828703,0.10924628225422431,0.92 +3719,1.1161379372343054,0.10853063575422539,1.16 +3720,1.5034143170808596,0.10887781208199679,1.46 +3721,1.6472893685515393,0.10868804373992082,1.64 +3722,0.47483632025295375,0.11158834310160733,0.48 +3723,0.1406453290513019,0.12322171795188858,0.18 +3724,1.2229457326142201,0.10848773265572029,1.2 +3725,2.3889800379157924,0.1114900883758911,2.3 +3726,2.359122326733,0.11121343447945696,2.3 +3727,0.2912503264701547,0.11237938261722641,0.24 +3728,0.7700658943520855,0.1091859424493711,0.86 +3729,2.5613777051900746,0.11126714885471835,2.52 +3730,1.1260717230401474,0.10851281097425217,1.2 +3731,2.2276483032491248,0.10970187172143643,2.14 +3732,1.0794198032648898,0.10866917441069437,1.08 +3733,1.1189516155246286,0.10831635635046286,1.16 +3734,2.909028460374869,0.11590196819584271,3.04 +3735,1.0975672478690432,0.1088355292775008,1.14 +3736,3.69982302337474,0.14251521315294322,3.62 +3737,0.8113445813592781,0.11024594819950972,0.78 +3738,1.6359125781972272,0.10916787708322488,1.6 +3739,1.6045800466443856,0.10865740770491683,1.6 +3740,0.13407503640866647,0.11437597906773886,0.08 +3741,1.1808486586030105,0.1099359140677637,1.2 +3742,0.8456764433039927,0.1092417802949124,0.84 +3743,0.24680807439160812,0.11291157124831806,0.3 +3744,3.6900486948144566,0.13935661444189948,3.6 +3745,1.4621151844971925,0.10891628398321687,1.44 +3746,3.5048549864201624,0.12970627015985842,3.68 +3747,1.5378244163712287,0.10822765879494975,1.56 +3748,1.4356859822746406,0.10857696832969675,1.48 +3749,2.0435722378230627,0.1093848221428043,1.98 +3750,1.379073011545862,0.10869314428429928,1.44 +3751,2.623386198621936,0.11098885689721529,2.62 +3752,2.1467659390095184,0.10923311275103917,2.12 +3753,1.433778776532491,0.10993749189652599,1.46 +3754,1.092747523057155,0.10865411784869265,1.02 +3755,1.5780397321590263,0.10837396921528553,1.5 +3756,-0.17528583885505444,0.1287020209753888,-0.14 +3757,0.7060328918893708,0.10927948704538806,0.74 +3758,1.2076178361733758,0.10948096080455506,1.24 +3759,1.7044428169361359,0.10868053542558873,1.74 +3760,0.14616697832189285,0.11395399824218393,0.18 +3761,2.079229633742812,0.10896650947284796,2.02 +3762,0.6203676754930987,0.11082121848268277,0.62 +3763,2.3549754559111937,0.10988536674188376,2.26 +3764,1.215236226953201,0.10892033213326033,1.32 +3765,1.4456008006562078,0.10878347167800452,1.46 +3766,0.5821726972985379,0.11020168446301,0.62 +3767,0.8950020245305401,0.10962748774249556,0.84 +3768,1.840153988097497,0.10917127882877325,1.86 +3769,1.1868490021978522,0.10872677081069126,1.28 +3770,-0.22668169907345348,0.14532535065529512,-0.24 +3771,2.552715477477249,0.1109983264236879,2.56 +3772,1.3705251021822553,0.10824265533296001,1.34 +3773,1.1212027599499725,0.10876868390876478,1.06 +3774,0.6387736617089521,0.10961304201497157,0.68 +3775,2.16497396423044,0.11012021495735931,2.12 +3776,2.007864224611061,0.10906427910955681,2.04 +3777,1.4609012802412158,0.10898578531378518,1.52 +3778,1.2533663465949791,0.10950902926105648,1.34 +3779,1.7991809101859308,0.10961260359324325,1.84 +3780,0.305949536529595,0.11274545243650567,0.34 +3781,0.6925973913698646,0.11085708000023664,0.76 +3782,1.9397350924051926,0.10907818498493672,1.96 +3783,1.6393794756763205,0.10859394793917945,1.64 +3784,2.162353818647893,0.10914959256010677,2.04 +3785,1.5579026278182644,0.11030335746649096,1.66 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-2/val-metrics-2022.02.11.12.25.28.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-2/val-metrics-2022.02.11.12.25.28.csv new file mode 100644 index 0000000..20bd8fb --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-2/val-metrics-2022.02.11.12.25.28.csv @@ -0,0 +1,7 @@ +,0 +nll,-764.9040843763526 +sharpness,0.11283002232111938 +variation,0.16925447119882855 +mae,0.05729920112138443 +mse,0.006855969922359948 +rmse,0.08280078455159678 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-2/val-metrics-2022.06.23.16.33.58.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-2/val-metrics-2022.06.23.16.33.58.csv new file mode 100644 index 0000000..1b8b703 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-2/val-metrics-2022.06.23.16.33.58.csv @@ -0,0 +1,7 @@ +,0 +nll,-764.8152795529834 +sharpness,0.11283307961766442 +variation,0.16936067946451264 +mae,0.05731681246720316 +mse,0.006858972124682125 +rmse,0.08281891163666741 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-3/2022.01.26.17.37.27/train/events.out.tfevents.1643218647.node-l00a-006.myriad.ucl.ac.uk.211765.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-3/2022.01.26.17.37.27/train/events.out.tfevents.1643218647.node-l00a-006.myriad.ucl.ac.uk.211765.0.v2 new file mode 100644 index 0000000..aa5dfdb Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-3/2022.01.26.17.37.27/train/events.out.tfevents.1643218647.node-l00a-006.myriad.ucl.ac.uk.211765.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-3/2022.01.26.17.37.27/validation/events.out.tfevents.1643218688.node-l00a-006.myriad.ucl.ac.uk.211765.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-3/2022.01.26.17.37.27/validation/events.out.tfevents.1643218688.node-l00a-006.myriad.ucl.ac.uk.211765.1.v2 new file mode 100644 index 0000000..52bdca2 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-3/2022.01.26.17.37.27/validation/events.out.tfevents.1643218688.node-l00a-006.myriad.ucl.ac.uk.211765.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-3/2022.02.10.16.41.00/train/events.out.tfevents.1644511261.node-e00a-014.myriad.ucl.ac.uk.114592.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-3/2022.02.10.16.41.00/train/events.out.tfevents.1644511261.node-e00a-014.myriad.ucl.ac.uk.114592.0.v2 new file mode 100644 index 0000000..247c71c Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-3/2022.02.10.16.41.00/train/events.out.tfevents.1644511261.node-e00a-014.myriad.ucl.ac.uk.114592.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-3/2022.02.10.16.41.00/validation/events.out.tfevents.1644511312.node-e00a-014.myriad.ucl.ac.uk.114592.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-3/2022.02.10.16.41.00/validation/events.out.tfevents.1644511312.node-e00a-014.myriad.ucl.ac.uk.114592.1.v2 new file mode 100644 index 0000000..a00bae2 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-3/2022.02.10.16.41.00/validation/events.out.tfevents.1644511312.node-e00a-014.myriad.ucl.ac.uk.114592.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-3/metrics.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-3/metrics.csv new file mode 100644 index 0000000..439c793 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-3/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,-3819.3476605799733 +sharpness,0.11006687537743244 +variation,0.08306439374795258 +mae,0.05971151392887952 +mse,0.0068927999060835275 +rmse,0.08302288784475957 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-3/predictions.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-3/predictions.csv new file mode 100644 index 0000000..0886d30 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-3/predictions.csv @@ -0,0 +1,3786 @@ +,Predicted value,Predicted standard deviation,True value +0,1.505355339757945,0.10566022471661005,1.48 +1,1.186472767987194,0.10694025812769554,1.2 +2,1.1788124062763936,0.10727525903203855,1.24 +3,1.4946500520831094,0.10594351678372889,1.5 +4,1.0839365230458542,0.10826741504828565,1.06 +5,1.560171175275591,0.1064849042589483,1.7 +6,1.3686372109333789,0.10642698979788791,1.28 +7,0.90263388072513,0.11183819665813233,0.82 +8,1.2832302384655545,0.10554667115865503,1.16 +9,0.37445578686431613,0.11276164740519234,0.32 +10,0.646733399174642,0.11245551709781682,0.6 +11,1.1906811413124485,0.10602140688731759,1.16 +12,2.967118242858767,0.11304958259366403,2.96 +13,0.8838328902078914,0.11188169195047139,0.84 +14,0.39862974119379224,0.1128087332346544,0.36 +15,0.7881622543385332,0.11241234035217991,0.64 +16,1.2872493818235142,0.10555403865462379,1.24 +17,1.510180198783889,0.1079262692967277,1.54 +18,1.1039150083680438,0.10896445413064165,1.1 +19,0.857404225045884,0.11268429411351609,0.82 +20,2.2122540620055227,0.1056799965568499,2.3 +21,1.6440049644140142,0.11113677475558163,1.6 +22,1.1862575510124307,0.1065281860906425,1.12 +23,0.7404885636052194,0.11156827068113484,0.56 +24,1.2591148036502977,0.10607562730793899,1.3 +25,1.0474868560463948,0.11082873536796323,1.04 +26,2.103206794724687,0.10568329525593059,2.18 +27,2.0924716974452156,0.10570665767396695,2.18 +28,0.9991465914516571,0.11242934559652133,0.94 +29,1.5861564486594206,0.10707082093628857,1.5 +30,1.9573209018109727,0.10581563915442578,2.02 +31,2.54438715276764,0.10718754826903606,2.52 +32,1.6265639212885206,0.10807878889187775,1.64 +33,3.9230715990702842,0.13314954163249226,3.9 +34,1.976643604501919,0.10584135180685901,2.02 +35,2.2424732314936913,0.10576582980920456,2.46 +36,2.2321428323873658,0.10580599392092224,2.52 +37,2.4617015110180316,0.10651462286624783,2.54 +38,3.255324528053559,0.11820117937615444,3.08 +39,1.652646888107899,0.10947010188956725,1.64 +40,0.622886717909628,0.11164673477401958,0.68 +41,0.5536027356486661,0.11169818399738712,0.54 +42,0.8355602289064361,0.11213217551643163,0.8 +43,1.4390142524078238,0.10740352374934839,1.36 +44,0.8573642963980195,0.11240823305846644,0.8 +45,0.8833162418390197,0.11130506260827705,0.8 +46,1.8334262855403929,0.10815274300296679,1.98 +47,1.2914386162947489,0.10554863146050633,1.32 +48,2.7902481943655824,0.11039588169399421,2.8 +49,0.21700086716228828,0.1160065977607155,0.14 +50,1.2020746543915344,0.10675183238464507,1.2 +51,1.4134265432176596,0.10702240214860237,1.4 +52,0.89453655091285,0.11454244089730765,0.78 +53,2.3417746655393024,0.10597675745968771,2.56 +54,1.6534345871460685,0.1095384795528617,1.66 +55,0.8880180385820848,0.11052580528330276,0.92 +56,3.0663275667039307,0.11401078088701376,3.14 +57,1.155832102147973,0.10820750608267257,1.14 +58,1.5457703809572862,0.10597404337551994,1.54 +59,1.8475958723930987,0.10674613702724596,1.96 +60,1.6273026604583807,0.10812840955419395,1.66 +61,1.5859353082734948,0.10788673494886071,1.54 +62,0.8591528190605162,0.11209224635865805,0.84 +63,3.270450243701499,0.11685568133267593,3.2 +64,3.6851337126937302,0.12272146710486018,3.66 +65,1.352297917368606,0.10636152520457448,1.38 +66,1.610548923746899,0.10789388736139015,1.62 +67,1.2939469393883671,0.10555592598694448,1.16 +68,1.8005154410252724,0.10912970393937085,1.84 +69,2.2772822440871123,0.10574318569182763,2.24 +70,0.4437226084141255,0.11189682807945994,0.26 +71,1.727606660803625,0.108726527687475,1.72 +72,0.1427732936723789,0.11771910803901073,-0.02 +73,3.522951354238632,0.12473421250661565,3.92 +74,1.4612385108521293,0.10662071765829977,1.46 +75,1.0937556670899573,0.10977229155109934,1.16 +76,0.6649423376574344,0.11173066417635615,0.64 +77,2.159483184824629,0.10569942253055911,2.12 +78,0.7780045052045041,0.11239380326890742,0.8 +79,1.3922022894981945,0.10670369813928629,1.38 +80,1.3245614518935467,0.10576018961145973,1.46 +81,0.6758773258412933,0.11228828948596326,0.62 +82,1.3468307849421803,0.10613813587468718,1.42 +83,1.2187360563190888,0.10631227153593917,1.2 +84,1.496856355735038,0.10664720609948017,1.52 +85,2.594671165265348,0.10862671651232499,2.64 +86,1.3083218736913897,0.10557360711366158,1.32 +87,1.8039708839822037,0.10851627830345792,1.9 +88,1.7203168057331304,0.10926652065736608,1.74 +89,1.2296486550231531,0.10579617451640996,1.22 +90,0.6016446863759191,0.11244085340041342,0.58 +91,0.5371091277270619,0.11161506254746355,0.42 +92,1.7680897617934812,0.10948843396869325,1.84 +93,1.2294350806288792,0.10674687839377721,1.24 +94,1.3686228476007836,0.10649730275556091,1.3 +95,0.6194833185739856,0.11200374461512574,0.56 +96,1.8095664555790325,0.10748229280916678,1.88 +97,0.7113886130950364,0.1116715568584996,0.84 +98,1.768472993993713,0.10790222320440426,1.84 +99,1.0870373980460606,0.10927010463154845,1.08 +100,0.3367833765500299,0.11364334181313622,0.22 +101,1.2653154865484302,0.10614254214934897,1.26 +102,1.2538660627581333,0.10571403065645302,1.24 +103,1.0338585013438264,0.11157692450381458,0.94 +104,1.2821781519241107,0.10564472275054249,1.16 +105,1.2915902978398828,0.1054486222263403,1.3 +106,1.819819657893944,0.1077859225292026,1.8 +107,0.9746727789440159,0.11380978950816856,0.94 +108,0.42809447501236786,0.11200798910956018,0.46 +109,2.123699113096245,0.10567231561842587,2.2 +110,2.5395662814569353,0.10712579017849422,2.6 +111,0.11405296992807568,0.11866827379151858,0.2 +112,1.723898226177817,0.10892239017600495,1.68 +113,1.6708020135361412,0.10883612806430025,1.66 +114,1.4523268737872552,0.10631179774620594,1.58 +115,2.164336543797296,0.10575243769355268,2.08 +116,1.2191424478237272,0.10666395417066729,1.2 +117,1.7569403569002817,0.10845622982510522,1.8 +118,2.3205460406865663,0.10584314483077406,2.44 +119,1.5815194022469914,0.10928758475346528,1.7 +120,2.3172579835818246,0.10600877446138089,2.4 +121,0.6537321672126515,0.11140715057884053,0.58 +122,1.7018923800172505,0.10842034914551282,1.84 +123,1.0438606178405614,0.11153430357303518,1.02 +124,1.9790470401283282,0.10591029560770397,2.12 +125,1.027593087578209,0.11337552876119475,1.02 +126,0.764638960395029,0.11232440291721138,0.74 +127,2.44513805035576,0.10663124294141436,2.5 +128,1.9526458962259472,0.10619812395922132,2.04 +129,0.8623980704489993,0.11128198985397349,0.84 +130,1.3696664571490835,0.10689540806306817,1.38 +131,0.7999212490773591,0.1123262416075656,0.76 +132,1.8380354328425672,0.10791150052899073,1.94 +133,1.2117948193180075,0.10606019634629803,1.18 +134,0.7410685155499692,0.11263521977912452,0.88 +135,2.7809676834048362,0.11011655173401942,2.9 +136,1.4219380769949623,0.10622747283545772,1.44 +137,1.898941881168069,0.10733417276132373,1.98 +138,1.8335470154623588,0.10637942981749425,1.86 +139,1.5986219523643128,0.11274459902072416,1.52 +140,0.40558172996601627,0.11243417128010785,0.4 +141,2.818506262001274,0.11078192857916114,2.86 +142,1.3474769369809003,0.1059262997157564,1.4 +143,0.43507680009721916,0.11211513579505027,0.36 +144,1.6687976625435699,0.10971771147780371,1.64 +145,1.4163775860824455,0.10668189788273143,1.38 +146,1.5973858345290006,0.10913463058856197,1.58 +147,1.185868408525958,0.10773354872880508,1.28 +148,1.2350171568779116,0.10545154918314326,1.42 +149,0.8612979954452857,0.11288531753998894,0.82 +150,1.2663408623600372,0.10583615502912494,1.18 +151,2.124704460028506,0.10575286368931587,2.16 +152,1.7061009204044018,0.10985157825372466,1.68 +153,1.8984503037127074,0.10600090794716602,1.9 +154,1.8991998711158704,0.10643895378673794,2.0 +155,1.0169526219425116,0.11182285480429184,1.06 +156,1.0742769877332305,0.11070259611593343,1.08 +157,0.872594052109295,0.1128053966991112,0.9 +158,1.1435793174743862,0.10797772945602269,1.16 +159,1.6981690441618218,0.1093409300025597,1.74 +160,0.8748789223471443,0.11285070054464433,0.82 +161,1.625157474313808,0.10847181225421221,1.58 +162,1.6748595360297074,0.10934240120916065,1.64 +163,1.0029417959927924,0.110786568544602,1.02 +164,1.6684564512924807,0.10998832103039138,1.72 +165,0.7841158812441149,0.11248228935030506,0.78 +166,0.8778209979083345,0.1119347634433266,0.88 +167,0.9396984558615946,0.11087062315045235,0.88 +168,2.0110273468633637,0.10577122622190903,2.04 +169,1.5023425586803523,0.10602540713882966,1.48 +170,1.111068169057238,0.10924222124097022,1.1 +171,1.3874354057364648,0.10717252805773662,1.42 +172,0.22623542931617102,0.11599335812017389,0.16 +173,1.5233284558462978,0.10591284321691048,1.54 +174,0.8840519900974062,0.11147470133755884,0.9 +175,1.3700933141305525,0.10627294817809935,1.4 +176,1.2735582786471769,0.10619383731607145,1.32 +177,1.227691804682884,0.10547694545416084,1.12 +178,1.9490918014403826,0.10608658030118917,1.94 +179,1.6668691426205244,0.11164590401308375,1.72 +180,2.092393655399166,0.10589386734616782,2.14 +181,3.5968275832269807,0.12059181918549107,3.72 +182,1.553385635062015,0.10704395877158399,1.58 +183,0.7864854264673591,0.1116574147497439,0.78 +184,2.5937261660909705,0.10763515491064808,2.66 +185,1.6301597247435557,0.10955650791570415,1.66 +186,2.877021372923756,0.1113275145604807,2.86 +187,1.297724731272198,0.10547135734593839,1.36 +188,0.616464357942875,0.11179418927473503,0.54 +189,1.4132781343596497,0.10733071636438116,1.16 +190,2.7448795916591804,0.10947453619393066,2.66 +191,2.1730002428015203,0.10568701409321496,2.3 +192,3.434200214609454,0.11869585146936866,3.42 +193,2.62532458633285,0.10797730937744326,2.52 +194,3.0515110724813903,0.1138399440295207,3.1 +195,0.38415605471709213,0.11253692931438807,0.38 +196,1.4620084348777436,0.10639065779100851,1.46 +197,0.6943885616395775,0.11195259489817401,0.72 +198,1.26191262112685,0.10611935012434849,1.28 +199,2.5578416566446958,0.10745928446383247,2.62 +200,1.4223522270961242,0.10728871504891832,1.46 +201,2.4426970986483325,0.1064117594404905,2.62 +202,0.6848397597718847,0.11102109558360553,0.68 +203,0.585428162674205,0.11227890294196029,0.64 +204,1.138671971210739,0.10879283425606685,1.04 +205,1.7856154108935482,0.10870307857072437,1.82 +206,1.3041862925816128,0.10572866334651601,1.36 +207,0.8144837590277669,0.11205879270573302,0.74 +208,1.5154369688808016,0.10746517277808565,1.6 +209,1.3706780446800204,0.1063091942588906,1.42 +210,1.8878275445641126,0.1067522195035886,1.94 +211,1.6643980203291728,0.11077441404063129,1.74 +212,1.9517632885630478,0.10590222084744472,2.08 +213,1.7309954660275102,0.10959579063489747,1.68 +214,2.491093458686181,0.10683255779515759,2.74 +215,0.9684084842263454,0.10944341275934398,0.9 +216,0.9445579005516418,0.1116539380969629,0.96 +217,1.0546816081009336,0.11484912846785786,1.36 +218,1.0256651658507376,0.11449135167893015,1.02 +219,1.0562683603845624,0.10949814756790516,1.02 +220,1.057328165701839,0.11011197616642167,1.06 +221,1.051425684183057,0.11118776498302362,1.02 +222,0.9197083899591467,0.11136444757655133,0.88 +223,1.399352853962374,0.1063580104733083,1.28 +224,2.90167393004245,0.11200579663858422,2.88 +225,1.403528359819699,0.1069179326868819,1.44 +226,1.114942314891601,0.1092826882694262,1.12 +227,1.3450356172924076,0.10605492169393546,1.46 +228,0.7431278546560662,0.11458908017890833,0.64 +229,0.8280570180865414,0.11194564697909527,0.76 +230,0.6388515403361019,0.11230560255227443,0.7 +231,2.97644411308584,0.11288254051032331,2.96 +232,0.6992236517232673,0.11204986531704914,0.7 +233,2.241663927562189,0.10574481549769309,2.28 +234,0.6629558553651327,0.11201360860747644,0.48 +235,3.765513681194841,0.12681200157394387,3.76 +236,1.9916950081378966,0.10589796484064723,1.98 +237,1.1902492365508595,0.10568255269228982,1.7 +238,3.1813169176784726,0.11562356985052114,3.26 +239,1.3895564676972176,0.1069492058580354,1.42 +240,0.5169549022407693,0.1117970063734495,0.32 +241,1.6274443888656829,0.1098265214122631,1.84 +242,2.4840359862168624,0.10665859187487754,2.6 +243,3.9310409584634236,0.13388570527556204,3.98 +244,1.4898420546715094,0.10969291635325737,1.5 +245,1.2608586524325869,0.10629372387306041,1.18 +246,1.9221162503744598,0.10599573508997583,2.02 +247,0.493450487148392,0.11196145973490469,0.4 +248,1.6207353651828225,0.11901263331590257,1.54 +249,0.677018477793232,0.11157472194311333,0.7 +250,1.0881270663118885,0.10789288208273543,0.96 +251,0.6399654375496437,0.11074057072370593,0.64 +252,2.012505808710701,0.10635272273526175,2.12 +253,1.2468398026661367,0.10549851812019442,1.26 +254,1.7616910196779552,0.1075263337958729,1.84 +255,1.0989348654397233,0.10916943929563533,1.12 +256,2.9434256183334195,0.11237339767858667,2.86 +257,1.3726969649413236,0.10666143069024228,1.42 +258,1.3032630538400065,0.1054799864920211,1.32 +259,1.2365452666793049,0.10588716659579865,1.22 +260,2.031134080008178,0.10596508604457448,2.14 +261,1.1818641253700184,0.10661276969178676,1.16 +262,1.1328619656764927,0.11006239847522455,1.02 +263,1.343340057446401,0.10569650154573795,1.26 +264,0.9016908130402816,0.11168641181209032,0.94 +265,0.7910652714117345,0.11080805897929795,0.72 +266,1.9686930547967223,0.10588086751405382,1.92 +267,1.4311920779760952,0.10598942054285272,1.28 +268,0.6547718476814994,0.11155019081259743,0.56 +269,0.7265753873604579,0.11259617873164351,0.7 +270,1.7144419370943118,0.10815808887533362,1.76 +271,2.2854849221284854,0.10618302100041506,2.24 +272,0.9337522092181434,0.11260703657822242,0.88 +273,1.1953968876305714,0.10727024018451328,1.34 +274,1.8008633880906848,0.10882382946894818,1.9 +275,0.6525622367516366,0.1114583080446904,0.66 +276,1.3472489006307216,0.10611370476068147,1.32 +277,0.7738212257622727,0.11172561947759557,0.74 +278,1.8272279893284207,0.10828900496880338,1.92 +279,1.2543711842821184,0.10596760811450914,1.38 +280,0.9554945970676076,0.11165380832628324,0.9 +281,1.5882100304703552,0.10724883564410517,1.58 +282,1.3923153600040266,0.10677310499920056,1.4 +283,1.3854346768277024,0.10714196071971446,1.32 +284,1.8862087260875144,0.10633937429401555,1.94 +285,0.1399903594249956,0.11803999161063279,0.1 +286,1.497175826092552,0.10571860108042,1.5 +287,0.7345114558869659,0.11130723083605328,0.74 +288,1.638613727091407,0.10838209734359071,1.74 +289,1.687438630935572,0.11014389634352804,1.72 +290,1.1572524993473765,0.10869006187316824,1.1 +291,1.107214875335914,0.10859848892344208,1.14 +292,1.3794153850123614,0.10639795507450578,1.4 +293,1.8681824781200889,0.10610735621725492,1.94 +294,2.5240787163023812,0.10736965367855208,2.62 +295,1.222791171388625,0.10624389519262772,1.22 +296,1.6049806350963163,0.10666965554445644,1.52 +297,1.3950373312338415,0.10603503193503297,1.52 +298,0.6456407067261969,0.11199092597172779,0.6 +299,1.0387091981609249,0.11309132654218598,0.94 +300,1.7961630809127302,0.10789278519084305,1.84 +301,1.3700513119009372,0.10641135853592179,1.4 +302,1.3164096021615856,0.10612553187757982,1.42 +303,0.2868071389393787,0.11487463447781382,0.2 +304,0.5385289364163528,0.1110382342413945,0.44 +305,2.456868295783177,0.10647568795860028,2.58 +306,0.8898277462349737,0.11112147250267214,0.86 +307,0.6936318197385667,0.11191559170585698,0.58 +308,2.9119939280635627,0.11224892533789982,2.88 +309,1.0286855784464182,0.11061355563639585,1.0 +310,1.3542479567096022,0.10604171153590944,1.36 +311,1.4176981908222341,0.10832668622470307,1.38 +312,3.797652335011972,0.12702474382721848,3.98 +313,1.2619299126586405,0.10541822340221489,1.26 +314,1.782794405324974,0.10900008311902794,1.88 +315,1.1287983746259167,0.10914121550088497,1.1 +316,1.0397756382755983,0.11161048658253647,1.02 +317,0.263491574110982,0.11544161400946401,0.26 +318,1.620193506361197,0.10869305952162366,1.64 +319,2.359157469968755,0.1060934420069494,2.44 +320,1.8684163941898073,0.10653021085833168,1.84 +321,1.546759208684831,0.1056507678394008,1.48 +322,1.9281089896867685,0.10760825654341853,1.96 +323,1.5888540736858703,0.10827826617847605,1.58 +324,0.40276973878891553,0.11278846062613374,0.38 +325,1.569710400111231,0.10651202196917847,1.66 +326,2.6977282691792377,0.10956425893817319,2.66 +327,2.442766695594363,0.10638140985552662,2.58 +328,1.297737342627487,0.10572952145737549,1.32 +329,1.6001719728937855,0.10620016949985625,1.58 +330,1.316939946610339,0.10562692817292567,1.22 +331,1.1672356525239653,0.10658453619789658,1.18 +332,1.3492977342197099,0.1064185404079031,1.38 +333,2.228996434107879,0.10570373497605116,2.28 +334,0.5183424212800336,0.11240770930515846,0.4 +335,1.1620897606176026,0.10726863739251452,1.1 +336,1.5915985287208851,0.11098184862765104,1.68 +337,2.7943319895329184,0.11068771068677526,2.78 +338,2.454429776497354,0.10670910567420802,2.56 +339,1.3653583962287739,0.10614443853785646,1.42 +340,1.4502480363886612,0.10628221605551866,1.36 +341,1.667399687927026,0.10898299359715714,1.76 +342,0.2138320712663031,0.11657419889519428,0.2 +343,1.080479068613271,0.10943564817658705,0.98 +344,0.8293468973711429,0.11234187309864928,0.64 +345,1.1635154603429623,0.10638045404684685,1.16 +346,1.1933707380610103,0.10787237761105041,1.18 +347,1.51558847388816,0.10583534770882846,1.56 +348,0.9778910085562185,0.11236856088836507,0.96 +349,1.6592324736451038,0.11169129529966425,1.54 +350,0.5946314542499076,0.11108384176080963,0.52 +351,1.3611661292382369,0.10636411983145802,1.28 +352,0.8135702231628494,0.1114479574861826,0.7 +353,0.9401054112459404,0.11196492466809152,0.94 +354,1.622164498384174,0.10829217410195241,1.72 +355,1.1329889962510107,0.1078187305505177,1.1 +356,1.3382328250505813,0.10579310826534905,1.38 +357,2.215365155126924,0.10574048978924652,2.26 +358,0.9186412353324469,0.1113338322477985,0.94 +359,3.7503402488718276,0.128782364578061,3.66 +360,2.6112751848383366,0.1079657168499533,2.6 +361,1.4674890007993158,0.10761647286531346,1.46 +362,2.236768549710631,0.1056865542768721,2.3 +363,2.6629231752266493,0.10843159254985194,2.62 +364,1.802760616372388,0.10886768880875275,1.86 +365,2.350359851906686,0.10598916667805211,2.44 +366,3.484524165739475,0.1237384311440341,3.4 +367,0.9995706997487792,0.11029871006531916,1.02 +368,1.3384812871178546,0.10610342929188188,1.34 +369,1.3193616571320241,0.10571813827386425,1.28 +370,3.2041151504091276,0.11583972539339257,2.92 +371,1.698535768769525,0.1121411809990786,1.82 +372,3.0748165758120836,0.11411334344178317,3.06 +373,2.035415496247558,0.10589637276990842,2.08 +374,0.8485515550958436,0.11212419777857983,0.22 +375,1.1433649316158014,0.10728269921459,1.06 +376,1.7570371978150099,0.11015339545447199,1.88 +377,1.829250545298226,0.10672407584218946,1.78 +378,2.0601659753887605,0.10570698639599801,2.1 +379,1.7917098780571579,0.1088422376045745,1.8 +380,1.661160038293219,0.1111849611539703,1.7 +381,2.0520380542664043,0.10613789609622343,2.0 +382,1.923361118202434,0.1063731903849252,2.0 +383,1.1845059797834612,0.10641893423761198,1.18 +384,1.0472725079900158,0.11113427989843604,0.94 +385,1.3402282960589877,0.10586941325529507,1.34 +386,0.7291201241739174,0.1121965754418231,0.7 +387,1.845167119603277,0.10706406925340739,1.86 +388,1.0196294530767798,0.11053071532264443,0.98 +389,2.3230835958976566,0.10585782633797038,2.26 +390,1.7813262612910157,0.10856414313743099,1.88 +391,3.1071623422865784,0.11473336659409678,3.32 +392,1.4074651169075665,0.10717553986073104,1.42 +393,1.4084928296337926,0.10685884128974932,1.44 +394,1.3855045531294765,0.10681751835955965,1.32 +395,3.3057161981941583,0.11719349181932223,3.24 +396,2.183702901012018,0.10582793694810012,2.22 +397,0.8535009205996937,0.11324891337190836,0.88 +398,1.0521150205113239,0.11048508318519075,1.1 +399,1.4024437384012511,0.1071335576507275,1.44 +400,1.551501587787575,0.10613399423400907,1.56 +401,0.7111890048247798,0.11202424303505859,0.74 +402,1.720922744760732,0.10917665603389223,1.76 +403,2.3490461775542233,0.1060804084407831,2.44 +404,1.8342480334123958,0.10717999030891934,1.96 +405,1.2065931642828973,0.10634338947025539,1.16 +406,0.8628848111485761,0.11286633898635817,0.86 +407,1.7736704637684562,0.10805052535389616,1.84 +408,1.6174659530207585,0.10802824450042496,1.74 +409,0.6644879219494824,0.11232223118997788,0.62 +410,1.1018200599624253,0.10789961900079825,1.04 +411,1.173369339833104,0.10695780278346723,1.12 +412,1.8402112092683134,0.10769827782301518,1.8 +413,0.8900149740471388,0.11201507106636478,0.82 +414,1.375800891741732,0.10634795168160892,1.26 +415,0.9787802345614729,0.10956225863650043,0.96 +416,0.990903008020215,0.11168716413795263,0.94 +417,1.2304265339853995,0.10586670757329263,1.18 +418,4.5184704567696174,0.29506066851429075,4.78 +419,1.319332150791075,0.10559616372896623,1.36 +420,0.34825195930168196,0.11323028900663978,0.18 +421,1.3623978667232182,0.10606354696941458,1.32 +422,1.5227629409416261,0.10790316086414911,1.54 +423,1.007664310925663,0.10884117742147993,1.04 +424,1.392706339441613,0.10661631474482924,1.36 +425,0.8112646814416573,0.11204561341623832,0.74 +426,1.1738181791753624,0.10607761484327632,1.12 +427,1.3264459930557466,0.10562402315148647,1.32 +428,0.6623304890088191,0.11191267876695503,0.62 +429,1.423311439106743,0.10753612154672412,1.46 +430,1.134041923801015,0.10879338703612927,1.2 +431,2.5532737013757734,0.1073932544460587,2.56 +432,1.7398995635916108,0.11008315164233891,1.8 +433,0.90998439799968,0.11399188183163271,0.76 +434,0.5106957721841514,0.11238552060646642,0.54 +435,1.7377154261229841,0.11154282287090886,1.82 +436,0.988563023063219,0.11152250106656168,1.0 +437,1.7018385034357735,0.11140148446043653,1.84 +438,1.1345577601010568,0.10792339659852405,1.24 +439,0.998669001649275,0.11009362204978589,1.06 +440,1.411974257914844,0.10635415364696686,1.44 +441,2.7874848299335007,0.11035445751198393,2.78 +442,4.271123255921075,0.18812986374371998,4.38 +443,1.5911766838743446,0.10702319719601358,1.6 +444,1.1149656111425523,0.10771554270082036,1.06 +445,3.1322747102091535,0.11510955271293856,2.82 +446,1.5905817709028103,0.10830061189081473,1.6 +447,1.6094816306219357,0.10849973378083035,1.66 +448,0.98631918646225,0.11142024378022848,0.9 +449,0.5821228853825273,0.11106461359598303,0.6 +450,1.3286248931255047,0.10561715150844181,1.3 +451,1.8962935265834768,0.10608328739768606,1.98 +452,1.854656075196094,0.10630916847016092,1.9 +453,0.38091964575371673,0.11334439468009905,0.24 +454,1.1895750611203644,0.10657453723069249,1.24 +455,2.245842879950308,0.10571128139366476,2.34 +456,1.1080965734036026,0.10946507990204453,1.0 +457,1.5946303444850942,0.10717583738741678,1.64 +458,1.3217307932915423,0.10584257616768025,1.3 +459,1.468753136139278,0.10986087856339367,1.48 +460,1.664488823007443,0.1115778163998779,1.7 +461,1.142220098514957,0.106808402689717,1.1 +462,0.3223889008851719,0.11357040205738886,0.22 +463,2.1735582819009633,0.10572759258724937,2.22 +464,1.8882289910135288,0.10634434328526823,1.96 +465,1.874461749882474,0.10689505225724116,2.0 +466,1.1723991288505484,0.10693566434802385,1.02 +467,0.5297005237813943,0.11153437741245766,0.56 +468,1.3915471944052724,0.1065180423307833,1.4 +469,1.2493699929995437,0.10626626818587201,1.24 +470,1.1611487191994856,0.10622873377530542,1.18 +471,2.0706062801198897,0.10571177348009596,2.18 +472,1.5922117875336026,0.10839894266674048,1.58 +473,0.9418560655557195,0.11072779538055973,0.9 +474,1.446795110688786,0.10618201246101112,1.5 +475,1.7524834942792502,0.10837819184834316,1.76 +476,2.6379509034355557,0.10868874760307962,2.64 +477,1.253852165348702,0.10602456108919091,1.24 +478,1.7318053175851778,0.10897467901199308,1.78 +479,1.4473824731105793,0.10604226524266423,1.42 +480,1.2180032723477154,0.10698911099661987,1.18 +481,1.3581376432798589,0.10642136652462117,1.34 +482,1.3028501852590928,0.10547294104309149,1.26 +483,1.6374097652371002,0.10892408683717515,1.68 +484,0.9638962975453298,0.11196991134424525,0.9 +485,1.3896625598296177,0.10696043102291748,1.4 +486,0.48697554889587913,0.11134793431670273,0.64 +487,1.1620137747809531,0.10796058434741262,1.2 +488,0.8969294002176103,0.11210671263828799,0.8 +489,2.428631942805233,0.10659654189905977,2.48 +490,1.1075675653532615,0.10895349272101934,1.04 +491,1.0985850539610116,0.1094470331093983,1.1 +492,1.2356174384796645,0.10648420150720361,1.3 +493,1.6953651079421572,0.11035471406436995,1.64 +494,2.0215026112311554,0.1059852909765653,2.14 +495,1.4409519195560385,0.10748377804612458,1.46 +496,1.5956237069794215,0.10856148628618771,1.54 +497,0.7519046790377448,0.11220851326353175,0.76 +498,1.3809796489029402,0.1064898661813045,1.4 +499,0.7177663357505102,0.11205832587527793,0.72 +500,1.9617954811678602,0.10611797795935474,2.0 +501,0.48585202880397027,0.11367530838088548,0.46 +502,1.7156908536705942,0.11011036169278393,1.78 +503,1.5423588867884899,0.10622938849431421,1.62 +504,0.9890142403361928,0.11133767278515613,0.84 +505,1.9304270268579384,0.10587049616422185,2.0 +506,1.0996060088565427,0.10811552087688517,1.1 +507,1.004140191119256,0.10934992610433246,1.0 +508,1.3174883225895853,0.10568259308441584,1.28 +509,1.2977447223133218,0.10565767619560919,1.28 +510,1.3276701080936428,0.10620134328245182,1.26 +511,1.9072729220387958,0.10634720266704946,2.02 +512,0.9920081852199125,0.11054646958395326,0.92 +513,2.4233670752014365,0.1063622754575851,2.4 +514,1.2185718876439493,0.10643972835851502,1.2 +515,2.074137993406753,0.1057590775000118,2.1 +516,2.1592124998599664,0.10573408513625505,2.18 +517,1.9720254414277707,0.10581241086106065,1.98 +518,1.6875436188430157,0.10837179999930138,1.7 +519,0.8444202638873994,0.11162581523285756,0.82 +520,0.6498704117434846,0.11379735398249798,0.72 +521,1.548321195741602,0.10575170203190648,1.58 +522,0.8050057608085632,0.11216454022868474,0.8 +523,0.7037928137220097,0.11213650346162111,0.68 +524,3.5662456021382054,0.12028038075403352,3.64 +525,0.8103137093935509,0.11228627827150149,0.74 +526,0.942586164994867,0.11133950276153941,0.96 +527,1.2623515146244548,0.1066390293922981,1.44 +528,1.2887719121679275,0.10555086951519113,1.28 +529,2.677419026433477,0.108743930907821,2.78 +530,2.067867227790078,0.10569625066710235,2.08 +531,1.0984258319092008,0.10776026874950448,0.98 +532,1.8583495391278202,0.10777823941178759,1.88 +533,0.8478253787463341,0.11031790700553835,0.92 +534,1.1322849182354187,0.10856033582259854,1.22 +535,2.002614027917332,0.10576544423412193,2.0 +536,0.4306873351865752,0.11271270659852625,0.52 +537,1.4493128095083696,0.10678442414889545,1.46 +538,0.8419472712283946,0.11139971468343417,0.82 +539,1.3534048663781855,0.10644435426674147,1.36 +540,1.339226690919375,0.1061659688852802,1.3 +541,1.2693144857322745,0.10563538567308021,1.26 +542,1.214112812212094,0.10600813612572894,1.16 +543,1.984687641727915,0.10582069804250017,2.04 +544,2.1532562044970445,0.10567738712290019,2.3 +545,0.4120900341775844,0.11234292431202539,0.38 +546,2.0675474287876847,0.1056991593453125,2.12 +547,2.6648397513067867,0.10855098191953659,2.66 +548,1.9018611804980665,0.10675677185083791,1.96 +549,1.3201064754546739,0.10593371709326346,1.38 +550,1.9307138271122821,0.10626361925271992,2.0 +551,0.9441486288021412,0.10994784181933923,0.92 +552,0.008830894494971098,0.12212879393308082,-0.02 +553,0.6556932744224131,0.11186362448242185,0.64 +554,1.3107663823971052,0.10557476214270557,1.3 +555,2.422191736315241,0.10632902525452187,2.5 +556,2.810279567957714,0.11037489599164761,2.98 +557,2.028649716786756,0.10597484648185893,2.0 +558,0.7171655428022916,0.1121175415967594,0.64 +559,1.3522068665281193,0.10618169534471636,1.32 +560,1.39696326528618,0.10731364486776226,1.32 +561,1.1950372767607114,0.10709541355413144,1.16 +562,0.9128886997336867,0.11194116847857119,0.9 +563,1.9044127965487583,0.10626515936896001,2.0 +564,0.6934850700094914,0.11241366708553889,0.68 +565,4.225830862207762,0.17679023876304242,4.22 +566,2.009210755428859,0.1063181873464784,2.16 +567,1.090536533155233,0.1085377059689554,0.94 +568,1.3940572043257893,0.10693332981194198,1.46 +569,1.9298381729777825,0.10630271930598129,1.94 +570,1.8147976116326645,0.10783824626663378,1.98 +571,1.2564684135596131,0.10544343758085979,1.16 +572,2.6180675066991617,0.10791457509361285,2.76 +573,1.8405066534477177,0.1077889586478579,1.9 +574,2.0728744059967923,0.10587080078936376,2.16 +575,1.4648061196919437,0.10610331942319354,1.54 +576,1.1726381789208196,0.10740536654666544,1.14 +577,1.463653118027728,0.10583825892075785,1.38 +578,1.6407670378048511,0.10851693952698147,1.64 +579,2.411715703887271,0.10620383167645368,2.56 +580,2.516174976151015,0.10692579002326637,2.6 +581,1.5172723375335435,0.10543364848752512,1.46 +582,1.726179243691158,0.10784185563907811,1.8 +583,1.3387402148644023,0.10572438678891377,1.2 +584,2.0402780140995866,0.10581211224753181,2.2 +585,1.235821710246329,0.10633246787454109,1.2 +586,0.686384793679145,0.11155589639872698,0.56 +587,1.5043098114324742,0.10637329575850844,1.52 +588,1.6901409569912502,0.10938744059919872,1.72 +589,1.7676699231253725,0.11095918550919517,1.78 +590,0.6440795079889439,0.11314215263398601,0.6 +591,1.4333658548394155,0.10642147689455508,1.52 +592,2.6580452804502306,0.10837245117792517,2.66 +593,1.487610944919898,0.10663522195605395,1.52 +594,3.0367162373219068,0.1147394834012523,2.96 +595,1.1960294796041326,0.10743897761231756,1.14 +596,1.3338471119248458,0.10565922586811681,1.38 +597,2.127802399384222,0.10567694887921533,2.2 +598,1.9777462078387624,0.10593826151150207,2.02 +599,1.6559089410945749,0.10906835878443776,1.72 +600,1.0917619064303574,0.10928101153207438,1.1 +601,2.7885462815893387,0.11030675067673276,2.7 +602,0.5281046711806301,0.11268127724132128,0.44 +603,2.3915557008377526,0.10628000818104706,2.42 +604,0.8632037585669439,0.10990399489477444,0.9 +605,0.8353970064472156,0.1096304676101466,0.7 +606,0.591764683057721,0.11122822426617193,0.56 +607,1.5591418583504932,0.10868961881907448,1.54 +608,1.88632908467835,0.10611787601144576,1.98 +609,1.4246887233834222,0.10651706422765102,1.34 +610,0.7144130939322038,0.11220814414950771,0.68 +611,1.9704002851211548,0.10579437608707289,2.0 +612,1.639178568319159,0.10899702340117942,1.7 +613,0.7888176232655573,0.11211248471304258,0.6 +614,0.9018792669454809,0.1107363912247033,0.9 +615,1.168591942195076,0.10862390263884475,1.14 +616,0.9203003272381256,0.11221908627971854,0.9 +617,1.752390435339441,0.10907186820818104,1.78 +618,4.48643533101412,0.2759771267143942,4.68 +619,0.9149072470941695,0.11250613481534245,0.78 +620,0.8384843414049685,0.11144297341901523,0.8 +621,0.5566063087928743,0.11210131190861862,0.52 +622,2.951186741350031,0.11282446259149229,2.82 +623,1.72293324808743,0.10807924666277428,1.7 +624,2.130329778521921,0.10566361636157125,2.24 +625,2.0220993043191484,0.10634991030900502,2.1 +626,0.7588934765194564,0.1122641305505299,0.74 +627,0.45276383841479806,0.1123975610827886,0.42 +628,1.5955446895590688,0.10795362810908056,1.64 +629,0.9915559044118236,0.1113793073722048,0.96 +630,1.642341419877336,0.10857352703889081,1.62 +631,0.4184662641296377,0.11186299798019787,0.4 +632,1.496180326809613,0.10635148569488798,1.34 +633,2.000090526115248,0.10628981094103528,2.04 +634,0.4275847607909311,0.11229702441309616,0.44 +635,0.7564495257429318,0.1118510688561215,0.64 +636,3.286011913931869,0.11712931989729838,3.04 +637,0.9169085005481472,0.11107429550824087,0.9 +638,1.1902441908090688,0.10736465571669192,1.3 +639,1.2631041363378825,0.10612788217358472,1.34 +640,1.4298021524848288,0.10664516603455841,1.34 +641,2.3847119286863094,0.10608511543435818,2.46 +642,3.1974254560582716,0.11622865963026423,3.26 +643,0.7796550208648281,0.11291369835597785,0.72 +644,1.9806421894853425,0.10582481129451916,2.06 +645,1.0612590455536894,0.10884328515464747,1.06 +646,2.851888220336636,0.11185336810141358,2.54 +647,1.2532799283352096,0.10579679647440715,1.18 +648,1.4497908461447926,0.106347104124434,1.46 +649,1.339062110988647,0.10576878080522192,1.36 +650,2.149370396233876,0.10575334492484549,1.96 +651,0.8921713870883057,0.1118821844858639,0.94 +652,1.556632225239115,0.10661581156609222,1.54 +653,1.349983292769111,0.10610901545628854,1.34 +654,1.230117985091355,0.10708087970509886,1.22 +655,0.9366880516222205,0.11220451948677651,0.92 +656,1.2862654383427188,0.10629514596425346,1.26 +657,1.5678955759847524,0.10665417641838644,1.6 +658,1.5597289244379686,0.10605903648329121,1.6 +659,1.3206876730180683,0.10575914507591018,1.36 +660,1.591027395904069,0.108173371588504,1.54 +661,1.1267730864098597,0.10856845197686847,1.12 +662,0.6932236240313872,0.11175870053340904,0.62 +663,1.0428097964523664,0.10956265384441097,0.96 +664,0.9751284701671361,0.11004248988964456,1.0 +665,1.2910085199860033,0.10573989902697405,1.28 +666,1.0994824502131726,0.10806228349771403,1.04 +667,0.6328927549705643,0.11162301135336158,0.48 +668,1.5201830000348941,0.10715298772821587,1.58 +669,1.68280490404974,0.10902775592043198,1.78 +670,0.6053109038160631,0.1123925108847354,0.56 +671,2.563277914091668,0.10781065015204781,2.64 +672,0.7045514473079129,0.11072092263593443,0.64 +673,0.9699172695377838,0.11473750602873056,0.94 +674,1.0281059230654321,0.1109731797250282,1.04 +675,1.248964898923533,0.1060701009384193,1.14 +676,0.2383238546795381,0.11495711344282726,0.06 +677,2.2380825006233662,0.10570295258270647,2.26 +678,1.7106648201715275,0.11074608211632764,1.82 +679,1.0903691482577313,0.10955861306196178,1.26 +680,3.1766655952393483,0.11543420176124342,3.52 +681,1.5498830905364729,0.1063586425012544,1.58 +682,2.120019753045663,0.10584684472290702,2.12 +683,2.1056824743431486,0.10569866456797143,2.1 +684,1.2325111760235092,0.10676220270573852,1.26 +685,0.958098871787822,0.11161949796326377,0.92 +686,3.5174694185734037,0.121046564067892,3.52 +687,2.689572528100134,0.1092050252747964,2.7 +688,2.5549388499245405,0.10727197576282206,2.64 +689,1.9986745301716136,0.10617355279370741,2.12 +690,2.0328703836117406,0.10592412467742862,2.06 +691,1.2898201228408768,0.1054430973467966,1.28 +692,1.1411184712155418,0.10777223983755,1.04 +693,0.8159264645115059,0.11351666857045749,0.8 +694,0.6553916607213477,0.11204676527060062,0.56 +695,0.9898054942810086,0.11127255228758144,1.04 +696,0.6197281167252955,0.11329288811516418,0.68 +697,4.238989907860074,0.17968149141377934,4.24 +698,0.9197743817778044,0.11185329234120239,0.82 +699,1.7478985027391492,0.10949756082370508,1.78 +700,2.5588289966342472,0.10756033623830782,2.56 +701,1.0576626201866732,0.11046280336353272,0.94 +702,1.5217713177691428,0.10608482849765498,1.74 +703,2.8333098837837634,0.11105578222289787,2.84 +704,0.8781761485626225,0.1116827548367257,0.84 +705,0.5329870470388851,0.11298671967545997,0.5 +706,0.9554768876096853,0.11144798477739981,0.98 +707,1.5512156286516605,0.10566994144810113,1.62 +708,1.7754379614764468,0.11037236060191906,1.8 +709,2.581072258301176,0.10782494161124608,2.58 +710,1.608276583452449,0.10742712331169928,1.5 +711,1.8976631615643047,0.10651239657278205,1.96 +712,1.4914132614397655,0.10590139749545377,1.58 +713,0.8259289949966213,0.11271320147252341,0.86 +714,1.3135311534254424,0.10563613813893473,1.22 +715,2.203032739758024,0.10575273319711695,2.3 +716,0.7294813389696069,0.11316439436103767,0.68 +717,0.913507748159077,0.11576430174156728,0.92 +718,1.2558213193379393,0.10638299729584182,1.26 +719,1.6412796985726823,0.11048760921930961,1.72 +720,0.5613273717833698,0.11276591266482934,0.56 +721,2.2478939358400676,0.10570658082770674,2.24 +722,2.020293103155986,0.10581792465264239,2.16 +723,0.9172462494810008,0.11166310093935894,0.94 +724,1.1846362659706617,0.10852024548740716,1.22 +725,1.5869943555760022,0.10782996100697091,1.62 +726,0.705003995318422,0.11213129669342517,0.74 +727,1.5351888649988545,0.10635133851434306,1.56 +728,0.985392441497968,0.1104887689379281,0.78 +729,0.9866508896059303,0.11100581133702084,1.02 +730,2.183202544428488,0.10571264560455752,1.96 +731,1.6183891579549226,0.10938162814232816,1.68 +732,1.0108226068336306,0.11123426550263732,1.02 +733,1.2362051522178215,0.10725698701562925,1.24 +734,0.8042105625355811,0.11090122537688296,0.76 +735,0.8888835023474551,0.11098163099748658,0.82 +736,2.9809268555238306,0.11301582084320654,3.06 +737,2.2753375917908634,0.10578987724524351,2.34 +738,1.8369157393594433,0.10820128343901339,1.78 +739,1.3114861430531217,0.1056272063722568,1.28 +740,0.92651792149175,0.11196201963419783,0.84 +741,2.1916347434984904,0.10566387402986421,2.16 +742,0.8391509807801301,0.1114022526588487,0.86 +743,2.498596169357421,0.1069505310016149,2.56 +744,0.7316440188524327,0.1122069402146415,0.66 +745,1.3549955502541406,0.10611846199178451,1.36 +746,0.5748382056205843,0.11196237955681825,0.54 +747,1.3210733006208155,0.1056426926696185,1.32 +748,1.4954469039826064,0.10782407139250845,1.58 +749,1.4761218923389086,0.10628149071763483,1.56 +750,1.4535164525630142,0.10648809597038789,1.54 +751,0.8803335365762823,0.11246382035861031,0.84 +752,1.4631381947262447,0.10617559483938063,1.48 +753,0.8413605305904994,0.111639118035317,0.78 +754,1.659220027773896,0.11154940494941287,1.74 +755,1.1978530248220816,0.1066724637285675,1.22 +756,1.4861878716881014,0.10564685646418326,1.54 +757,1.505340940281065,0.10586945727060323,1.48 +758,1.3582155163326046,0.10634152585580194,1.44 +759,0.559991002729431,0.11183001730445015,0.5 +760,1.652914395356233,0.10840475707898987,1.72 +761,0.9849458223101717,0.11384415055778885,0.98 +762,0.9711922750051976,0.1104657980429343,0.96 +763,2.1719763214396375,0.1056564506193142,2.04 +764,1.3999147501056113,0.1070787207091379,1.38 +765,1.2225824866518575,0.10631607641060475,1.3 +766,2.235815322353947,0.10596451899123797,2.18 +767,1.6677443423746632,0.11118159503869617,1.6 +768,1.4606359865153982,0.10830760631885297,1.46 +769,1.4672460563368857,0.10789183237693718,1.4 +770,4.482594413792701,0.27401093792455944,4.68 +771,1.537999981181426,0.10560871744023947,1.6 +772,1.6150085093673097,0.10811382869680036,1.7 +773,1.402953922261939,0.10792044074050325,1.42 +774,1.8300131253145533,0.10775153123724346,1.8 +775,1.411774749042313,0.10751277778831167,1.34 +776,2.294201276463283,0.10587003245432264,2.3 +777,0.8453462027637881,0.1113798820910172,0.78 +778,1.97395507244751,0.10580125907963166,1.98 +779,1.164722003516827,0.10942662482052926,1.24 +780,1.3512090516344673,0.10610460652600082,1.38 +781,1.5767921777677856,0.10945034021107512,1.56 +782,1.1428134707988589,0.10945343894341554,1.1 +783,0.8856252947078724,0.11467998706411707,0.84 +784,1.2465836083750217,0.10576559211812743,1.16 +785,1.5617424778636346,0.10683432818366047,1.6 +786,0.7359145225937755,0.1126038152456255,0.76 +787,0.4701712075697726,0.1120594568786932,0.48 +788,1.171763526983149,0.10635508194621687,1.16 +789,0.20234550162423215,0.11608095834276291,0.08 +790,1.5256631283974746,0.10631905357548563,1.66 +791,1.1998244815219739,0.10573302156060223,1.14 +792,1.5431313299112306,0.10659587102702443,1.54 +793,0.7753125131108858,0.11166322795647893,0.7 +794,0.8842537400087913,0.1114754175528371,0.82 +795,2.0691170319863597,0.10579930742489516,2.08 +796,0.9736436784838958,0.11302433727849873,1.04 +797,1.302047126663342,0.10547105534255702,1.26 +798,0.49635463599942575,0.11214674954907479,0.46 +799,1.4769803205552092,0.10608978976258428,1.46 +800,1.218252863025377,0.10641204002598052,1.2 +801,1.530991465318805,0.10645222295411681,1.58 +802,0.9608879108875543,0.11000460472290044,1.0 +803,1.2657451020113193,0.10589855436079684,1.26 +804,1.4162824866556205,0.10724932048075683,1.38 +805,1.5892274255085956,0.10648812144346625,1.62 +806,2.5582831065137777,0.10731213092339784,2.68 +807,0.6058763367175724,0.11171450090816581,0.46 +808,0.872854136022279,0.11174638857146288,0.8 +809,2.1909497814620167,0.10565790538427187,2.28 +810,1.37483731088229,0.10627572160271952,1.32 +811,2.277855268965974,0.10582424952808707,2.28 +812,2.5573884183400293,0.10741586273731717,2.64 +813,1.0955182531088115,0.10866249443535343,1.1 +814,1.2135452550558856,0.10621260335402977,1.14 +815,1.2506905290631893,0.10597870728999477,1.3 +816,1.4782264063328148,0.10687501103572186,1.52 +817,2.368194708134385,0.1060210946756632,2.42 +818,0.86613090601971,0.11300800572278548,0.78 +819,1.89634016652158,0.10626115513355387,2.0 +820,2.1399695822760445,0.10575282840529693,2.3 +821,1.4419227101103198,0.10781457502773303,1.46 +822,1.1387612549166937,0.1095627736310629,1.12 +823,1.5140675481860928,0.10595832018507341,1.54 +824,0.8493915825917524,0.11110871057311605,0.82 +825,0.7096904183911743,0.11154647902533328,0.6 +826,1.5727412187384378,0.1065837946357571,1.62 +827,0.4126626851841495,0.11280316838520502,0.36 +828,0.46741746758996605,0.11250193570629037,0.44 +829,1.906723961032868,0.10639317182809119,1.96 +830,1.7137851033787301,0.1097409025855153,1.78 +831,2.3346319524568244,0.10589711538022889,2.34 +832,1.846800448555955,0.10630603696215839,1.86 +833,1.2606360126967422,0.1062061156230535,1.32 +834,0.9057878966799064,0.11120224874914561,0.84 +835,0.7261500264213527,0.11192783793976215,0.7 +836,1.0162044672563209,0.11166114741325911,1.0 +837,0.512350206138132,0.11168882647428728,0.44 +838,0.7227330226126814,0.11296945849265658,0.76 +839,0.38575726091642526,0.11267272058981122,0.3 +840,1.102901220460339,0.11233462954244726,1.1 +841,2.146727532571073,0.10572307885041234,2.22 +842,1.2896736900072767,0.1055135236922056,1.36 +843,1.4663531347993484,0.10594944213020958,1.56 +844,1.810476774206758,0.1071188062207127,1.82 +845,0.7893631936108934,0.11159492713071319,0.78 +846,1.1764118315466572,0.1077474993239085,1.12 +847,0.6523248433843198,0.11165557784351814,0.56 +848,1.5692902754151747,0.10675112375627926,1.6 +849,1.688586903007201,0.1088357698120915,1.78 +850,2.086670136661486,0.10569092967582593,1.96 +851,2.0332550922416437,0.10591772666784216,2.06 +852,1.0737539964517486,0.10970379256382272,1.04 +853,0.8973026904566623,0.11254759628744208,0.9 +854,1.5011145837822841,0.10766736704317775,1.54 +855,1.0128512611425364,0.11069148549632751,1.0 +856,1.815614309732097,0.10720688658180111,1.74 +857,1.9902316810083378,0.10580005346854349,2.08 +858,1.2449834454844648,0.10546162612255859,1.26 +859,0.9606784183675146,0.11121295911468339,0.9 +860,4.116981573901426,0.15497117038622102,3.98 +861,1.4628230960655477,0.10632925932206669,1.48 +862,0.6496352690054694,0.1117035469640546,0.56 +863,0.6989879959373946,0.11259195575260228,0.76 +864,1.0410848486368636,0.10876426307643558,1.32 +865,0.9434945993556108,0.11037932830157417,0.92 +866,1.2770819002100051,0.10547252177008637,1.24 +867,0.6760627098607515,0.11249173466932735,0.7 +868,1.0882607290295434,0.10915248177507185,1.16 +869,1.2847227898315507,0.10547811305826091,1.34 +870,1.0982690568781424,0.10821402330278394,1.16 +871,0.7442813607393912,0.11237866903476934,0.72 +872,1.1864354362179528,0.10671418794567893,1.08 +873,1.6860368365778817,0.10896297107943481,1.76 +874,0.9906019577413705,0.11184723686107782,1.04 +875,0.796787793727912,0.11225132479460741,0.78 +876,1.746196240937759,0.108076589190484,1.62 +877,0.497855638643232,0.11227970342851866,0.68 +878,0.08456042384470264,0.12044785612721012,-0.02 +879,1.8807340236929546,0.10697575769636859,1.92 +880,1.147664974452173,0.10813641302992952,1.14 +881,2.208867961907965,0.10566940724980234,2.08 +882,2.156668050808455,0.10565581269038508,2.2 +883,1.588914845990728,0.10646857322000271,1.56 +884,2.1614242746023633,0.10598170953412143,2.32 +885,0.4660829280390075,0.11223200551205895,0.36 +886,0.2106300483843686,0.11596505267679656,0.22 +887,2.5524343640655784,0.10730295719960777,2.64 +888,1.9488266650748454,0.10633687523491464,2.04 +889,1.7950706061729298,0.10758338838025039,1.88 +890,1.3981812175830823,0.10691524133556657,1.62 +891,2.3519211315239104,0.10596076003201023,2.46 +892,2.7865105559057897,0.1100194200537446,2.88 +893,2.5538417551755765,0.1072737819875272,2.62 +894,1.0349794925176479,0.10982539210004616,1.02 +895,1.1344177407064597,0.1078138765954598,1.14 +896,0.13473013520397714,0.11852104282962518,0.08 +897,1.9525000970468525,0.10582152101568919,2.0 +898,1.7096501857596427,0.1115716932203574,1.74 +899,1.0593522542128584,0.10700730306340671,1.0 +900,0.5701665096667297,0.11149150754893795,0.48 +901,3.8260375935322912,0.1279981792431241,3.82 +902,2.0857930879817346,0.10582484729324171,2.2 +903,1.9922610673720902,0.10634044258635644,2.0 +904,1.2277372639154986,0.1059372743418093,1.2 +905,0.8871268857777821,0.11115864310543952,0.88 +906,1.349719067284842,0.10616206146783158,1.42 +907,1.4814662268051357,0.10581561144753363,1.56 +908,1.7999951020162843,0.10900320576660769,1.86 +909,0.5212815518077782,0.11229787062056448,0.44 +910,1.6716991703578277,0.1109360187846397,1.68 +911,0.6330309536776033,0.11586900239247976,0.62 +912,1.3518741432707868,0.10607115793407956,1.36 +913,1.4498214960148514,0.10687314610841746,1.48 +914,3.016224734420299,0.11361754616297211,3.02 +915,2.2749707468675613,0.1057866720197397,2.42 +916,1.545141173809185,0.10540764650824933,1.96 +917,1.752539993089367,0.10913463035495402,1.76 +918,2.4201720306060492,0.10628615845828604,2.5 +919,1.0041545714677644,0.10955746092495651,1.02 +920,1.4283202233182912,0.10653279811126058,1.52 +921,1.3828136240555162,0.10684667254374418,1.38 +922,0.8172593880892762,0.1113998838939484,0.78 +923,1.3480565807598852,0.1060099756750417,1.36 +924,1.7308108236692243,0.11094737797610413,1.76 +925,0.929046761905715,0.11146672262857345,0.86 +926,1.2039771327701594,0.10722376865592402,1.22 +927,1.0306205469381728,0.11196009372294555,1.02 +928,0.49412612378873444,0.11409910859761485,0.52 +929,0.4320933807991869,0.11246561028385649,0.36 +930,1.0766826888700374,0.11074964365792206,1.04 +931,0.37999376241146887,0.11359480746573396,0.38 +932,2.4931508107409903,0.10682115557411684,2.52 +933,1.8408625706119666,0.10679856962533273,1.98 +934,2.393040427781546,0.10616061645837918,2.3 +935,1.974875907658281,0.10588661407350823,2.0 +936,0.8439691567778631,0.11234124965447906,0.86 +937,0.9138810075232309,0.11206553815559336,0.84 +938,0.6603530039045316,0.11191812894846183,0.58 +939,1.5530989844256036,0.10573220186544366,1.64 +940,2.0406567604922725,0.10575165346097092,2.2 +941,1.6335056238520753,0.11143326231255088,1.64 +942,0.6910872417492806,0.1122575391076685,0.64 +943,-0.07963738956389266,0.12570711060924694,-0.36 +944,1.7318381276450618,0.11008380272021477,1.7 +945,0.9146178060682351,0.1126462352514587,0.9 +946,1.1515094617994475,0.10705642108889238,1.08 +947,4.235891910535757,0.17903429512966848,4.34 +948,0.9846991308705055,0.11076870058643518,0.94 +949,0.7979951631033746,0.11313728789098218,0.68 +950,2.4520003647277515,0.10643971023421091,2.48 +951,1.2181447536365404,0.10622935589493436,1.24 +952,1.8088205395882897,0.10862161307406941,1.92 +953,0.4162892945766119,0.1125207667504433,0.4 +954,0.7441241362775051,0.11133352546526774,0.62 +955,1.4808435474419923,0.10594369360430346,1.48 +956,2.741073787294097,0.10961849542417039,2.84 +957,1.3664880701416333,0.10640422226462143,1.38 +958,1.7748598616581888,0.10853505034125918,1.78 +959,1.7557563952283144,0.10896170491301277,1.8 +960,1.1980607366161662,0.10866198655466104,1.2 +961,1.4611417605538737,0.10773957104960298,1.54 +962,1.9440798048855137,0.10594189001995562,1.9 +963,0.7436374164899826,0.1122073608062436,0.68 +964,1.9626571817178906,0.10596185428360329,2.06 +965,0.9231742893741837,0.11204482024198746,0.96 +966,0.10010804517346106,0.11956627466091602,0.02 +967,1.8496790803901897,0.11014099073316205,1.96 +968,1.736022840523105,0.10939927987481161,1.84 +969,1.7532302101808586,0.10853314948332878,1.84 +970,1.3731570723994055,0.10623512477750269,1.44 +971,1.5940772617431112,0.10812597306301186,1.66 +972,1.3893427433369965,0.10720800758400816,1.36 +973,1.08968092163295,0.10956052213968842,0.86 +974,1.3569226520918116,0.10610106183737289,1.34 +975,0.3167092306764694,0.11450951108133423,0.34 +976,1.1777327003293214,0.10634860299772854,1.1 +977,0.826873987183439,0.11200440715818435,0.76 +978,0.20527022004034112,0.11630269160163278,0.14 +979,1.6839364431976755,0.10745309412632487,1.58 +980,1.1467606726075257,0.10710656029599669,1.1 +981,1.5080811673556225,0.11004082320636054,1.52 +982,1.439122532878236,0.10827630514265336,1.4 +983,0.7457057680253536,0.11169710245105845,0.7 +984,1.4321201057777557,0.10659191384914077,1.46 +985,2.088443453378807,0.10570782872419901,2.1 +986,1.809410350445539,0.10822607713785064,1.86 +987,1.8529679929636673,0.10686596428539967,1.84 +988,2.426155600953117,0.1068530332730921,2.48 +989,2.461938138338657,0.10650691436876468,2.58 +990,0.6375826081512841,0.11162200691706013,0.64 +991,1.2831257467933845,0.10573062630988261,1.22 +992,1.0502888976655518,0.1083150723347186,0.94 +993,3.51091338851454,0.12124994195357022,3.5 +994,1.0152074087740557,0.11026249967090575,1.0 +995,1.087500490786697,0.10714319462456391,0.98 +996,1.7273556652429978,0.10914480458323886,1.74 +997,2.1634358691096813,0.1056555938219883,2.12 +998,1.0192519975485954,0.1090126986770562,1.02 +999,1.9942777006324008,0.1060493852653022,2.12 +1000,0.6525036845284466,0.1124958204399888,0.64 +1001,0.2902551435984835,0.11445691638993202,0.26 +1002,1.5378593858791874,0.10712960954254706,1.52 +1003,1.5111792125027321,0.10575451262914819,1.54 +1004,3.0980950464447963,0.11461796885488303,3.12 +1005,1.2584790064669198,0.10535536903075146,1.24 +1006,1.0019601039065416,0.10880254714010487,0.98 +1007,1.9187259122935787,0.10612340334038922,2.1 +1008,1.47413745784731,0.10588665952741333,1.58 +1009,1.6008015534479698,0.10880098448329341,1.6 +1010,0.9756484016120668,0.11326764656932639,0.94 +1011,0.9665007999867319,0.11033677418810033,0.98 +1012,2.0574134383083784,0.10608799653840059,2.2 +1013,1.738534379010214,0.10989209633153474,1.82 +1014,1.3608497580731669,0.10648915524677526,1.38 +1015,1.8900138693812472,0.10646616378142983,1.92 +1016,1.039414273665325,0.11204229982685564,0.98 +1017,1.2434744341770045,0.1056720499105197,1.22 +1018,2.3212307805347514,0.10594463214597184,2.48 +1019,3.8560901871788165,0.129650367374351,3.92 +1020,0.627924981546987,0.11206672386101454,0.62 +1021,1.4997621819281832,0.10745683439645376,1.52 +1022,0.5191709980231529,0.11152115409496897,0.42 +1023,3.6799091081724358,0.12234472602837103,3.56 +1024,0.6756568888312602,0.11207480224752865,0.58 +1025,1.0123571596706995,0.10985418420024076,1.08 +1026,1.3586785038772389,0.10646454143453296,1.46 +1027,0.6185057102607505,0.11211259793849875,0.64 +1028,1.515855452553592,0.10666468894329285,1.72 +1029,1.0109932377469013,0.10895031028644572,1.0 +1030,1.2620479311047745,0.10647880200191687,1.28 +1031,1.9173973215625808,0.10649227460674839,1.98 +1032,1.6540738840888602,0.10924018704922925,1.7 +1033,2.0048979451042537,0.105849920026878,2.1 +1034,0.5607193750413417,0.11169322046775164,0.46 +1035,1.1537442427346685,0.10624713620446802,1.14 +1036,2.234320678977622,0.10569534255802857,2.12 +1037,1.8804786685142902,0.10738800383217009,1.96 +1038,1.2986801082105606,0.1054656957297464,1.24 +1039,1.436023005602741,0.10612466647738081,1.48 +1040,1.0445889622004607,0.11019031072026803,1.0 +1041,2.0054612347443515,0.1058661608685471,1.98 +1042,0.7673261958130393,0.11193553759914328,0.72 +1043,0.19984338684633407,0.11649407155356101,0.16 +1044,1.4051327561335833,0.10670632818682434,1.46 +1045,1.4608381552175569,0.10575313566852043,1.48 +1046,1.2131768643080134,0.1064400531071125,1.22 +1047,1.3272424909333473,0.10594726340099563,1.32 +1048,2.2890817102007337,0.10577969358232049,2.28 +1049,1.0896604150542997,0.1070996776177635,1.0 +1050,2.771222527407226,0.11055752159799515,2.74 +1051,1.7972668406986636,0.1082268133879697,1.86 +1052,0.9902107290790951,0.10979876304051235,0.96 +1053,1.8215593386860107,0.10780675089020544,1.9 +1054,1.9111389063894633,0.10615819917199679,1.96 +1055,1.3761649522555057,0.10648839335972939,1.42 +1056,0.6493981204519681,0.11178232404594168,0.58 +1057,1.6973982527575862,0.1087226674173099,1.68 +1058,1.2748717937738743,0.10608915460656247,1.18 +1059,1.764856757197416,0.10850256904204768,1.76 +1060,1.549807610971211,0.10613553300432231,1.56 +1061,1.3312740417808646,0.10622254529165315,1.3 +1062,1.9914973756654222,0.10599093303897798,2.1 +1063,0.6351131932514349,0.11159874473700342,0.62 +1064,1.3622506528996343,0.1064678751066318,1.34 +1065,0.9755677826978664,0.11302195153554546,0.9 +1066,2.1957026915402396,0.10570384305579354,2.22 +1067,1.002878292525498,0.11242094863047607,0.92 +1068,1.7580682563929872,0.10974187843494905,1.86 +1069,0.7216972691748245,0.11233491741222655,0.66 +1070,1.288750780618452,0.10574459233784118,1.24 +1071,2.21812996690872,0.10568328656456061,2.24 +1072,1.112431762425178,0.10858965399506369,1.18 +1073,0.5199877460403899,0.11226349202687971,0.46 +1074,0.8219365483913359,0.11187366496140387,0.72 +1075,2.6742159053279524,0.1085501428716147,2.58 +1076,2.0344214710512913,0.10590990995216099,2.04 +1077,1.065707890266637,0.10802306557782318,1.12 +1078,1.7189418512741046,0.1109205568022941,1.64 +1079,1.3491027881169195,0.10586051967874757,1.24 +1080,1.4572858953036265,0.10716127172761494,1.5 +1081,2.0008111784511393,0.1058880243276954,2.02 +1082,3.4878529069558026,0.11891437322771392,3.48 +1083,1.0340282436264339,0.1088445349114459,1.02 +1084,1.0855236381771078,0.11159957963345889,1.08 +1085,0.7121249081054222,0.11239119763167058,0.74 +1086,1.1444042905509848,0.10834027047658873,1.26 +1087,0.9708172531677475,0.11170470666590737,0.8 +1088,1.6536615949607691,0.10889481040632384,1.72 +1089,1.920373046710929,0.10615298327625941,1.94 +1090,1.3726992201119916,0.10669180324196222,1.4 +1091,1.060674667507148,0.11242636996467412,1.04 +1092,0.8618662234377714,0.11251204622326781,0.78 +1093,3.05510094769988,0.11424397779723137,2.98 +1094,0.09895018893421792,0.11928963319649097,0.08 +1095,0.4403452211031622,0.11221466977971564,0.28 +1096,2.1312560227455224,0.10575402383331975,2.2 +1097,1.6706540905460505,0.10913366885256467,1.78 +1098,1.716004615571436,0.11045881703492864,1.72 +1099,0.9194737441614542,0.11105651370369363,0.9 +1100,0.7118693116264048,0.11177509257712089,0.6 +1101,3.011820526880742,0.11383441024526135,3.0 +1102,1.4107198851917442,0.10680104428650669,1.22 +1103,2.4730608667131695,0.10665953484021932,2.32 +1104,2.9744170433252313,0.11282815038087325,3.02 +1105,2.641150711814374,0.11004343950274961,2.38 +1106,1.6779200532536294,0.10898225055440257,1.68 +1107,1.3979739992603175,0.10693893991836008,1.46 +1108,1.3745045855139981,0.10616127199934934,1.44 +1109,1.9040264794350605,0.10603160785827741,1.98 +1110,2.241186187715106,0.10569422629885131,2.36 +1111,1.4991136397345874,0.10635807558194264,1.58 +1112,2.1207560022091876,0.10573491548677859,2.24 +1113,1.061362110074782,0.10980456554734074,1.08 +1114,1.1663872989249136,0.1069240702820978,1.14 +1115,1.3495793815685344,0.10600164473032227,1.4 +1116,1.2638775758461698,0.10550767649347814,1.24 +1117,0.8596822111533511,0.11320220978008534,0.88 +1118,1.4416573444257557,0.10649933286913203,1.46 +1119,1.9800061364854216,0.10583682391210757,2.02 +1120,0.37886153146992374,0.11210694968132145,0.4 +1121,3.6010892568488764,0.12098701162509941,3.5 +1122,1.7664990139116228,0.10881706461553524,1.82 +1123,1.2349597790753597,0.10558303808067654,1.2 +1124,1.3055929937580721,0.10557235802438511,1.32 +1125,2.421200613360036,0.1062773542852992,2.5 +1126,2.0733290166220057,0.10570146727161811,2.12 +1127,0.6894283906669472,0.11174051992418065,0.6 +1128,2.9157984357654145,0.11246683377180645,2.9 +1129,1.4678270935868776,0.10587687085228767,1.4 +1130,1.1694325666471945,0.10827596631556144,1.16 +1131,1.1639189736183528,0.10628258736815879,1.14 +1132,1.6245936445626947,0.10790982202443043,1.64 +1133,0.7281726814513121,0.1128617189006794,0.68 +1134,0.4175079272061364,0.11213876827942298,0.46 +1135,1.868226648461377,0.10654498204194161,1.9 +1136,1.330235655779905,0.10557087880259566,1.3 +1137,2.2319179049983195,0.10589695173395523,2.38 +1138,1.6350075422283994,0.10962266200657846,1.66 +1139,1.416327005597286,0.10660454154333034,1.54 +1140,1.7492426597006756,0.10982247449479135,1.76 +1141,1.844528755082182,0.10716752135318793,1.88 +1142,1.3441979927495717,0.10588591564617396,1.4 +1143,1.085433383071856,0.1087420442804115,1.06 +1144,1.2781053328936363,0.10552067104947202,1.3 +1145,1.9073098906791257,0.10651344796784538,1.96 +1146,2.5162574733595164,0.1069470301887823,2.56 +1147,0.7898532877301303,0.11241091063851318,0.74 +1148,2.9811604459360304,0.11309347851578257,2.96 +1149,0.6949553638593962,0.11290587963893078,0.78 +1150,0.5599021068442944,0.11152789992529222,0.42 +1151,0.6834414537851767,0.11189112495109253,0.58 +1152,0.7220028386917914,0.11160072096845122,0.66 +1153,1.8826317235378798,0.10639944223761119,1.6 +1154,0.7663425137756272,0.11182652637501386,0.74 +1155,1.1946849400523218,0.1060181732968553,1.16 +1156,0.504866593109992,0.11184051693965727,0.46 +1157,1.331744108362721,0.10576082518695816,1.16 +1158,2.451408714439581,0.10648413151475568,2.58 +1159,2.8610386371315037,0.11160343890741053,2.82 +1160,0.9709539251715746,0.11154611606803704,0.84 +1161,1.7053155297520917,0.11210177099153207,1.8 +1162,1.0674971797813626,0.11013736948237104,1.0 +1163,1.9486484813493634,0.10640247837349905,1.98 +1164,0.8163092027218539,0.11162951689247518,0.8 +1165,0.7235465757856279,0.11297694103988916,0.76 +1166,0.6551809466082892,0.11157168342141476,0.6 +1167,1.8742550095433903,0.1072171793276763,1.9 +1168,0.9924579812846792,0.11143023755441114,1.04 +1169,2.124485157547357,0.10570620643230816,2.1 +1170,1.9723290355486212,0.10614764931646768,2.08 +1171,1.3878298924955699,0.10660671264509972,1.48 +1172,1.2660189465165699,0.10542934073199232,1.4 +1173,1.2385605345689479,0.10589812569436148,1.2 +1174,2.9613264822752843,0.11467479834294574,2.86 +1175,1.3571881904570011,0.10607248789432812,1.4 +1176,1.6819359859547336,0.11025790234029903,1.66 +1177,1.3440288978796167,0.1059296594541053,1.44 +1178,1.0165317288400635,0.10946049855360447,1.02 +1179,0.9820071144037428,0.1092572618096168,1.0 +1180,2.928507404778673,0.11320100542464102,3.0 +1181,3.2113914174858875,0.11606255139353047,3.3 +1182,1.64124051738042,0.11127825043012642,1.72 +1183,0.23605021901653434,0.11597586563478991,0.18 +1184,1.894955729194364,0.10629420930226767,1.88 +1185,0.872510299670445,0.11051966714584624,0.88 +1186,1.5946781397643974,0.11738442210824354,1.66 +1187,0.620894110469707,0.11129793263062335,0.58 +1188,1.4666708012047476,0.10672954606071344,1.52 +1189,2.3307617825929743,0.1058866008108617,2.3 +1190,2.485203859197074,0.1066952633352903,2.48 +1191,1.4756788255641444,0.1058598997380816,1.62 +1192,1.23194386825815,0.10581995867285479,1.14 +1193,1.6152302278668484,0.10738080494637943,1.5 +1194,0.3845662471099667,0.11361153700564065,0.26 +1195,4.218844344182903,0.17473893654588502,4.1 +1196,1.7411957308482704,0.1083069389945551,1.88 +1197,2.012425733971842,0.10576458177026773,2.06 +1198,0.9987102299900625,0.11559468329662957,0.96 +1199,1.5451123110183245,0.10694611263322405,1.58 +1200,2.3158967363027085,0.10584853417920585,2.34 +1201,1.2669066663387696,0.10538065024543304,1.3 +1202,0.38183739303888053,0.1128332267952749,0.3 +1203,1.155961305977459,0.10651330995332299,1.16 +1204,1.040901020677853,0.10986337256423404,0.86 +1205,1.9298778252624795,0.1065599541007739,1.92 +1206,2.288409104215897,0.10590039069916232,2.2 +1207,2.572891700165008,0.10765421027005832,2.4 +1208,2.153177510454515,0.10575222192113987,2.22 +1209,0.5983518735583182,0.11273040112577724,0.52 +1210,1.1739278039900158,0.10817648933624517,1.1 +1211,1.4904288048718781,0.10554781787907316,1.5 +1212,0.6717863342031167,0.11164893328469246,0.66 +1213,1.7413401670910933,0.11080516779232748,1.84 +1214,1.185797328042332,0.10672079643417384,1.14 +1215,1.4649167510778085,0.10720905837286522,1.44 +1216,0.9307900333946888,0.11141527721262386,0.9 +1217,1.6041524575868191,0.10982390842521378,1.64 +1218,1.2913092139081312,0.10583687684083594,1.3 +1219,2.4814885815464773,0.1068014366079095,2.52 +1220,1.2269527840354764,0.10571734893168785,1.14 +1221,2.9058810698179585,0.11175094082452355,2.98 +1222,1.1139303852842213,0.10928041306679555,1.08 +1223,2.4121842720098,0.10635455788271796,2.46 +1224,3.335201041269153,0.11802602468213842,3.12 +1225,1.648047103628726,0.11238508657383608,1.66 +1226,0.4241110479517669,0.11352863056674867,0.48 +1227,1.9093655925505217,0.10616334028473971,1.96 +1228,0.6431140914573765,0.11236907642438314,0.66 +1229,1.4849946283762234,0.10547512217633755,1.64 +1230,1.0984351971454487,0.10821938128021108,1.08 +1231,1.1632773395834777,0.10664831030052437,1.08 +1232,1.4307253043499895,0.10663614030479539,1.44 +1233,1.5344138967072647,0.10642739891417201,1.56 +1234,2.648546495681302,0.10826687562937144,2.64 +1235,1.2372577744270226,0.10647245041244709,1.26 +1236,1.4283329382578565,0.1067328861867412,1.42 +1237,4.523266332260534,0.2980535330670696,4.86 +1238,1.8359338893553048,0.1087994486344452,1.94 +1239,0.7907221327360112,0.112387641564539,0.8 +1240,1.3160526966247774,0.10576198968186609,1.36 +1241,1.0771352920334314,0.11189326872572747,1.0 +1242,0.7122076828302042,0.11114336183908245,0.52 +1243,1.649537787252592,0.10841842736263073,1.68 +1244,1.632778324692909,0.1082376278022236,1.68 +1245,0.43198820290866013,0.1118771015035639,0.46 +1246,0.7331640915411972,0.1112478589774172,0.7 +1247,1.0831190807375561,0.10981542715072724,1.12 +1248,0.43753440860235404,0.11229428980222203,0.42 +1249,2.662238597850792,0.1085631608989758,2.68 +1250,0.8122180696966375,0.11267406878191427,0.76 +1251,1.6435065538099192,0.1084772465617945,1.66 +1252,0.5158363997484887,0.11396611669073241,0.54 +1253,2.3487660971427546,0.10595033599203771,2.34 +1254,1.0447823815930866,0.10870782805195987,1.0 +1255,0.9320176942169738,0.11174301863119131,0.92 +1256,1.39907219521929,0.10767114460296322,1.34 +1257,1.1237357009799434,0.10796465246601553,1.14 +1258,2.7218514564130163,0.10916068386881111,3.14 +1259,1.2551687657368218,0.10625584499532316,1.26 +1260,1.47229992536964,0.10625531498600914,1.56 +1261,1.8841677938227912,0.1064312985302483,1.94 +1262,0.9334510626553634,0.11068151204832455,0.92 +1263,0.9880229799559563,0.11088480373810862,0.98 +1264,1.0431985430840163,0.11197367568209375,1.14 +1265,2.1831250090451793,0.10565670116218534,2.3 +1266,1.3161937765983396,0.10587326486611823,1.36 +1267,1.32445968934132,0.10591627178975897,1.28 +1268,1.390622704798286,0.1067294569301073,1.38 +1269,1.7866873777458447,0.10797286001569502,1.8 +1270,1.8975341940255892,0.1067887270647345,1.98 +1271,0.7022726616153241,0.11177826396426162,0.62 +1272,2.548656290313591,0.10721352352773676,2.66 +1273,1.1872643315784108,0.10909174858473268,1.18 +1274,1.190974360969391,0.1064180459096685,1.12 +1275,0.8034074797750259,0.11208785841796431,0.76 +1276,2.573851890449796,0.10753699712883968,2.46 +1277,1.442293101879753,0.10793400933569605,1.36 +1278,1.9032200173081386,0.10655697289450873,1.96 +1279,0.6752798280264445,0.11274523615419692,0.74 +1280,1.1841920734738887,0.10646417101323685,1.16 +1281,1.064889025968462,0.10929285925808606,1.12 +1282,0.9968488990807804,0.11302137837085735,1.04 +1283,2.229169164699676,0.10569882567280527,2.26 +1284,0.9262349537895718,0.1125237535480341,1.0 +1285,1.0641256049213483,0.10952430855191585,1.12 +1286,1.063412108107677,0.11004008376061122,1.08 +1287,0.6016012932378496,0.11178082373337882,0.6 +1288,2.156261505026054,0.105737680308335,2.02 +1289,1.2586288226992908,0.10559870284663611,1.26 +1290,0.892043426174868,0.11143592800434725,0.92 +1291,1.2517791793415531,0.105886515932164,1.28 +1292,1.728336914859808,0.10931544427032822,1.66 +1293,1.7230522248372484,0.11010355406442128,1.68 +1294,0.8141001467782116,0.11250390765888837,0.8 +1295,2.874269567573373,0.11177464714320162,2.76 +1296,0.28596095853704195,0.11419292071394944,0.14 +1297,2.846708328745194,0.11106590240980323,2.7 +1298,2.043779875269489,0.10597628746632062,2.04 +1299,0.838199222197348,0.11213779286616031,0.72 +1300,1.1560322570559887,0.10771975503284158,1.16 +1301,0.9570708222698192,0.11208076859578599,1.0 +1302,1.5610542690409925,0.10588099240253843,1.6 +1303,1.327290205873437,0.10590371456086332,1.32 +1304,1.8347452826456445,0.1083696083362515,1.94 +1305,1.4054591764014956,0.1066129289725444,1.3 +1306,0.986566505894384,0.11069574029183381,1.16 +1307,1.05595158973001,0.11019982623548549,1.0 +1308,1.1108839393603747,0.1095214904192345,1.04 +1309,0.9475686503379412,0.11230580028928615,0.92 +1310,1.1546483379113672,0.10768559083141677,1.24 +1311,1.1760948129742488,0.10904395473244376,1.18 +1312,1.461546693436011,0.10599307862703865,1.52 +1313,0.9562675484450045,0.11093254683538971,0.86 +1314,1.7005767138845114,0.11098452852783744,1.74 +1315,0.892145159765156,0.11165216524053735,0.96 +1316,0.9458662621218554,0.11209648013674049,0.9 +1317,1.9288122089613116,0.1061910525325349,1.82 +1318,1.9224245850533568,0.10622864727806869,1.9 +1319,0.8160470914825684,0.11348914162774515,0.86 +1320,0.8545435582636429,0.11307890165137231,0.78 +1321,1.361355435724004,0.10643070130044713,1.34 +1322,1.694363689719356,0.1087845720136724,1.72 +1323,0.3548829570194991,0.11308344395574499,0.26 +1324,2.2890113430700154,0.10582169421973882,2.32 +1325,0.8338426342294385,0.11093039596278681,0.68 +1326,0.9647385275848919,0.11046837688526374,1.0 +1327,1.4054572514423533,0.10645509394621382,1.56 +1328,1.2199686352248715,0.10728732638633545,1.24 +1329,1.7459874314693922,0.10910734245626626,1.7 +1330,2.838159157953726,0.11076394443238742,2.78 +1331,0.7208628910761146,0.11319164872005448,0.74 +1332,2.7493648093192933,0.10962013339468726,2.84 +1333,0.9650731183118575,0.1104352453822624,0.94 +1334,1.5988444719801542,0.10685184448345728,1.62 +1335,0.7970272195280357,0.11239848796827524,0.86 +1336,1.8659059565508564,0.10659964538438112,1.92 +1337,1.6973018084581897,0.11217760790520763,1.74 +1338,0.6067903566115973,0.11223783023624667,0.54 +1339,0.162715373071741,0.11730389263977252,0.14 +1340,0.9080926533230729,0.11126556322533018,0.86 +1341,1.1950472110654298,0.10744514570097066,1.16 +1342,1.1694580844900235,0.10771977611403145,1.14 +1343,2.248537891010832,0.10577950238041402,2.24 +1344,1.433861556556585,0.10637135623433643,1.48 +1345,0.3899178691379861,0.11269043129063216,0.34 +1346,1.7159107213551135,0.10958678817029223,1.66 +1347,0.6913100911628396,0.11133586985553882,0.66 +1348,2.0068425094709226,0.10574615524173518,1.98 +1349,1.1371497135007251,0.10966368007538924,1.18 +1350,1.4536066565846495,0.10661812616054007,1.46 +1351,1.2323350654540794,0.10585636283452746,1.24 +1352,1.5619848317718636,0.10716338415583919,1.62 +1353,1.110746320073158,0.10680860192273404,1.18 +1354,1.1276536970604782,0.10968994933232537,1.16 +1355,0.8417595237900262,0.11157648820649038,0.8 +1356,1.3117168311162342,0.10571543379891013,1.34 +1357,0.80516182646668,0.11236203661280622,0.84 +1358,0.8780733627789905,0.11177542911275269,0.86 +1359,1.3520064493305926,0.10631747313699708,1.36 +1360,2.820511828552942,0.1107180883809079,2.76 +1361,1.035500019212142,0.10957959466743106,1.02 +1362,0.7941334848354131,0.11145781687484281,0.78 +1363,1.927818790192342,0.10613935376539084,2.02 +1364,0.889553582486597,0.11104718364012435,0.8 +1365,1.3564994825819703,0.10631750973327164,1.44 +1366,0.7763709687489353,0.11226167135882953,0.72 +1367,1.0934997147915162,0.11030877756796083,1.08 +1368,1.5242808131685956,0.10574244401612774,1.56 +1369,1.104924792079946,0.10997323325219079,1.1 +1370,2.063205724045141,0.1057557648728081,2.16 +1371,0.8585710915185922,0.11317044439260218,0.78 +1372,0.9271803501830789,0.11223211962926309,0.88 +1373,1.8647936234207618,0.10693004109623774,1.82 +1374,1.2941058429773777,0.10562684569818041,1.3 +1375,1.2857031903229013,0.10548098968702808,1.28 +1376,1.0096714854539117,0.1126220368806772,1.06 +1377,1.2859770902748453,0.10552871986896324,1.32 +1378,1.9350544487173287,0.1058954033865614,2.02 +1379,1.6110285988394972,0.11058379659291274,1.62 +1380,1.265555646507452,0.10555949359206061,1.22 +1381,0.09979928328782606,0.11911193258427795,0.12 +1382,1.8972484557990161,0.10617641603118227,1.82 +1383,0.9413122848324349,0.1133619824522555,0.9 +1384,3.224508446605074,0.11633678215391745,3.1 +1385,1.3419425892715013,0.10648031665315834,1.36 +1386,0.29542536311371936,0.11496683044191443,0.36 +1387,0.5963501398186946,0.11076663496767288,0.66 +1388,1.8452001029252894,0.10671199150916899,1.88 +1389,1.3158428332363972,0.10566567685056495,1.32 +1390,2.783972366958837,0.10999928226114823,2.84 +1391,0.9414894114754961,0.11171774386717509,0.96 +1392,0.9196391622243469,0.11073733762367248,0.9 +1393,0.9892798079545546,0.11133855157501672,1.04 +1394,1.6226427964852372,0.11271678445061015,1.58 +1395,1.1915210707634616,0.10736712231764538,1.12 +1396,3.221632196524617,0.11592764405626435,3.28 +1397,0.8421790784113732,0.11237245404100706,0.88 +1398,2.8407081191402854,0.11106161753732144,2.82 +1399,0.7502518544678987,0.11118003700389492,0.66 +1400,0.4956523979195744,0.11185319624768832,0.28 +1401,1.027931198410597,0.11244746192117426,1.04 +1402,0.8422004800714804,0.1135457755971526,0.86 +1403,1.288787499679617,0.10540468713790474,1.28 +1404,0.6902132595938335,0.11263863469174265,0.66 +1405,1.546793010992345,0.10673580270048057,1.62 +1406,1.983233705154554,0.10611207124659947,1.94 +1407,1.1595246725314992,0.10599314852424778,1.2 +1408,1.4768458779375493,0.10831956910425758,1.52 +1409,1.8568479508291644,0.10629779363809345,1.92 +1410,1.0429857907379798,0.1101789204792533,1.04 +1411,1.4056288654683655,0.10698427912674743,1.44 +1412,1.2124306874972541,0.10651966048662917,1.2 +1413,2.3853389246899828,0.10622762121893821,2.46 +1414,1.271215454247712,0.10583309898054977,1.22 +1415,1.0453207905101847,0.11015590913280236,1.0 +1416,3.043250884970893,0.11440276609991078,3.12 +1417,1.3336911270265377,0.10565435727410663,1.38 +1418,1.3967074401997701,0.10758465408249071,1.4 +1419,1.1983933747380116,0.10659929469008154,1.12 +1420,2.8105068534460114,0.11037865933565393,2.76 +1421,0.27328329058241607,0.11474168410451219,0.2 +1422,0.32309309173937173,0.11441465500831713,0.34 +1423,2.197971737653731,0.10569834942991818,2.28 +1424,1.922392503794569,0.10634728061726292,1.94 +1425,1.184617987460845,0.1065826056924457,1.22 +1426,1.1148386264948114,0.10886901060890541,1.1 +1427,1.4541642280518312,0.1061254439304545,1.4 +1428,0.6625106665492568,0.11204788300700402,0.6 +1429,2.8085905221260083,0.11051085652476715,2.76 +1430,1.5093973217733208,0.10571446623304696,1.66 +1431,1.6936439252097237,0.10983887735916868,1.72 +1432,2.717728774782448,0.10925404732343597,2.8 +1433,2.19814524559563,0.10581706655051618,2.38 +1434,1.9564748565046006,0.10632340537248683,2.12 +1435,0.7773112510072746,0.1122574450590972,0.74 +1436,0.620563575838804,0.11108101269968598,0.6 +1437,0.7082423130510582,0.111543249811377,0.7 +1438,0.6929153116208928,0.11500078367780163,0.66 +1439,1.2678896176918508,0.10564512744545063,1.14 +1440,1.5112356372402695,0.10569319863467683,1.48 +1441,0.6555477903394555,0.11179058010670574,0.58 +1442,1.233991712037123,0.10562176585642738,1.22 +1443,3.400251854361923,0.12041890894610162,3.0 +1444,3.8217825099566953,0.12696803957832187,3.9 +1445,2.4505422759139655,0.10646045679431859,2.34 +1446,1.0855137579252698,0.10916346727717698,1.0 +1447,0.834123078178977,0.1122135152868019,0.78 +1448,3.175095592639452,0.11540267430011986,3.18 +1449,0.3905924890178829,0.11276670940926758,0.2 +1450,2.5695405140756264,0.1077805427638936,2.38 +1451,1.6637756158354007,0.10855734199176634,1.72 +1452,1.1784526571833496,0.1071867199245252,1.16 +1453,0.8497546191838152,0.11098090125690407,0.96 +1454,0.9447009296216917,0.11009029356361853,0.78 +1455,2.054923949910236,0.10595037584671407,2.06 +1456,1.877549475867342,0.10648981958541832,1.98 +1457,0.7151496005383304,0.11138794787036818,0.84 +1458,2.2255144269197156,0.10576869790288025,2.26 +1459,1.4640828115712132,0.10654093313626892,1.52 +1460,1.3858702034608452,0.10691958401555052,1.38 +1461,1.9487107501214864,0.10643890921933072,2.0 +1462,1.1627407098750995,0.10661339619417075,1.14 +1463,0.4405272113132739,0.11273130898021293,0.4 +1464,1.4803276233998721,0.10620362579535016,1.56 +1465,1.2234421308871504,0.1062029363764585,1.18 +1466,1.0617871286319511,0.11328265986399609,1.08 +1467,0.6270032907720049,0.11173200953137596,0.64 +1468,4.499264534700767,0.2832902199109532,4.68 +1469,0.3613755844043762,0.1130359101963031,0.26 +1470,1.2594874074311413,0.10537895772071008,1.24 +1471,1.7967291525569735,0.10779485286782947,1.82 +1472,1.1773898545080845,0.10790915188657715,1.1 +1473,1.8283589167717034,0.10913145839550097,1.72 +1474,2.011409885538727,0.10623133827440936,2.1 +1475,2.965249114361854,0.11339977747018051,2.84 +1476,0.7393054160649708,0.11274953790344104,0.76 +1477,1.4066125396051063,0.10702781974555463,1.46 +1478,1.285393725412745,0.10543461108849093,1.26 +1479,1.000609831420964,0.1096212112175272,1.02 +1480,1.4055158024275514,0.10708161834683713,1.46 +1481,2.300309404830585,0.10586548354124505,2.3 +1482,1.1592505493481955,0.10708818711273546,1.24 +1483,1.3154917999924471,0.10554195491561287,1.42 +1484,2.0170903387399375,0.10575717676185092,1.96 +1485,2.7712702092334904,0.11040787754201199,2.92 +1486,1.6271887977911064,0.10919953444783667,1.68 +1487,0.5800536561237362,0.11240676925644984,0.54 +1488,1.0929177782794728,0.10916308422402803,1.1 +1489,0.7374952162232802,0.11197816907197834,0.68 +1490,0.7874006437990682,0.11176197725375589,0.72 +1491,0.7384472188182674,0.11268636800861451,0.74 +1492,1.4495666620081522,0.10739577342687107,1.52 +1493,2.5267808729866346,0.10705053236551637,2.4 +1494,3.769893552158611,0.12480249615363628,3.84 +1495,1.9755510779715508,0.10593397725519312,2.06 +1496,1.549130750360507,0.1071892261430196,1.6 +1497,1.410124298227501,0.10732829425303957,1.4 +1498,2.280435298729128,0.10574772896876385,2.34 +1499,2.43415506443235,0.1063433903772413,2.58 +1500,0.3071273467646547,0.11420661090954057,0.18 +1501,1.5817519635456057,0.10728415102249361,1.66 +1502,1.5496107949280074,0.10583418092968779,1.6 +1503,0.8019528587376428,0.11169043298348069,0.74 +1504,1.0143336706715402,0.110460037343821,0.98 +1505,1.1788867573799804,0.10687363253432408,0.98 +1506,1.5726134786844863,0.10562884688877534,1.6 +1507,1.9188499112188442,0.10596736982176924,1.9 +1508,0.8628251028232263,0.11179809197145602,0.76 +1509,1.4840109003749946,0.10689862364017629,1.6 +1510,3.3149366090976145,0.11705794688017895,3.3 +1511,0.9588969345106113,0.11168109593723267,0.9 +1512,1.1768174152091166,0.10738440187384143,1.1 +1513,1.1142878405633985,0.10752676022555785,1.04 +1514,1.0122361392754557,0.11153247615742494,1.02 +1515,1.6669220940004132,0.11118936294235089,1.66 +1516,1.0064411741118464,0.11165329432827505,1.0 +1517,1.774244294707794,0.10912192609733581,1.86 +1518,0.8522038300964221,0.11280232232718754,0.9 +1519,1.0477602624031919,0.11123064643953406,1.1 +1520,1.9589521609060214,0.10586282116979825,1.98 +1521,2.5097282715435454,0.10689637267101912,2.58 +1522,1.0030033330647266,0.11181682573147238,0.98 +1523,1.9495563600323544,0.10586290445843205,1.92 +1524,0.9077312260068,0.11172278137971506,0.88 +1525,3.108440588735259,0.11470878208818878,3.54 +1526,1.1838061155512145,0.10629876702235903,1.18 +1527,1.832941573027925,0.10841841411699378,1.8 +1528,1.4264770666629332,0.10798417308962965,1.44 +1529,2.327076100308446,0.10600010010971865,2.36 +1530,1.5099770981686378,0.10550542143096459,1.62 +1531,1.7554340880997483,0.11025836948791827,1.74 +1532,0.37469718952504394,0.11314899670815338,0.3 +1533,1.9556729344102628,0.10591260659801924,2.02 +1534,0.526233677074897,0.1136928642375538,0.52 +1535,1.9198875532134783,0.10616156726958646,1.98 +1536,0.4760430803484512,0.11266344882575285,0.4 +1537,1.5231881403112455,0.10662266447394927,1.58 +1538,1.0881388681990245,0.10975859369244488,1.28 +1539,1.3951610845517548,0.10687093304842933,1.4 +1540,0.3614839036565316,0.11373617590715229,0.22 +1541,0.8403853368306429,0.11169322270529394,0.76 +1542,1.4380434978129628,0.10662461840698229,1.44 +1543,0.38944112422943533,0.11277825979207949,0.34 +1544,1.7102415768023005,0.11031233182714732,1.78 +1545,2.100876787427764,0.10572669041015278,2.1 +1546,1.6637715009722185,0.10868028584209197,1.74 +1547,0.7588241085350527,0.11230814005608476,0.72 +1548,1.3797491181665018,0.10671677992577255,1.4 +1549,0.8856208195290094,0.110327479236136,0.88 +1550,1.717358192925075,0.11103882377576269,1.7 +1551,1.4563208161634265,0.10691131075541743,1.5 +1552,1.458321585265458,0.10716167254892338,1.54 +1553,2.0527668567262127,0.10570419857792089,1.88 +1554,1.3341957362059738,0.10615423584311325,1.36 +1555,0.698375891622506,0.11189071047004547,0.68 +1556,1.3832450431447834,0.10693317022660892,1.38 +1557,1.3087140576181753,0.1055092161070775,1.3 +1558,1.6120755366472226,0.1082496042822956,1.68 +1559,3.579822853024036,0.12025166477238997,3.44 +1560,1.4979795526087152,0.10601348896576167,1.54 +1561,1.4912588380260967,0.10562923987458242,1.48 +1562,1.3885556457037591,0.10655215018752097,1.34 +1563,0.9935378713156124,0.10977734721977409,1.02 +1564,1.5356291422008876,0.10664619675387774,1.54 +1565,1.9745711530019086,0.10594301352911878,2.08 +1566,1.0244673106827937,0.11208719206683407,0.98 +1567,2.626686349829416,0.10799612881038684,2.56 +1568,1.6473462412681865,0.1102397958061669,1.64 +1569,1.3235885048493028,0.10570536855886425,1.36 +1570,2.5729936654843555,0.1074463236440945,2.56 +1571,2.2403823807195486,0.1063468308703617,2.58 +1572,1.4322573761211252,0.10708611363127112,1.46 +1573,1.9652440250314909,0.10635626745191568,2.08 +1574,1.292959772531904,0.10581233616423244,1.24 +1575,1.0820021892596738,0.11067365004089195,1.0 +1576,2.737075187521677,0.11056198323699837,2.66 +1577,1.471554630825123,0.10616454826713523,1.48 +1578,3.441515739275271,0.11910220802062474,3.4 +1579,2.5138131005111224,0.10707477500219399,2.54 +1580,0.8734944481275733,0.11155091451211148,0.84 +1581,3.1634215090208246,0.11549527775531115,3.22 +1582,1.1861764848881284,0.10601912551094918,1.2 +1583,0.9314359708715036,0.11230419938666,0.98 +1584,1.828926827347214,0.10753017649455954,1.92 +1585,1.2207300842436482,0.10614541144463294,1.22 +1586,1.1272530365290399,0.10941404667026712,1.1 +1587,2.011612498029259,0.10575216073983616,2.06 +1588,1.4397528114829248,0.10622878370604519,1.48 +1589,0.5990652704452941,0.11102745800153148,0.56 +1590,0.7654140567049748,0.11421751997444729,0.84 +1591,1.771727975605608,0.10718529654935216,1.76 +1592,1.1251941081383494,0.10861153821608827,1.12 +1593,0.7133922138706463,0.1117400400448423,0.62 +1594,1.2989948380052931,0.10592377919071441,1.34 +1595,1.8038327538660948,0.10902955883988028,1.82 +1596,1.280571908043055,0.1055669940309466,1.34 +1597,0.7921256658677196,0.1122118083322537,0.68 +1598,3.002476680903259,0.11328638605625367,2.88 +1599,1.3020731738907045,0.11221190441188775,1.18 +1600,1.3121607683993668,0.10554542000190853,1.28 +1601,1.0721837510822025,0.11084538308070478,1.12 +1602,1.767183425831577,0.10735105355002203,1.72 +1603,3.3063895015942655,0.11737192291562382,3.3 +1604,3.265853492576452,0.1172989254236968,3.3 +1605,0.9069392125854714,0.11106320000566984,0.92 +1606,1.2020457590331368,0.10659024316691978,1.1 +1607,1.139785458607589,0.10680256676078655,1.14 +1608,0.8095531494228085,0.11347357333749881,0.8 +1609,1.08411574904318,0.10985102686109983,1.06 +1610,1.7527394766885274,0.1098817895119701,1.84 +1611,1.2715138418186207,0.10564574231058332,1.28 +1612,0.8164181197501978,0.11225742484563368,0.86 +1613,1.5523906161609693,0.10618308848327665,1.6 +1614,1.5498224870792994,0.10550170928776449,1.56 +1615,1.3164212405714784,0.10580911586458219,1.2 +1616,1.1182679855427402,0.1078275663004295,1.12 +1617,1.7290830870457174,0.10946702126790164,1.8 +1618,2.9036665723486723,0.112583573504784,2.86 +1619,0.7183980648218773,0.1116596346936662,0.62 +1620,1.4250414408563765,0.10673435636109099,1.5 +1621,1.8036065688758591,0.10781541784679788,1.78 +1622,1.2394315821399209,0.10618726175963417,1.24 +1623,1.0821910976571116,0.10918228971845974,1.08 +1624,1.1104651164937156,0.10850550102355734,1.08 +1625,2.2478787205350135,0.10570011102193415,2.32 +1626,0.94078523288296,0.11304801348521809,0.96 +1627,1.9600188103029814,0.1063119118034771,1.8 +1628,1.0667856661645274,0.10832797368051418,1.06 +1629,1.4355227331961258,0.1064466010603678,1.46 +1630,1.3337989404632644,0.10591715172303667,1.34 +1631,2.1922270229350906,0.10566023479740899,2.18 +1632,1.7446005307137975,0.11017270305715617,1.76 +1633,3.6036624206039356,0.12227658953721961,3.48 +1634,1.0198833218401218,0.1108032128352387,1.04 +1635,1.165523565961876,0.10668791886618292,1.14 +1636,1.395483758228802,0.10697135244096538,1.34 +1637,1.3371595880019536,0.10596107301476121,1.32 +1638,0.6292410761000564,0.11186520022716467,0.5 +1639,2.0081794229710583,0.10574909335306121,2.12 +1640,1.03730452309288,0.10957404672174594,1.02 +1641,1.0643542471211704,0.10962862030868871,1.0 +1642,2.9346580598489593,0.11320891799145866,2.9 +1643,1.5736625281294527,0.10752755716235483,1.6 +1644,1.325240135236057,0.1058031185988212,1.34 +1645,0.9313397388154323,0.11178067378136057,0.94 +1646,2.2309624666096433,0.10572018943632225,2.26 +1647,0.6543822503769103,0.11182464019344501,0.64 +1648,0.9003258012882629,0.11246121529138149,0.9 +1649,2.4912286153911793,0.10672369442367473,2.58 +1650,1.310571958767004,0.10576814181233046,1.28 +1651,1.7234825128904285,0.10918974899020265,1.74 +1652,1.1037337725604655,0.10808035540762344,1.12 +1653,2.396631752428555,0.10612691062794291,2.5 +1654,1.830533086789541,0.10663845392611843,1.84 +1655,0.9694435662190433,0.11152185121878053,1.0 +1656,2.381826384415584,0.10605912679921102,2.46 +1657,2.5222473309401736,0.10697598783246663,2.46 +1658,1.9946650997303759,0.10577024037678828,2.0 +1659,0.9745515254523793,0.1097528983572664,0.96 +1660,1.5822263362882705,0.10693297186651227,1.58 +1661,0.5512380377136319,0.11182734977708837,0.5 +1662,0.46074707842667006,0.11159040003324368,0.38 +1663,1.606634466243829,0.10933497363587386,1.54 +1664,2.0614977081531167,0.10569956688545086,2.16 +1665,1.124115207065464,0.10707754860577273,1.12 +1666,1.6571649735935452,0.10954044616231945,1.74 +1667,1.0130852184686994,0.1127375426132538,1.0 +1668,0.9274108890261656,0.1139612612858324,0.88 +1669,1.8315866103910623,0.10791463580410754,1.88 +1670,0.8593398736741218,0.11482092310194428,0.72 +1671,1.1408649609937642,0.10889167951741613,1.1 +1672,0.9161951723172237,0.11161826300789292,0.94 +1673,1.4131094018097698,0.10695569513647199,1.32 +1674,1.400704712392442,0.10680620553517163,1.42 +1675,1.601236785334673,0.1073226537611489,1.66 +1676,1.4481771395529632,0.10661371878616417,1.52 +1677,1.058864101882798,0.1086283700961895,0.94 +1678,2.6240345626339607,0.10795872039757555,2.58 +1679,1.017043571527755,0.10989906931106126,0.98 +1680,3.7055769113152346,0.1227674227180021,3.7 +1681,1.2944334838856228,0.1056819566105993,1.24 +1682,1.638054391043176,0.10876102456671981,1.68 +1683,1.6929886438365456,0.1091729932973258,1.66 +1684,0.2422452743594592,0.11555780105037752,0.14 +1685,1.2938386008402212,0.10598385379062607,1.3 +1686,2.131321090488109,0.10566132090404262,2.14 +1687,0.8516789751986806,0.11319528570925083,0.86 +1688,1.2331691842274344,0.10703287156088685,1.24 +1689,1.5778432197181624,0.10773521056782566,1.64 +1690,2.5889001615212113,0.10773626305452405,2.68 +1691,1.2823066609944282,0.10592331041986029,1.24 +1692,0.7454711543729795,0.1124737179650132,0.72 +1693,2.2237784969692944,0.1056928034228344,2.24 +1694,0.9740066936301535,0.11066355205382976,1.0 +1695,1.2692208187983463,0.10647882993216062,1.22 +1696,1.892937039333244,0.1061516020529329,1.94 +1697,2.511100451984927,0.10688643482758792,2.6 +1698,1.131166407084904,0.1071680623526313,1.08 +1699,1.45325494744906,0.10641548010266907,1.64 +1700,1.1177777139630258,0.10699413053466757,1.08 +1701,1.8074884595883869,0.10687747585971072,1.88 +1702,1.3859751502746818,0.1071471412492225,1.38 +1703,2.1062479419613362,0.10571466948937767,2.08 +1704,1.0405735422582971,0.11232687549734811,1.02 +1705,0.837430314134167,0.11096427199841097,0.96 +1706,1.3669830019865232,0.10625769795193635,1.42 +1707,1.6772899277580886,0.11147988973269905,1.62 +1708,1.3029926734220822,0.10555840874543755,1.3 +1709,0.8731963296751708,0.11338349130501413,0.88 +1710,0.8782206799999193,0.11348299488685519,0.8 +1711,3.219008466364797,0.11612106310265019,3.08 +1712,1.4086718093421569,0.1073472535312778,1.46 +1713,2.6336412320995746,0.10806836960381955,2.7 +1714,0.6355575449365425,0.11192851872404781,0.62 +1715,0.6293729580147351,0.11245755966370617,0.54 +1716,0.8096119657845406,0.11260485711252413,0.74 +1717,0.9322680694567227,0.11177360740757665,0.88 +1718,1.3449853404117427,0.10577417433044049,1.38 +1719,1.6281892552271922,0.10719004508146408,1.6 +1720,1.755089361552982,0.10754209174431267,1.76 +1721,1.5613793724948932,0.10614938908368925,1.24 +1722,2.3435761875789107,0.10591517750788965,2.34 +1723,1.5644774356662952,0.10670257991955141,1.58 +1724,1.2040387499144858,0.10781142864146633,1.18 +1725,0.8040391705698955,0.1122585922007565,0.76 +1726,2.0761768905536493,0.10568946922444443,2.0 +1727,1.5049968460084662,0.10543030251194484,1.56 +1728,1.3074705097498258,0.10635797656411715,1.5 +1729,1.1974202781884626,0.10662228727938543,1.22 +1730,1.0766137578913426,0.1089856051295335,1.08 +1731,1.5574398301138022,0.11057667190492919,1.62 +1732,0.5381919221659768,0.11146431246802746,0.54 +1733,1.2354324256932863,0.1057265966003204,1.14 +1734,1.5546187703103929,0.10696758173651669,1.56 +1735,0.6667086083600609,0.11176534108589274,0.72 +1736,1.6170136485592757,0.11147715690812501,1.64 +1737,0.7748780545435388,0.11178033660836838,0.76 +1738,1.3533355864976055,0.10651897308005301,1.38 +1739,1.6311133215161444,0.11176794101309132,1.7 +1740,2.2959537778939088,0.10580035521057606,2.38 +1741,2.0847133205713986,0.10568864834363806,2.16 +1742,1.9515987472417353,0.10598939259881325,1.96 +1743,1.5068968416329263,0.10577174721558583,1.64 +1744,2.077521128525588,0.10568638345759511,2.2 +1745,1.4473555615473455,0.10726267498942291,1.54 +1746,1.844607621571789,0.10706722545134591,1.94 +1747,0.9992683471418768,0.1124410206154958,1.02 +1748,0.7629788490527742,0.11259646738424038,0.76 +1749,1.9302884117494696,0.10618736764221667,2.02 +1750,0.9395584451154368,0.11137133178570338,1.02 +1751,2.515333395546763,0.10692514093914675,2.66 +1752,1.4577143428597799,0.10730639454472586,1.4 +1753,1.7351556490194557,0.10882027368755563,1.76 +1754,0.6870379789957468,0.11177145752070705,0.58 +1755,0.28690832439674985,0.11419530435622262,0.3 +1756,1.1941556631848762,0.10650097924737262,1.14 +1757,1.1986757076711454,0.10590362875088061,1.12 +1758,1.4695892601812233,0.10638523247657125,1.5 +1759,1.187301239963892,0.10683759589052236,1.18 +1760,2.522049286189674,0.10696171989371939,2.46 +1761,1.8825842392417145,0.10603506040000812,2.04 +1762,2.9025592932457944,0.11193709053210595,2.96 +1763,1.0412502840061677,0.10968218482294394,1.02 +1764,1.582477004501805,0.106509159464654,1.64 +1765,1.0314023089088211,0.1078610318055559,1.02 +1766,0.06735988162018458,0.1206155537891583,0.1 +1767,0.9640008121492194,0.10950624516483842,0.88 +1768,1.3098783654770152,0.10547800500791747,1.44 +1769,2.723376440224401,0.10920483074419166,2.74 +1770,1.9474792631537747,0.1064351772432735,2.06 +1771,2.440091094601156,0.1064047193264864,2.5 +1772,2.8462533819646896,0.11087324577094927,2.9 +1773,1.1224371394179098,0.10658283829912274,1.16 +1774,2.3816143069985016,0.10605968822919365,2.48 +1775,0.9726107168337004,0.1095547454607141,0.92 +1776,1.9384673654487616,0.106499876362432,1.94 +1777,1.0483156953396913,0.11105749191614846,1.06 +1778,0.8621123133865884,0.11292560854928876,0.78 +1779,0.7385780601765415,0.11222904164879319,0.72 +1780,1.3568603904108505,0.10666375727839078,1.3 +1781,0.2929011841052622,0.11425264598923932,0.1 +1782,0.9870683774204876,0.1129271305885233,0.92 +1783,1.3124359481767733,0.10571077787516235,1.24 +1784,1.4789084884216868,0.10687791388319148,1.54 +1785,0.8096897801659475,0.11220582084714209,0.72 +1786,0.9788704892588225,0.11462613856736815,0.88 +1787,1.5448524927350222,0.10617554821122868,1.46 +1788,0.839212842203775,0.11248937283195756,0.76 +1789,2.6862762892426635,0.10884000101718094,2.8 +1790,1.3555203550645016,0.10602991875407704,1.4 +1791,1.1883442485884244,0.10625883735707058,1.22 +1792,1.2151730345116158,0.10739859210067255,1.18 +1793,0.66343294368765,0.11241144748350827,0.6 +1794,1.6231937623243882,0.10817213376175591,1.86 +1795,0.728849492386435,0.11177712805894492,0.68 +1796,0.5051063589954978,0.11167972686254579,0.36 +1797,2.8594769159140725,0.11202811305886165,2.8 +1798,1.7235380928565918,0.10999151825006842,1.78 +1799,1.297950470162892,0.10550015480867041,1.26 +1800,1.4093988624796836,0.10674371664337402,1.44 +1801,1.3415601898360832,0.10676827613523739,1.28 +1802,1.7046852051675883,0.10941686432723394,1.68 +1803,2.373050349444278,0.10609305090327358,2.34 +1804,1.9477297949337609,0.10621068443656283,1.86 +1805,1.5613431075095017,0.10593122716619838,1.64 +1806,2.736968816908047,0.10958234292085407,2.78 +1807,1.102462519914842,0.1082938407423586,1.1 +1808,1.4803023549297052,0.10561011966305833,1.48 +1809,2.104479866088325,0.10568514406959259,2.22 +1810,1.1916319174446928,0.1068390686256358,1.14 +1811,0.3323156124067612,0.11387181829560165,0.36 +1812,1.913523526143174,0.10641459448451714,1.92 +1813,2.0739212643345186,0.10585946169555395,2.08 +1814,0.2827740932810219,0.11426673777693727,0.22 +1815,1.2435299330253775,0.10586233905318468,1.18 +1816,1.9292218682529052,0.10629785793321556,1.96 +1817,0.7394103812404893,0.11105299410977106,0.66 +1818,1.1110739260658429,0.10767668300759263,1.04 +1819,1.6837403011847956,0.11066276879191404,1.76 +1820,1.6634109872041583,0.10826484060743337,1.68 +1821,2.6434788560360114,0.10930398289844669,2.62 +1822,1.1765603265055091,0.10890480101442143,1.18 +1823,1.4569174772179538,0.10625356830804557,1.6 +1824,0.5478176745224506,0.11229770962465352,0.48 +1825,1.5503938444905252,0.1064720224256414,1.66 +1826,1.6292419866897339,0.10761098023031426,1.78 +1827,2.4633221923473783,0.10658306620287154,2.66 +1828,2.3637415485684534,0.10598988862129358,2.64 +1829,2.6169687539042163,0.10789059847641795,2.68 +1830,1.5665371699396378,0.10700023766984045,1.54 +1831,1.6750572288397905,0.10842578690640144,1.66 +1832,1.3011309792783345,0.10557465280501858,1.26 +1833,1.5741807922623474,0.1068883292448908,1.52 +1834,3.461497584499858,0.12033137543426434,3.22 +1835,1.6088237781470909,0.10868173900387466,1.64 +1836,3.4049218387275912,0.1183747930588662,3.18 +1837,1.2168576529409663,0.10547605945048799,1.24 +1838,0.9094960537501517,0.11084726560188463,0.9 +1839,0.9598063327282187,0.11114195728810262,0.94 +1840,1.6025220024867624,0.10689853598909747,1.58 +1841,1.5407839798344813,0.10561643421353319,1.58 +1842,0.9663277570300668,0.11042821778563414,0.88 +1843,2.076254906272689,0.10570776371007376,2.08 +1844,1.1585772946565545,0.10962717126299529,1.08 +1845,1.0128806184438615,0.11088989299773301,0.96 +1846,1.1333839445581804,0.10884402813867426,1.06 +1847,3.525365241569321,0.11995022982311696,3.42 +1848,1.3649661871638576,0.10608717473623422,1.34 +1849,1.1224114483718477,0.10995591113784942,1.0 +1850,1.1754208927318475,0.10877257636111315,1.2 +1851,2.069540587929746,0.105698309690839,2.0 +1852,1.3779176664728539,0.10676317447934393,1.34 +1853,0.5516016928461012,0.11140358719483652,0.5 +1854,3.5098126697374346,0.12164513664127642,3.52 +1855,1.0630456186687915,0.11151281409453578,1.1 +1856,1.5536851195641868,0.10658726557778476,1.6 +1857,1.9199549678334242,0.10643282126734278,1.94 +1858,3.651156870019336,0.1230427239812012,3.54 +1859,0.7963541682483921,0.11145022971627397,0.72 +1860,1.1985110159409809,0.10715012780535262,1.14 +1861,1.0994967465725942,0.10710326957065089,0.98 +1862,1.4638547959100539,0.10603252574855046,1.46 +1863,0.8420287375683175,0.11244614308478577,0.8 +1864,1.1089086052431023,0.10780089926285687,1.1 +1865,1.1937191814473422,0.10688810120777803,1.16 +1866,1.1716661281655316,0.10765908318107424,1.18 +1867,0.6556513157959794,0.11130035335786198,0.58 +1868,1.32598403235255,0.10605507672254445,1.26 +1869,0.6218421398982805,0.11386942220679463,0.7 +1870,2.3370088710701773,0.10588945341040806,2.54 +1871,1.0698127137930156,0.10777355403074707,1.0 +1872,1.4216644510616199,0.10765420321688544,1.36 +1873,1.1121003872936086,0.10966135714788534,1.08 +1874,1.0002944582454134,0.11176502878388021,0.92 +1875,2.6839369909064046,0.10881719136273055,2.68 +1876,1.5488023610470707,0.10589948737652477,1.54 +1877,3.2742070798595195,0.12047113039631292,3.22 +1878,1.73597962860268,0.10871356026136432,1.74 +1879,1.5013170163955154,0.10694356399214995,1.5 +1880,1.9215422050956588,0.10591477964126088,1.84 +1881,4.004038411983103,0.140258682113609,4.08 +1882,2.1536973341578163,0.10569641441561799,2.24 +1883,2.1464864421459344,0.1062942697896353,2.18 +1884,1.6766228437461717,0.10926337729989972,1.72 +1885,0.7528223130361953,0.11335048829977203,0.72 +1886,0.9279773321973872,0.11126546876261109,1.0 +1887,2.0868894623977297,0.10588521592772093,2.16 +1888,1.5444352250638254,0.1074407577895821,1.64 +1889,1.322735510062624,0.10571645042466865,1.34 +1890,0.5297530777037966,0.11185767346562062,0.52 +1891,1.9594631019767985,0.1058354005393085,2.1 +1892,1.5792403415727607,0.10641940494956179,1.6 +1893,1.5026543272119355,0.10568303909036673,1.6 +1894,2.7330726528470413,0.10946571924446517,2.82 +1895,1.9881041823064787,0.10607437358615661,1.98 +1896,1.317854709776932,0.10561436858526198,1.4 +1897,0.12010633569183149,0.11830948380208905,0.16 +1898,2.184199701540934,0.10566115179801869,2.3 +1899,1.7362638724451718,0.11049144842999337,1.84 +1900,1.2808772713212422,0.10563332760945374,1.2 +1901,1.539165496528021,0.10576823391910438,1.56 +1902,0.7475399853754121,0.11202647564088473,0.7 +1903,2.2243435673940155,0.10592045135329016,2.3 +1904,0.48912753686183663,0.11188182054322199,0.46 +1905,2.5514071273253576,0.10756568321427477,2.62 +1906,1.3491597334263412,0.10586567606826243,1.42 +1907,1.1521424181164237,0.10805547955947689,1.08 +1908,0.8076262174072371,0.1109734118412773,0.82 +1909,2.5109120707492374,0.10697197241035412,2.96 +1910,1.757192203484398,0.10893150905448289,1.78 +1911,1.5027221185514508,0.10623654685562978,1.5 +1912,0.8989368165334612,0.1123233303133427,0.84 +1913,1.6284102905000033,0.10855226794092854,1.7 +1914,2.27807692115752,0.10575285494175506,2.4 +1915,1.8471082392866176,0.10731932255483706,2.0 +1916,1.7207280559618354,0.1099288630826838,1.76 +1917,1.1338732202152322,0.10870780814454557,1.08 +1918,2.089674921081208,0.10581333561406661,2.14 +1919,0.9771864160637556,0.11064386692214623,0.92 +1920,1.1741411511194828,0.10656448860904569,1.22 +1921,1.3229015776090582,0.10571876823782114,1.28 +1922,1.4229330242764187,0.10796356454085973,0.94 +1923,1.6787444348723604,0.11019180121105687,1.72 +1924,2.5229631884997543,0.10701052452222451,2.64 +1925,0.6366370518550433,0.11163360246744669,0.62 +1926,0.7222239696877493,0.11146263030307227,0.64 +1927,1.1230759763628013,0.10780238901735276,1.12 +1928,1.4860568165986248,0.10750466061581569,1.6 +1929,3.8649463809918725,0.12930966075756478,3.62 +1930,1.3021229098652407,0.10628532100623563,1.28 +1931,2.314167755553778,0.10582635465285305,2.18 +1932,0.7374735000998811,0.11149508785940904,0.62 +1933,1.6717287635707043,0.11040025604605011,1.7 +1934,0.5449087777112283,0.11100384551796041,0.56 +1935,1.3655001167904226,0.1066959480695423,1.52 +1936,1.6716064759881384,0.11060616098768053,1.62 +1937,3.0553044733317725,0.11522029884612935,3.0 +1938,0.769261540747463,0.11172935431355097,0.68 +1939,1.2719124863032922,0.10572787635824533,1.2 +1940,1.8818165415168822,0.10615568497468392,1.92 +1941,2.095973082250244,0.10567823973066508,2.06 +1942,0.6894359836075239,0.11202191830107193,0.64 +1943,0.635118040007213,0.11177564952970785,0.56 +1944,1.388402667884776,0.10649929790628293,1.3 +1945,1.6282704614700947,0.11126565642216565,1.74 +1946,1.8178031496819536,0.10725128435337333,1.84 +1947,2.7687019683415057,0.10982628286560861,2.84 +1948,0.9258050422027972,0.1122567259281541,0.88 +1949,1.298199067300228,0.10547453659332684,1.28 +1950,0.33552584321281476,0.11342242459570138,0.32 +1951,1.1203551933320854,0.10848893994638487,1.12 +1952,1.1055578029555102,0.11235542992187077,1.12 +1953,1.3483205634565927,0.10650390574919155,1.3 +1954,0.8418169184533841,0.11102504746968037,0.8 +1955,1.152145514422597,0.10654449022794167,1.12 +1956,0.5493301289307535,0.11369106287589542,0.5 +1957,1.8447959720807399,0.1074828686745651,1.96 +1958,0.5324832452250154,0.11211064554682104,0.46 +1959,0.6142517803149374,0.11242315501770592,0.6 +1960,0.557977390907169,0.11213777948722164,0.52 +1961,0.8184220059409268,0.11241738886596969,0.84 +1962,1.8680992868316921,0.10659194218373216,1.86 +1963,1.9503278721648192,0.10600923509380523,1.96 +1964,2.3320614953401777,0.1060899262295079,2.46 +1965,1.082728689098916,0.11051774246333781,1.08 +1966,1.6148442542486023,0.10714433635394656,1.64 +1967,1.9223189921237487,0.10590195566829323,2.1 +1968,1.0490364845738398,0.10985891099992216,1.04 +1969,2.4709354415687974,0.10658109281506825,2.5 +1970,1.5827489691447347,0.10840640141093476,1.56 +1971,1.4041632774053872,0.10650958818678449,1.46 +1972,1.47013766465097,0.1061987696630019,1.5 +1973,1.177829631273597,0.107659489029488,1.1 +1974,1.1645504959387107,0.1091790862111391,1.14 +1975,2.05916571494472,0.10570040672446368,2.18 +1976,0.9523672837306796,0.11190944339924866,0.94 +1977,0.624422123189114,0.11175173344940624,0.44 +1978,0.9724107052693194,0.11325222926427013,0.98 +1979,1.5316368641582825,0.10725762792046248,1.62 +1980,1.0103877381756474,0.11144556953420907,0.96 +1981,0.6148758820999669,0.11157228279247086,0.7 +1982,2.3373716822497985,0.10603094615848487,2.3 +1983,2.617141294598709,0.10825462813462158,2.7 +1984,1.8154472175568728,0.10749416190511535,1.84 +1985,2.1316249415872974,0.10579033427352356,2.24 +1986,1.7377612908557591,0.1088225247870533,1.8 +1987,0.7637461154801093,0.11202571658080333,0.7 +1988,1.614577926103891,0.1086128637360152,1.64 +1989,0.6161622172051135,0.11202618411679952,0.62 +1990,0.2878327153311995,0.11494482587105558,0.18 +1991,1.0708761968773661,0.10901677759730366,1.04 +1992,1.6050396330754308,0.1267116069290628,1.7 +1993,0.1839796659714592,0.11698317706353127,0.14 +1994,1.2581135862055692,0.10542886182410051,1.26 +1995,1.4837105651910933,0.10663712405460461,1.48 +1996,1.4139131187105631,0.10717794257390455,1.34 +1997,3.216673374278898,0.11683939388026619,3.28 +1998,0.9993258702137089,0.11489923525720044,0.98 +1999,0.7890255203436105,0.11203401657408511,0.82 +2000,3.5941631151375164,0.12063064697150039,3.62 +2001,1.173447482449017,0.10892004443989492,1.18 +2002,0.6516585956695762,0.1118300079669762,0.56 +2003,1.7930685544580127,0.10820472502036874,1.8 +2004,2.396045780709508,0.10617362266877915,2.8 +2005,2.422327478531782,0.10627942595961447,2.44 +2006,1.2869284227225748,0.1058835270253576,1.28 +2007,1.3873380952167098,0.10705367789167747,1.4 +2008,1.5769364545611522,0.107004023803665,1.68 +2009,0.9250732892622331,0.11228584187767998,0.82 +2010,1.7048560691066994,0.10839826479980492,1.78 +2011,1.4278108931050157,0.10801423405797841,1.4 +2012,1.3779052401913061,0.10723803653460957,1.32 +2013,1.4829924871217877,0.10716550339182902,1.44 +2014,1.8399751470683632,0.10640230373948571,1.88 +2015,3.541242116110387,0.11968146016063037,3.58 +2016,1.2602969398867314,0.10552954056719387,1.16 +2017,3.507587729968198,0.11922404803022572,3.52 +2018,1.0034441840364323,0.11227671679893705,0.92 +2019,1.2604999868043683,0.10598623911475957,1.28 +2020,2.219155166116008,0.10567916752167161,2.2 +2021,0.9722951743710615,0.11067255253030293,0.94 +2022,0.933479218386033,0.11354837981020734,0.92 +2023,1.2177313377470798,0.10677059749174353,1.08 +2024,1.3341465465367284,0.10605131980449578,1.3 +2025,0.7579967187149332,0.11274547459438558,0.68 +2026,1.5195680887004848,0.1068731314895792,1.56 +2027,0.9768810154405241,0.11140222144457453,1.0 +2028,0.8612727944251208,0.11118494775944579,0.8 +2029,1.5331392789461988,0.10583666779297805,1.58 +2030,1.0992637649934371,0.10723779755579727,1.16 +2031,1.5329489050567169,0.10585824546683367,1.56 +2032,1.9434922232248582,0.1065538856876671,1.94 +2033,1.540568200384791,0.10641732759131665,1.6 +2034,1.9453921725111005,0.10602806960726491,2.04 +2035,1.4963474278509485,0.10568390033076716,1.36 +2036,-0.03061803150340614,0.12349303120330997,-0.24 +2037,2.3546745187123364,0.10596608035164322,2.46 +2038,0.8007192334920923,0.11212427109363836,0.76 +2039,1.6209746060397974,0.11165263890356869,1.58 +2040,0.27066339417931484,0.11469158689259103,0.24 +2041,1.29537808412661,0.10550710003446274,1.36 +2042,1.7348592167719494,0.1098292298303804,1.62 +2043,0.5410349465275663,0.11185916209002303,0.42 +2044,0.8793404556405138,0.11165333899217814,0.82 +2045,2.4620233344466085,0.10658336426465119,2.54 +2046,1.7528556871636498,0.10946884055921602,1.8 +2047,2.5637073237211183,0.10764193958147797,2.58 +2048,1.320755224516562,0.10569432692088827,1.32 +2049,0.6550220587279654,0.11179968144275028,0.5 +2050,1.7283423152738298,0.10795147549304751,1.78 +2051,1.2345215126183993,0.10688377448088318,1.2 +2052,0.892312994278039,0.11280798573854206,0.82 +2053,1.627976141822563,0.11006999091237055,1.78 +2054,1.7716795863201644,0.10857912679706809,1.8 +2055,1.1527402732721788,0.10724587242105231,1.16 +2056,1.0026594561108952,0.11081854987704995,1.0 +2057,0.48799667776693667,0.11188747757480036,0.36 +2058,2.2798838366783896,0.10591291404443016,2.36 +2059,2.1306880895483102,0.10574565549181854,2.12 +2060,1.074504976547102,0.10993429614644132,1.06 +2061,1.418058126296656,0.10736863037724871,1.46 +2062,2.8765593669057763,0.11135631437917846,2.92 +2063,1.4502680372303054,0.10605994906971947,1.46 +2064,2.0105948225872234,0.10576063760813291,2.1 +2065,1.0604215450113665,0.1096411475800685,0.98 +2066,1.479679141490914,0.10562518390003324,1.44 +2067,1.5258486524221366,0.10773088621819676,1.52 +2068,0.3371709613600231,0.11308510903163625,0.38 +2069,1.7149804697727795,0.10828556682485618,1.76 +2070,1.0728096777179204,0.10836172194314135,1.04 +2071,1.4504368305827748,0.10637305606496321,1.5 +2072,1.6853009393166767,0.11120939336355586,1.7 +2073,2.294000280267631,0.10585942108555865,2.38 +2074,1.4299885962808085,0.10704130341585164,1.62 +2075,2.6377872451810243,0.1082937724719129,2.78 +2076,1.8022879210761795,0.1076255160316723,1.9 +2077,0.6974847989184605,0.11177818168024291,0.62 +2078,0.6222681665492962,0.11215401762887736,0.64 +2079,0.6807497312824138,0.11204227859133908,0.68 +2080,1.0717474500085755,0.10973293479174547,1.08 +2081,1.6919394712584688,0.1084948537554006,1.74 +2082,0.6411161710921434,0.11192149959586402,0.6 +2083,3.838806976970746,0.12779008039010153,3.94 +2084,2.2634111873173723,0.10577239017510423,2.3 +2085,1.3864177303660563,0.10675402540655857,1.44 +2086,0.7032311918331828,0.11219875811877043,0.68 +2087,1.2909611591869954,0.10542424975921602,1.3 +2088,1.539481628717918,0.10599120940157744,1.5 +2089,1.649460073106316,0.11098888772942238,1.6 +2090,2.0579766646059654,0.1057635630461853,2.08 +2091,1.711330356645683,0.11043943351010291,1.7 +2092,0.5528348183951586,0.1121517474264478,0.5 +2093,1.495010927290883,0.10650021057696717,1.46 +2094,1.2537592886384141,0.10603552685378297,1.28 +2095,0.4334437389045558,0.11251755779911636,0.36 +2096,1.2302769212706943,0.1063460221201978,1.22 +2097,1.2679217650279133,0.10596974533572766,1.26 +2098,3.8517364053943304,0.12855886391832283,3.86 +2099,0.8737803099101766,0.11153872756630386,0.86 +2100,1.7851498659773906,0.10749912495000856,1.78 +2101,1.4891979836709988,0.10708603961441819,1.42 +2102,1.1556934066448745,0.10796127704285581,1.14 +2103,3.414513952882752,0.11807510008336426,3.4 +2104,1.5917783296375676,0.10749304835053697,1.72 +2105,1.6318772902411052,0.1095510027607641,1.62 +2106,1.3657968969919994,0.10632277948911177,1.4 +2107,2.502607583855085,0.10680508144091658,2.54 +2108,0.9577896319505292,0.10984886908753232,0.94 +2109,0.8808655734512474,0.11181514599969733,0.88 +2110,2.2274815873078424,0.1057023626644748,2.28 +2111,1.1694868218884613,0.10654664610716387,1.14 +2112,2.3492893800829338,0.10595962942409748,2.32 +2113,1.960278725377826,0.10612192379160923,2.04 +2114,3.326422199036365,0.11714673271474017,3.32 +2115,1.3962719903576417,0.10700401285741194,1.4 +2116,0.9776405734341909,0.11338303247206674,0.96 +2117,2.053946088268439,0.10572594589011228,2.2 +2118,1.525088880440828,0.10568635649463659,1.54 +2119,3.2272081862287667,0.11687238122151913,3.44 +2120,1.608613682800927,0.10896192440284579,1.66 +2121,1.1095495876398607,0.11015497886697558,1.14 +2122,1.6841511882469469,0.11086032988308044,1.62 +2123,1.8176049365434177,0.1075395278680354,1.88 +2124,3.2813777689701746,0.11669869294555985,3.28 +2125,1.3922270543257138,0.10639422232247185,1.34 +2126,1.2228338106310286,0.10553674402719859,1.22 +2127,1.7513879687540013,0.10992696760268367,1.82 +2128,0.8593968412978459,0.11242754418886299,0.84 +2129,1.8274112507355817,0.10793631547189926,1.86 +2130,1.9456195895425656,0.1062131957953662,2.04 +2131,1.1526005986478536,0.10757621868360338,1.1 +2132,1.225459437547607,0.10736383904390424,0.8 +2133,2.3361838670764055,0.1059517536728227,2.6 +2134,1.5645574546343228,0.10638820639947184,1.62 +2135,0.6172932843528196,0.11255786953617775,0.54 +2136,3.1845134261784063,0.11551068644276757,3.64 +2137,2.3203278610378963,0.10584506294050322,2.4 +2138,0.4937712985268341,0.11214530191978854,0.44 +2139,1.0265060046124388,0.1090817534974045,0.98 +2140,1.9893847881349074,0.10576008531746062,2.12 +2141,1.520445086862627,0.10541711763050697,1.54 +2142,1.2310727369554675,0.10548853964244093,1.24 +2143,1.0341728221198077,0.10894410706752779,1.02 +2144,1.4502045601531774,0.10666053160216865,1.52 +2145,1.3930842828435814,0.10759298655923193,1.36 +2146,1.8010431588946478,0.10850841622959753,1.88 +2147,3.6372878206818235,0.12120033103698977,3.64 +2148,1.4639592271227908,0.10613710918319451,1.4 +2149,0.7434661292481355,0.11206104781187878,0.68 +2150,2.2098528952631,0.10566833061390982,2.24 +2151,1.8810829359150643,0.10620323696110992,1.9 +2152,1.6994322235538117,0.11089358371022943,1.76 +2153,0.46400492973536167,0.11252752698929036,0.42 +2154,1.9961877495800309,0.10815362979605662,2.12 +2155,0.9280948796908337,0.11573164983262622,0.96 +2156,1.8984511175878982,0.10616214909613936,1.98 +2157,1.8992622590938302,0.10596951146538289,1.98 +2158,0.7496010875779042,0.11256323655932349,0.72 +2159,0.8226586217970864,0.11169056087919657,0.72 +2160,1.1881548131282669,0.10748441337974957,1.16 +2161,0.5308338027365602,0.11181836464467901,0.4 +2162,1.4022908573642088,0.10680142242849922,1.36 +2163,1.4926073011188778,0.10585475995061419,1.62 +2164,1.2403119153092552,0.1058903586367665,1.22 +2165,0.8776843601147091,0.11229780675406922,0.84 +2166,2.0745435046437004,0.1056887489391691,2.1 +2167,0.6925576996199521,0.11163074559842887,0.6 +2168,1.269586405135735,0.10634131766621041,1.26 +2169,1.6285083062342833,0.10914953510185872,1.72 +2170,0.5808253957310088,0.11262635603853535,0.64 +2171,1.931647141457447,0.10607288033309104,1.98 +2172,2.0131968716824407,0.10587790895667529,2.18 +2173,1.4211345825556494,0.10656659676780093,1.48 +2174,0.7893053773212122,0.11203732143710601,0.78 +2175,1.259794844640214,0.1057421360175596,1.24 +2176,2.7943495048546874,0.11073696478912695,2.7 +2177,3.484208844799574,0.11918810343191717,3.48 +2178,1.4971038321814172,0.10650227316201245,1.48 +2179,1.0346408360634172,0.10917789788017808,1.02 +2180,0.3695189350598227,0.11337818608675458,0.28 +2181,1.2982140397612563,0.1054691434809563,1.4 +2182,0.8327878560450195,0.11293935562833785,0.8 +2183,1.4527857305211889,0.10669976137001252,1.58 +2184,2.085782830888761,0.1057048859997331,2.14 +2185,1.3338296108027965,0.10604892605981459,1.26 +2186,1.337077330574946,0.10576672784066482,1.38 +2187,0.5590835119910667,0.11174473536859919,0.5 +2188,0.8023781001536419,0.11129836733541591,0.74 +2189,1.6168234668777322,0.10824270248182144,1.56 +2190,0.7795065256514198,0.11290460941106303,0.74 +2191,2.8719301490890246,0.11242067496852254,2.8 +2192,0.9939321661756759,0.11115995574238544,1.0 +2193,0.21425235712511714,0.11568900611297245,0.22 +2194,2.050456662286789,0.10623823662611692,1.98 +2195,0.9514943763687302,0.11160972465404052,0.9 +2196,2.252722818520394,0.10571944124523436,2.4 +2197,1.5700395565154865,0.10631871142587634,1.6 +2198,0.9360310658615454,0.111110213925326,0.84 +2199,0.9025444086624024,0.11193454053701889,0.92 +2200,1.366063959703368,0.10652289711443391,1.4 +2201,2.4113654930267896,0.10631461066813329,2.52 +2202,1.7737212729135432,0.10784072572276403,1.84 +2203,2.0635312448770726,0.10572883266479022,2.14 +2204,2.1410764796090107,0.10565932580788626,2.2 +2205,1.4053751473829532,0.10710516125136553,1.44 +2206,0.6056780805951218,0.11192073206386077,0.52 +2207,0.7019134766695627,0.11183469025762367,0.62 +2208,2.1592600430746294,0.10584106874261943,2.18 +2209,0.43491824040429705,0.11244311829034138,0.44 +2210,1.6899724576189037,0.11046111213807704,1.66 +2211,0.695335359435461,0.11175081728327094,0.62 +2212,1.1027459923967573,0.10754892535289054,1.16 +2213,1.0590674703139609,0.10908581475117712,1.02 +2214,1.694763671182606,0.10904240338092486,1.64 +2215,1.0891418776626969,0.10861205886891062,1.06 +2216,0.9935853799093994,0.11033181582544459,0.98 +2217,3.193932491193484,0.11646236988568721,3.16 +2218,2.6227136836179543,0.10837383730061106,2.54 +2219,0.80335144457975,0.11201548529501269,0.78 +2220,1.2513744940054705,0.10685938702424107,1.24 +2221,0.8895282439957217,0.11209584026771603,0.9 +2222,1.6628539558559066,0.10910312936485181,1.74 +2223,1.873700247671291,0.10716087831274208,1.98 +2224,3.064478362649486,0.11468970532278579,3.14 +2225,1.5416167398065488,0.10580476201322322,1.54 +2226,1.213498034499053,0.10707632004288721,1.26 +2227,0.8899140210808953,0.11082458850510864,1.04 +2228,0.5391255597467488,0.11179220214189292,0.5 +2229,1.4659990637244142,0.10606839459186765,1.48 +2230,1.3340896287364625,0.10581922673654189,1.38 +2231,1.2172488058843483,0.10566356146461377,1.14 +2232,2.0746662035070678,0.10572468621744237,2.2 +2233,1.0939544878379701,0.10845889765078705,1.06 +2234,2.0333634953862174,0.1062501906715721,2.08 +2235,0.7052061263848737,0.11219192156659435,0.7 +2236,1.4295182658270962,0.10670024902599827,1.48 +2237,0.19767701697246753,0.11665662734958304,0.2 +2238,2.0132416928916443,0.1059045058225606,2.08 +2239,1.825359723643824,0.10664970400568667,1.96 +2240,0.498913520147668,0.1122293538952689,0.34 +2241,0.738812677572029,0.1120055296693576,0.82 +2242,1.5358040824796468,0.10718421597185386,1.58 +2243,1.190061089964738,0.10751844875551281,1.14 +2244,1.4897726548230645,0.10617580675943157,1.48 +2245,1.425330555803768,0.10704705380155477,1.26 +2246,1.2819857222304574,0.10571490426181362,1.36 +2247,1.2115369606232536,0.1063061558777916,1.22 +2248,2.418589698298642,0.10624694586982658,2.5 +2249,3.6732998014022424,0.1245315805503102,3.82 +2250,0.74893647172021,0.11187843972301907,0.56 +2251,0.5067522584918063,0.11203732996745316,0.42 +2252,1.652527118916432,0.10895253634471438,1.64 +2253,1.3522732442398642,0.10592340130285008,1.42 +2254,1.213410731420634,0.10675663307599452,1.3 +2255,1.4482327072016012,0.10714269256127706,1.44 +2256,2.5853416260146993,0.10767197557095964,2.64 +2257,1.1283621229565721,0.10704777384853484,1.08 +2258,1.3789909222984118,0.106253149066021,1.5 +2259,2.0177200237334825,0.10607031707457902,2.02 +2260,3.183860215299263,0.11805645793966194,3.14 +2261,1.6704700635705558,0.11352129390672268,1.68 +2262,3.505739126174809,0.11909758680848705,3.5 +2263,0.92320930380248,0.11249794105364504,0.9 +2264,1.8398092877032202,0.10678162702824019,1.82 +2265,1.386013075470773,0.10654452487300178,1.32 +2266,2.4498531018295187,0.10642487293031128,2.42 +2267,0.8214796809800591,0.11185022551814182,0.78 +2268,1.0190260984083492,0.11036484492373601,1.0 +2269,4.119315188336499,0.15537374325970124,4.08 +2270,1.2573600241155365,0.10550615219361084,1.24 +2271,1.0798421695974785,0.11055196620463575,0.98 +2272,1.3814336828863247,0.10657290572248347,1.38 +2273,1.8182277488463134,0.10860212631551322,1.88 +2274,0.3722258964629672,0.11281797973449119,0.32 +2275,1.1565501254637356,0.10832480932460463,1.04 +2276,1.8896079598951752,0.1064888819950507,2.04 +2277,0.9132012915082814,0.11166840943929512,0.84 +2278,0.10147623578138987,0.11892355554534062,-0.08 +2279,2.076686870096209,0.10580000787935741,2.16 +2280,0.8949044029995443,0.11067403941150557,0.82 +2281,0.789246187504677,0.1125334815632646,0.72 +2282,1.315710013035635,0.1057495379463517,1.34 +2283,1.868237950955176,0.1066334233577735,1.92 +2284,0.24437434082863163,0.11540764435490172,0.22 +2285,1.300011532386744,0.10577559496888601,1.28 +2286,3.194645065393325,0.11583778075236202,3.2 +2287,1.7000069262177715,0.11099393549895191,1.62 +2288,1.4003217330761286,0.10656594158684743,1.38 +2289,0.9254469568376278,0.1104334514486804,1.02 +2290,2.034538734112593,0.10596178545731576,2.06 +2291,0.5075062311017184,0.11211517247228273,0.56 +2292,3.0132626334114905,0.11378219749803943,2.86 +2293,0.6872758167348332,0.11247053677430509,0.56 +2294,1.4611980015617005,0.1064087848420798,1.52 +2295,0.5703173124534269,0.11141344848105036,0.48 +2296,1.5364636002991192,0.10618145251644,1.5 +2297,1.9311008338658984,0.10619392149367113,2.02 +2298,1.4286791078387129,0.10858568409420132,1.44 +2299,1.1876921818406885,0.10671271805081685,1.16 +2300,1.8548382458245163,0.10622174053181185,1.88 +2301,1.152207802886962,0.10829838809890473,1.18 +2302,1.5599450548947704,0.10638649531161523,1.58 +2303,0.9214322044455407,0.11192567099504737,0.94 +2304,2.505532023299842,0.10706567973785883,2.48 +2305,1.6773024299753088,0.10796190825605231,1.64 +2306,0.6352979056891064,0.11368434259587794,0.58 +2307,1.7220484702590193,0.10885603141774776,1.78 +2308,1.7884361764483658,0.10937313662674161,1.72 +2309,2.139875211532734,0.10569121663135927,2.18 +2310,1.3982190315076624,0.10702658474471473,1.48 +2311,2.1885387206977605,0.10570950602370432,2.4 +2312,2.0693189075103207,0.10569869997296921,2.1 +2313,2.364884023831344,0.10599842318659591,2.38 +2314,2.7172206093219917,0.10910867883888638,2.76 +2315,1.7121610922694366,0.10957868147638812,1.66 +2316,1.5580592853242914,0.1058857538380381,1.58 +2317,1.3243755843342404,0.10590068724579636,1.34 +2318,0.5793053623655533,0.11158485642056344,0.52 +2319,0.5908841471908532,0.11106667968458811,0.56 +2320,1.7417898154631544,0.10755818035030218,1.9 +2321,0.7089494113767874,0.11198114445427794,0.72 +2322,0.6178111996655407,0.11194919885467045,0.4 +2323,1.7394569881215651,0.10854172187704955,1.72 +2324,3.134746190743262,0.11493073221008962,2.96 +2325,1.4406643243332375,0.1070709086879291,1.44 +2326,1.6326506976070476,0.11028960327955901,1.7 +2327,0.9310774949758578,0.11240791072743458,0.96 +2328,1.3328372475681904,0.10710993427294714,1.44 +2329,1.110314180551966,0.10841773623822715,1.1 +2330,1.0022020727501095,0.11072891633159164,1.0 +2331,1.7364859618962019,0.10986745741557373,1.86 +2332,1.6231347603001312,0.10892657626012471,1.62 +2333,2.904039685877254,0.11207367935509294,2.9 +2334,2.515789430687236,0.10690927793994161,2.66 +2335,1.6353420764195983,0.10838154847127375,1.7 +2336,0.8215790171175161,0.11199380117367783,0.82 +2337,1.3414997591836517,0.10593396909561462,1.36 +2338,1.3815960010891848,0.1068887542559742,1.38 +2339,1.4102360882894756,0.10617445056273166,1.54 +2340,1.599114299093288,0.11005953676551569,1.7 +2341,0.5686585314202999,0.1115994765927965,0.52 +2342,2.345520499079421,0.10670079648729174,2.46 +2343,2.346113900191029,0.1060701182188831,2.42 +2344,0.853255804515169,0.1121261253629653,0.78 +2345,1.8710412205787228,0.10759119811696549,1.86 +2346,0.4829324195692237,0.11244713865154729,0.42 +2347,4.219724443330272,0.1749549440060439,4.28 +2348,1.3894226742672142,0.10667851487211669,1.4 +2349,1.373480998084422,0.10673315727028912,1.38 +2350,1.6161947153459888,0.10782604991992896,1.68 +2351,2.29497847770317,0.1057824033302106,2.26 +2352,3.0310545307631633,0.1138192885195814,3.5 +2353,1.2344145692763906,0.10592200206803916,1.22 +2354,1.0781478897762362,0.10765471495716301,1.1 +2355,1.9167079500311077,0.1061246945868478,1.92 +2356,0.6157502250156854,0.1114305724167558,0.54 +2357,1.2350717437249825,0.10587355775933696,1.24 +2358,1.1490464162823475,0.10692433983295546,1.1 +2359,2.2251523708269665,0.10567699248098454,2.32 +2360,0.8222926644905142,0.11337064017707484,0.82 +2361,0.6855969541194096,0.11359769968765503,0.6 +2362,0.8486340026911119,0.11266954588071264,0.8 +2363,1.7529817167756676,0.10820656789280154,1.8 +2364,3.8768057322756144,0.13075091342457273,3.72 +2365,1.2470541285077426,0.10593329313630201,1.26 +2366,0.5124130677325693,0.11135073992321212,0.48 +2367,2.488828522725043,0.10687088753194811,2.5 +2368,3.6171659760754835,0.12077770974113097,3.54 +2369,0.3262423310360125,0.11355528682918277,0.24 +2370,1.2436185041629253,0.10559692617741617,1.2 +2371,1.0856640731593812,0.11082454418044826,1.1 +2372,2.2480863365774777,0.10582642104131966,2.22 +2373,2.122165705589435,0.10588809254138848,1.98 +2374,1.5934350283886483,0.10852383906127254,1.7 +2375,3.5531619002050894,0.12205908785575142,3.2 +2376,1.456262795423184,0.10705493314150505,1.56 +2377,2.064874338273778,0.10573310597275683,2.02 +2378,1.1515423761273214,0.10800615561112126,1.1 +2379,1.6805598819870902,0.11279169562390405,1.68 +2380,0.7736169870609064,0.11206279917009528,0.74 +2381,1.056667799341894,0.10936137001597362,1.02 +2382,1.12409560192369,0.10908759232949147,1.1 +2383,0.5869738503507591,0.11194680581882926,0.6 +2384,1.1035748134523802,0.10818712315652132,1.14 +2385,1.1504013394556845,0.1074745423643269,1.02 +2386,1.1191490590633464,0.10854550782098361,1.22 +2387,0.959993744768358,0.1127370208577092,1.0 +2388,2.0002583174128215,0.10577019937489394,2.0 +2389,2.2770200463913843,0.1057637778687893,2.28 +2390,1.567926035132154,0.10724768471594837,1.54 +2391,0.557012056910251,0.11149813860778236,0.44 +2392,0.6404300620736567,0.1117185277903211,0.6 +2393,0.9698533922110348,0.11015881907323423,0.9 +2394,1.6153386628782682,0.10863411359987439,1.62 +2395,1.0486582664870312,0.1091407345323082,1.02 +2396,1.1971888197444764,0.10658160918607983,1.26 +2397,1.643493486097992,0.11013039044843649,1.58 +2398,2.0288577017271545,0.10655612120034838,2.04 +2399,0.8601035802151156,0.11138959849949208,0.84 +2400,1.1968486153370925,0.10591390138961038,1.14 +2401,1.031548324405434,0.11036321657807621,1.06 +2402,0.9524775813620483,0.11175537402212565,0.96 +2403,1.2745567552802717,0.10542704525456761,1.32 +2404,0.5621434603972881,0.11184350411971275,0.5 +2405,1.1475965267727188,0.10880654891354509,1.16 +2406,1.6604915599174364,0.10949735989243517,1.7 +2407,1.3241092403410244,0.10546173412025987,1.4 +2408,2.1140796819471763,0.10567598261992851,2.08 +2409,1.2181673977984904,0.10664085196193339,1.1 +2410,0.7362916210070543,0.11224301006463473,0.74 +2411,0.5264484444081594,0.11345800139486968,0.48 +2412,0.8913109791040048,0.11095169520087146,0.88 +2413,1.1745673502028264,0.10673293504243066,1.2 +2414,1.6694307665164931,0.10926834310779832,1.66 +2415,1.0899737115912664,0.10708791768209662,1.14 +2416,1.6840421267070171,0.11209302263266398,1.66 +2417,1.6546091710664568,0.11100748839759098,1.72 +2418,0.7154556154220542,0.11211602801847201,0.66 +2419,2.6552258034854135,0.10959547196107763,2.64 +2420,1.7208661805249843,0.1110751622228252,1.72 +2421,0.7497838544350417,0.11185431727452677,0.72 +2422,2.502490587394883,0.10680743587471966,2.44 +2423,1.8904618303529421,0.10822192246013634,1.96 +2424,2.0184466163873322,0.10579130914942259,2.06 +2425,0.7479975813356949,0.1124659095061453,0.68 +2426,1.0950979138308439,0.10865593647714594,1.12 +2427,1.0710080164804543,0.10952985269034142,1.08 +2428,1.3871855490529823,0.10712691963629643,1.44 +2429,2.060371692820458,0.10572666239876222,2.08 +2430,1.3813767881192724,0.10700962339306234,1.5 +2431,1.3602400945552526,0.10621908915377955,1.4 +2432,4.355074973763133,0.21595463696816464,4.4 +2433,1.7316673566155023,0.1087493395101843,1.74 +2434,0.9008324574910818,0.11018218237775627,0.9 +2435,1.7838974283925664,0.10734975256700163,1.84 +2436,1.9129596082292313,0.10613682442978567,1.9 +2437,2.3832479377924227,0.10645284357625186,2.3 +2438,1.9716291642704276,0.1059919159988978,2.04 +2439,0.15484973767869015,0.11758128739058611,-0.06 +2440,1.527473176427364,0.10564243233396668,1.46 +2441,1.5697211507733035,0.10587528898359616,1.48 +2442,1.8340788586617833,0.10853595223892347,1.94 +2443,2.9337982304416395,0.11219951834188181,3.02 +2444,1.009180137623952,0.11264990747267443,1.02 +2445,2.773594498045014,0.11000090541485673,2.62 +2446,0.9222172729480382,0.1126971284695958,0.88 +2447,2.7113782003652034,0.10913766356632151,2.82 +2448,1.5415222691019403,0.10787502750913276,1.54 +2449,3.6975588922062075,0.12261046458854828,3.76 +2450,1.4725877795433986,0.10587487206241186,1.46 +2451,1.4570901306500357,0.10611148624109566,1.48 +2452,2.771285201108073,0.11009206605307803,2.68 +2453,1.5002534584676912,0.105483576326347,1.56 +2454,1.8556297919942004,0.1065230142086377,1.88 +2455,1.497644173705094,0.10612308132763329,1.56 +2456,1.5680109007668541,0.11128816293224503,1.48 +2457,1.8338285105859562,0.1066042344584278,1.92 +2458,1.3947965548869217,0.1071218505977988,1.36 +2459,1.065468546099412,0.1103364518209713,1.12 +2460,1.6817064574657028,0.11044253225204768,1.68 +2461,1.9956844098860995,0.1062908605225858,1.98 +2462,0.8354407094697418,0.1119892552016139,0.78 +2463,0.44089611339115287,0.11247104043390929,0.36 +2464,0.6373079983586738,0.1124459696678941,0.56 +2465,1.0930904364966345,0.11000747636422584,1.02 +2466,1.416362536689725,0.1065324015867268,1.5 +2467,1.3347900717320247,0.10565220991513541,1.34 +2468,2.4756674397303624,0.106798137268681,2.4 +2469,1.4373064465085976,0.10746779573813477,1.32 +2470,1.2716960664060775,0.10577056672096283,1.24 +2471,1.5062907410975912,0.10615708892622808,1.6 +2472,1.4955515464572278,0.10589339796235148,1.52 +2473,2.1738330214727357,0.10577227846996232,2.34 +2474,4.096602129027194,0.15230686332391213,4.06 +2475,1.342432718374308,0.10593068969647669,1.32 +2476,2.2500392119387445,0.10572697598745438,2.32 +2477,1.8041300391074335,0.10770934770199829,1.76 +2478,1.355203967333681,0.10626904165719935,1.42 +2479,1.1614291092233975,0.10646469195283591,1.12 +2480,1.165479574043828,0.10816875560045366,1.14 +2481,1.9485885768904199,0.10803502199050283,1.92 +2482,0.9377599586303846,0.11174753253003139,0.98 +2483,0.8444544877334845,0.11326452709932334,0.76 +2484,0.9278070761457506,0.11116281485195106,0.88 +2485,0.942697678213352,0.11098436263880386,0.9 +2486,1.1063859734482007,0.10733402134311201,1.06 +2487,1.7063242345624205,0.10984534718290208,1.64 +2488,1.5698864983576204,0.1083723808544885,1.74 +2489,1.148665273133095,0.10713906506304574,1.12 +2490,1.191170092525783,0.10639246953509074,1.12 +2491,1.7488500265090114,0.10856514896194698,1.78 +2492,0.460726325698543,0.11176451451624396,0.38 +2493,1.536986928011424,0.10708610934993022,1.64 +2494,0.5075221705941848,0.11222095961050944,0.42 +2495,0.5462001468961555,0.11107779738112059,0.56 +2496,2.740064121675355,0.1095486792311853,2.84 +2497,1.7068257883133748,0.10831906258376595,1.72 +2498,1.5263907544063295,0.10575635708551268,1.54 +2499,1.222530207255506,0.10866201816212197,1.18 +2500,1.1544294574098695,0.10787359585027069,1.12 +2501,1.1726511490865414,0.10719643174079833,1.2 +2502,2.4445012296274076,0.10647923347063248,2.18 +2503,1.0487875574785281,0.10991673414872803,1.0 +2504,1.5471361461233988,0.10624543847087156,1.64 +2505,1.4188549645389452,0.10728308086293128,1.42 +2506,1.7282564380075858,0.10989248976033562,1.76 +2507,3.879923790047176,0.13017891558378222,3.9 +2508,1.0982375198469914,0.10861566764729723,1.2 +2509,0.08611778180864338,0.11989719681035427,0.08 +2510,3.3780105970039123,0.11774827635270178,3.42 +2511,2.192375178199685,0.10601538886993116,2.22 +2512,1.3567977148325019,0.10617812914837876,1.28 +2513,1.4048232505894767,0.10670172848586232,1.46 +2514,1.1527078515440952,0.10628328607537604,1.08 +2515,1.8688479153471964,0.10699415262178422,1.88 +2516,0.8535914565860221,0.11242563135541654,0.86 +2517,2.058321566431253,0.1059046922610665,2.14 +2518,1.5363519874382296,0.1060129086649246,1.54 +2519,1.006509350396911,0.11053456488758634,0.92 +2520,1.5292019613256675,0.10580500101428898,1.6 +2521,0.7180489977987827,0.11163345687453848,0.64 +2522,0.7816303916127572,0.11175104380840947,0.7 +2523,1.2039413895090973,0.10751780414346006,1.08 +2524,0.9984870186707147,0.11207139046169601,0.96 +2525,1.4298815896837462,0.10638592839652408,1.52 +2526,0.43657035225686247,0.11302929446590979,0.46 +2527,1.21362602101964,0.1058163958587512,1.14 +2528,1.968732508118764,0.10579294429362934,1.98 +2529,1.2327445244874484,0.10569846665576133,1.28 +2530,1.2331213637092615,0.10655736342733638,1.26 +2531,1.432043486738757,0.10680710008084511,1.46 +2532,2.6766266053310788,0.10881232065038586,2.54 +2533,2.8616212356567736,0.11249753947590739,2.76 +2534,1.8992839102858934,0.1061212759652209,1.88 +2535,2.435391268595937,0.10638023004788216,2.46 +2536,1.0663040750978787,0.11027837193281946,1.06 +2537,0.6824436286935871,0.11149083142295481,0.6 +2538,0.8558008425976817,0.1127681379920107,0.82 +2539,0.8560388977370721,0.11254137563439835,0.82 +2540,2.6209717391679157,0.10798204235709538,2.64 +2541,0.9785326061137276,0.11150715331249934,0.98 +2542,2.3304737174775387,0.10587997025865634,2.44 +2543,1.6719572846724455,0.1085535743494527,1.72 +2544,1.668562897142578,0.11003877174635074,1.54 +2545,2.69636536988928,0.10882711378002606,2.92 +2546,0.4591209570255348,0.1119366997962085,0.38 +2547,1.4635002308499994,0.10718286709606496,1.5 +2548,1.2983720853036873,0.1055124796959872,1.26 +2549,0.792931797096502,0.11135639652270629,0.8 +2550,0.4775679944395028,0.11162333788082772,0.26 +2551,1.4498022149425935,0.10726994243911171,1.52 +2552,2.1585424676084735,0.10646004163723286,2.26 +2553,0.8936606676059569,0.11324233856987966,0.88 +2554,3.3427697251579636,0.11763304697601273,3.32 +2555,1.9907294469134462,0.10597701244765029,2.14 +2556,1.4030740413693792,0.10729786942827146,1.34 +2557,1.9939588839653686,0.10899180384149194,2.0 +2558,0.8451015715114467,0.11396061640060237,0.78 +2559,1.2639706669689614,0.10558149050599705,1.2 +2560,0.7925380882690343,0.11172784095343061,1.28 +2561,1.2452688674373196,0.10576170620829407,1.22 +2562,1.9114447176176124,0.10620809616637324,1.94 +2563,2.3201260374268067,0.10584079104064295,2.4 +2564,1.2053390437256857,0.10644081253791142,1.24 +2565,0.6762679194492263,0.11200512335517859,0.64 +2566,0.9562357034472315,0.11342029779901179,0.98 +2567,1.6446013120947143,0.10863258852517509,1.7 +2568,1.5097512402166036,0.10611298097034232,1.54 +2569,1.0713712713090011,0.10775729068498127,1.08 +2570,1.5921654343370362,0.1076416378085292,1.6 +2571,0.7984414081348472,0.11198689941321395,0.72 +2572,2.266176854107372,0.10572687124505305,2.2 +2573,1.6120507750095392,0.10764915508089991,1.7 +2574,1.990033300310953,0.10606353083287078,1.92 +2575,2.7702120704919944,0.10980628904365639,2.84 +2576,1.5408801728183734,0.10646666504889497,1.54 +2577,2.5837722152717495,0.10754574047603714,2.26 +2578,2.313134378606802,0.1058361020752183,2.16 +2579,1.3808305066084836,0.10658294993541861,1.4 +2580,1.3678023497066336,0.1061919944344062,1.34 +2581,1.6215677139647857,0.11086711601493524,1.56 +2582,0.8436860370617838,0.11257758159905266,0.78 +2583,1.4600400058808223,0.10698987172120515,1.44 +2584,1.386355585388766,0.10728249514986249,1.4 +2585,1.597897719522324,0.11015751685173625,1.58 +2586,1.0349240471714083,0.10891164259479763,1.12 +2587,2.2185839221286616,0.10567424243936079,2.32 +2588,2.730250064655336,0.109397561075405,2.68 +2589,1.4987490789395599,0.10606217385644057,1.58 +2590,2.703519087149074,0.10906526079536764,2.78 +2591,0.9537901083048315,0.11174037927450428,0.86 +2592,0.6449753441425043,0.11159078299422608,0.48 +2593,4.132603576188117,0.1579431697615093,4.12 +2594,0.3990359249852844,0.11275064174771093,0.26 +2595,1.5207751572376456,0.10580381165673106,1.6 +2596,2.6301283354099905,0.10842205768832874,2.6 +2597,1.1335451630857172,0.11107048003882738,1.22 +2598,1.1293965971130229,0.10793484838664598,1.12 +2599,0.8404025128324486,0.11203224316485447,0.82 +2600,1.1436060758907258,0.10787421671012841,1.16 +2601,0.8114307408997758,0.11355750466237186,0.94 +2602,1.606360877899021,0.10904411841027735,1.54 +2603,2.0953239036266287,0.10583578129608211,2.14 +2604,1.9444495789677592,0.10592938321155758,1.88 +2605,0.84358670678722,0.11209420116466828,0.8 +2606,1.0641199086418789,0.10974557560051666,1.06 +2607,2.217382580584723,0.10568098136178324,2.32 +2608,1.1122247327065802,0.11004955764617724,1.12 +2609,1.088962575075878,0.10712817238867339,1.06 +2610,1.7060629012720998,0.10847227155936333,1.8 +2611,1.6796819626979156,0.10977697298064847,1.8 +2612,0.8579591995507663,0.11236443537842589,0.86 +2613,0.9291600757576646,0.11257809037732804,0.88 +2614,0.6402227241867946,0.11183113763251444,0.6 +2615,2.1532306475493868,0.10596245129044354,2.16 +2616,2.0856248209818955,0.10569765813738076,2.16 +2617,1.054131546221055,0.11096434941017848,1.08 +2618,1.1782861453300004,0.10677006860654462,1.14 +2619,1.3865129756033525,0.1065045293942527,1.38 +2620,1.2976065605538336,0.10569555221920107,1.2 +2621,1.8110665009452904,0.10679327981029998,1.88 +2622,1.6130664922293052,0.11011151106368405,1.62 +2623,1.39758301035008,0.10721608564503694,1.42 +2624,0.9463664967589791,0.11331610881751057,0.86 +2625,1.2480569359477718,0.10717227444773852,1.22 +2626,1.3686579096445177,0.10648842745663138,1.34 +2627,1.136242529197319,0.10671000633267677,1.1 +2628,1.113710113966098,0.10931119575100018,1.08 +2629,1.4238551815189213,0.10662496589945089,1.48 +2630,0.8115910201214431,0.11182272610061925,0.78 +2631,1.202474118677297,0.10617770273506918,1.18 +2632,1.2103088887810483,0.10592401198194044,1.14 +2633,0.8918196673998917,0.11232728795739386,0.9 +2634,0.9318626569860182,0.11136683919939372,0.88 +2635,1.3186377681024988,0.10560843155907355,1.22 +2636,0.7271579790270621,0.11210441504493546,0.72 +2637,2.4524133383600253,0.10644005051227827,2.5 +2638,1.272581626739031,0.10571043029851196,1.26 +2639,2.060787062515461,0.10570294303218944,2.2 +2640,1.5878457653327667,0.10736886119080961,1.54 +2641,1.4039144046494352,0.10697893923446627,1.4 +2642,0.7782967991274878,0.11118226465049923,0.86 +2643,1.278586506165401,0.10572675794442679,1.24 +2644,1.616806656078091,0.10960245430265605,1.62 +2645,1.4276133150749972,0.1075570798086282,1.42 +2646,0.917044254636127,0.11203190975616108,0.88 +2647,1.348862041179765,0.10599149670229144,1.32 +2648,0.7175969824536939,0.11182936470445727,0.66 +2649,1.7403238330806747,0.10786567441908347,1.68 +2650,1.3696781387628905,0.10649526948589536,1.42 +2651,1.0625087056823768,0.1096272888661689,1.14 +2652,1.6632347196759225,0.10927316377630095,1.74 +2653,1.456075918770841,0.1064742864872486,1.74 +2654,1.2747134816986163,0.10568802769783932,1.22 +2655,0.9417655817580242,0.11119380601090975,0.88 +2656,0.92907143662402,0.11155553199764666,0.9 +2657,1.8039321419830128,0.10840747704570829,1.9 +2658,3.2440516605184113,0.11639303335613208,3.14 +2659,0.9744748323932955,0.11271830192560152,0.94 +2660,1.3854284634516585,0.10715217510401202,1.5 +2661,0.1892304958339892,0.11648668572635042,0.06 +2662,1.594056485284546,0.1072357805024975,1.62 +2663,3.4780848160613926,0.12255546910105138,3.5 +2664,0.8992147589946997,0.11135255204933948,0.86 +2665,1.4961349117777791,0.10605188635173289,1.42 +2666,1.9241072149625054,0.10733072521136039,1.84 +2667,0.4639975016120621,0.11193415168589686,0.44 +2668,3.110009447981994,0.11457068189751206,2.98 +2669,1.1253379021778525,0.10764127982912046,1.16 +2670,1.519413109811655,0.10553101663396884,1.52 +2671,1.1934105221640294,0.10571413113397535,1.18 +2672,1.085501598297057,0.11063588044216163,1.08 +2673,0.7462064472313905,0.1120293038419747,0.72 +2674,0.5882222645154576,0.11190182599203224,0.46 +2675,1.5706594280396011,0.10596325054796629,1.54 +2676,1.8997991268302794,0.10611449194891372,1.96 +2677,1.2323019247732345,0.10608440548075825,1.22 +2678,0.7727564558781141,0.11263034425176473,0.8 +2679,1.3364109433616944,0.10602671568987104,1.22 +2680,4.10066680391142,0.1525962846149385,4.0 +2681,1.2626345803274193,0.10552790520465354,1.18 +2682,1.4965370919966752,0.10584773164980062,1.54 +2683,1.8814428517030382,0.10630448941080416,1.94 +2684,0.7875996139908192,0.11086463166670692,0.74 +2685,1.6129326545389588,0.1091936314617248,1.72 +2686,0.719303957261408,0.11219699238254342,0.74 +2687,0.9185229692865411,0.1114710744599899,0.94 +2688,1.4576393242357568,0.1062905005701216,1.5 +2689,1.1540389483901707,0.10642156585038624,1.24 +2690,1.2423753611821136,0.10578091736132685,1.2 +2691,1.653067137065861,0.11227950439620676,1.54 +2692,1.4127786041401382,0.10850911661662373,1.44 +2693,1.9626066990600113,0.10593165121572963,1.9 +2694,2.7068002282864025,0.10895323851000205,2.76 +2695,2.768071705452577,0.11115301183354133,2.74 +2696,0.6724655764252212,0.1119714088194511,0.56 +2697,0.8652854896446049,0.11329299147855161,0.88 +2698,0.5570217716235195,0.11223438703347806,0.66 +2699,0.9332952143338975,0.11122667542737348,0.9 +2700,2.8152203439214203,0.11065373172002108,2.72 +2701,1.366649283612361,0.10651611769811874,1.44 +2702,1.326412410636296,0.10576179147265699,1.28 +2703,1.2686115897334282,0.10562189057219697,1.28 +2704,3.190429608042554,0.11557522036159365,3.02 +2705,0.5222012728425209,0.11365762928272054,0.52 +2706,1.9480241360170019,0.10616451053890098,2.0 +2707,2.9087728301396876,0.11177055118585981,2.64 +2708,1.3123768325263239,0.10575088669522013,1.34 +2709,3.5161253801417875,0.11922642504831475,3.3 +2710,1.6719945522202924,0.10958947979146938,1.74 +2711,0.1839213844453429,0.11723350350298194,0.08 +2712,1.0350417980750812,0.10954649055106307,0.94 +2713,1.636584170338792,0.10999692868555493,1.66 +2714,0.7241963232140547,0.1114822100810728,0.66 +2715,1.5871993737091064,0.10761991018990423,1.64 +2716,1.352750804863951,0.10647871330578183,1.36 +2717,1.845903707255704,0.10797291975664991,1.8 +2718,1.4010675428924175,0.10640203911210525,1.46 +2719,2.2523553700319954,0.10572353453471067,2.32 +2720,1.456112198110426,0.10644266185638546,1.52 +2721,1.6142379325931415,0.11293253958640714,1.54 +2722,1.4183973755721704,0.10734395085295295,1.42 +2723,1.5720287843329475,0.11031730607113542,1.5 +2724,0.3656555972486526,0.11277609182923107,0.32 +2725,1.738189314731959,0.10832194648309151,1.7 +2726,1.330654458726042,0.10575120168386413,1.32 +2727,1.6761324170777656,0.10991727326323529,1.64 +2728,0.22204245844440074,0.11565050660969806,0.06 +2729,0.46271664887925024,0.11325664589830273,0.44 +2730,0.13414311690757286,0.11884699032654826,0.02 +2731,0.38818716676052034,0.11285514928934628,0.34 +2732,1.1970623292359281,0.1059629456627899,1.14 +2733,1.8803886810118584,0.10633672841386704,1.88 +2734,0.21721716723716789,0.11574801243526829,0.1 +2735,1.5437085888186557,0.10667208549231207,1.58 +2736,3.864791784518903,0.13194785263803285,3.86 +2737,2.256798516123623,0.10575734781282474,2.22 +2738,2.841625950173265,0.11082815886831682,2.68 +2739,1.0102528420279953,0.10995350650115202,1.32 +2740,1.074871429548927,0.10968152896364554,1.08 +2741,1.4683053203259568,0.10642169924635383,1.56 +2742,0.6019395478845189,0.11213214721301101,0.58 +2743,1.1145204480973039,0.10755968748310359,1.0 +2744,1.4703070982147421,0.10616274225191334,1.48 +2745,1.4201657855923049,0.10761602178416718,1.38 +2746,1.4036038012346568,0.10697061709573984,1.38 +2747,0.17167510968223398,0.11688314245629809,0.04 +2748,1.1559100727443798,0.1066449877090001,1.24 +2749,1.299810375143589,0.10573910994693574,1.32 +2750,1.6930259624341089,0.11326372344314665,1.7 +2751,0.16576935174570373,0.11725034009178316,0.14 +2752,1.011732256896197,0.11154171878679518,0.98 +2753,1.8724086419548627,0.10672191358700348,1.92 +2754,1.6576279916181074,0.10896204017801633,1.68 +2755,1.4126334047817704,0.10698488609693331,1.48 +2756,1.03470214484872,0.11005021413293452,0.96 +2757,1.3383297825870146,0.1059860031792681,1.14 +2758,3.044564080941276,0.11413792616723231,3.2 +2759,1.1119582725954587,0.10837975562520041,1.14 +2760,1.4316822214643095,0.10782604935416915,1.4 +2761,1.1479860361579313,0.10728311657666295,1.12 +2762,1.6800738304622342,0.10915010353427859,1.74 +2763,1.6720447408576087,0.11182979183417549,1.7 +2764,1.34327436696059,0.10652749469531449,1.34 +2765,1.1395424101468068,0.10904102950006195,1.08 +2766,2.192589174378239,0.10566704500890413,2.16 +2767,1.3109752522758038,0.10557614219751132,1.32 +2768,1.6986521059721529,0.11015250218203039,1.68 +2769,0.7623426647692755,0.11213295129425445,0.74 +2770,1.0403953721347667,0.10917442220845444,1.1 +2771,1.636705140492801,0.11078076303476414,1.58 +2772,0.9675182258538966,0.11241549016353918,0.96 +2773,1.2151664450423176,0.10652461416327612,1.2 +2774,3.8853913212299798,0.13148353375728575,3.9 +2775,0.5965159640537108,0.1118015237932243,0.6 +2776,1.3402980696325608,0.10764776959109364,1.32 +2777,0.786434726230806,0.11182195625606633,0.82 +2778,1.401960146431632,0.1066137526137337,1.32 +2779,1.8688715941146237,0.10693993483671918,1.84 +2780,1.0077430156504938,0.11263150429348472,1.02 +2781,1.3414498391034453,0.1065277172807904,1.38 +2782,0.9417871975534684,0.11219461130406265,0.98 +2783,2.2927341555069396,0.10578277223152291,2.26 +2784,3.8354223433575916,0.12776396250238442,3.86 +2785,0.689858238923887,0.11187975957463943,0.66 +2786,1.8077084353859958,0.10789663316460338,1.86 +2787,1.3806447268977733,0.10644953208814371,1.56 +2788,1.335406227268919,0.105874332310149,1.32 +2789,2.171071341894179,0.10575843577710528,2.26 +2790,1.073091296879892,0.10863113759285534,1.06 +2791,1.2288908028353562,0.10549806777850912,1.22 +2792,1.5797196949674284,0.10636726757871441,1.56 +2793,0.9722283499897575,0.11261406841450693,1.1 +2794,0.5303715663360586,0.11142690683216563,0.44 +2795,1.0543532881074587,0.1093230002144396,1.08 +2796,0.9774351275270083,0.11044350133807801,1.02 +2797,1.5204747325613308,0.1056117099747279,1.56 +2798,1.6384609801554193,0.10841905165804402,1.94 +2799,1.7453073813598055,0.10770141785031415,2.44 +2800,1.8657533672340643,0.10645168779126653,1.94 +2801,0.4098040399365406,0.1140195921430448,0.28 +2802,0.76183760107953,0.11064679018046082,0.74 +2803,1.4901631285074588,0.10549722116306744,1.56 +2804,1.365266754969424,0.1068418748289032,1.3 +2805,0.8570712991013609,0.1109561805298424,0.92 +2806,0.9894359997818034,0.11066653334340493,0.96 +2807,0.768617091722021,0.11206612282263696,0.74 +2808,1.1337308776177064,0.10763615305583821,1.12 +2809,0.9398206422800923,0.11259348238282342,0.96 +2810,1.7154089231459724,0.10909381940315209,1.76 +2811,1.5590418699462143,0.10691265887434302,1.54 +2812,1.3786739437472493,0.10648023870635888,1.3 +2813,0.506821889475269,0.11175462146943353,0.42 +2814,1.7059424815792497,0.10995149457452782,1.78 +2815,1.2886888979003501,0.10563658561355913,1.34 +2816,2.0053615909921976,0.10585489668448986,2.0 +2817,1.2917910189296657,0.10543492248050702,1.32 +2818,1.2740875666660711,0.10543022838999248,1.26 +2819,1.4253719308074233,0.10699983033735158,1.42 +2820,2.4059001474711934,0.10618308470968517,2.42 +2821,2.572242236138983,0.10749518583503141,2.68 +2822,1.5377329239510384,0.10567596361322824,1.52 +2823,1.6629468074783347,0.11101634698102868,1.68 +2824,1.21786197447818,0.10774925817526063,1.2 +2825,2.0528959403058753,0.10589081507982948,2.08 +2826,0.6720551659409075,0.11297224460869387,0.7 +2827,0.6839822131735565,0.11225218174741847,0.68 +2828,0.8693445471057668,0.11204741557047755,0.84 +2829,2.708985012242072,0.10898589910010441,2.62 +2830,1.0402708311073274,0.11205739827590148,1.02 +2831,0.9497755860535495,0.1110782565598648,0.88 +2832,0.9307931014315534,0.11134013117004361,0.94 +2833,0.6419235413915061,0.11221994003428512,0.64 +2834,1.0327268817149475,0.11190517157641414,1.04 +2835,1.2410810240934005,0.10566390802341022,1.26 +2836,1.5226246490002016,0.10538679768396604,1.54 +2837,1.3257146264088915,0.10582584010521287,1.3 +2838,0.8975956044816602,0.11216415031323579,0.9 +2839,1.3191086037820572,0.10565484437806862,1.28 +2840,1.968538578103833,0.10622153981121239,2.04 +2841,1.594080451115775,0.10986240504615517,1.62 +2842,0.7387811127191579,0.112482230412021,0.82 +2843,1.9123140662629985,0.10624684848821365,1.9 +2844,1.1091132614182975,0.10816556750934679,1.04 +2845,0.5412944954937782,0.1125929582332229,0.52 +2846,2.2021333401550702,0.10566482022187264,2.1 +2847,0.9047431900281273,0.11349633081414251,0.86 +2848,0.9611733205279256,0.10974969957567944,0.94 +2849,4.435387486408982,0.2491658872514008,4.42 +2850,0.8299818020007841,0.11228666888436302,0.8 +2851,2.166595293885255,0.1057286671419096,2.18 +2852,3.3296770572986345,0.11822501065805055,3.26 +2853,1.8685746599109962,0.10703896560561683,1.88 +2854,1.849133558871042,0.10697120877759443,1.96 +2855,1.2591674240504647,0.10544242725312705,1.16 +2856,0.02414978099299514,0.12173601182880674,-0.04 +2857,1.6983817214953825,0.10943650821607798,1.72 +2858,0.8564282456461418,0.11236464823394555,0.76 +2859,3.454754085558971,0.11977635230588322,3.2 +2860,1.8987021078979653,0.10622492586995462,1.88 +2861,1.8936588973322008,0.1066788357850594,1.78 +2862,1.516918028719405,0.1054670891326593,1.58 +2863,1.5487640657845647,0.1058610254682846,1.6 +2864,1.5532271678101877,0.10710563424329624,1.54 +2865,2.006201338983194,0.10574962987913883,1.9 +2866,1.2103822741814794,0.10637803459561632,1.22 +2867,0.9831002485407234,0.11177421554628716,0.78 +2868,1.963235321660854,0.10592664220073873,1.98 +2869,1.970115493143255,0.10598494197442278,1.94 +2870,1.632402594957282,0.11038619098852692,1.68 +2871,0.7671156620470656,0.11284342663887362,0.74 +2872,1.3923191658539835,0.10635589525148256,1.26 +2873,0.866494684669548,0.11202147538483861,0.86 +2874,1.5588252901627175,0.10663001510814546,1.56 +2875,1.3003076373065818,0.10552860805780431,1.28 +2876,1.6618502355131,0.10873037114173535,1.76 +2877,0.808041781446855,0.1120943284517751,0.76 +2878,0.3387841696244962,0.1138643906624588,0.28 +2879,1.9355355185077427,0.10663851428530059,1.94 +2880,1.172017531251904,0.10633379267433139,1.3 +2881,0.6551569827813113,0.11168942677077566,0.52 +2882,2.007690562577338,0.10597045705880877,2.02 +2883,1.9673616324525245,0.10596565618939205,1.96 +2884,1.061868881926288,0.1109230546779982,1.06 +2885,2.2842370678919464,0.1062036449476391,2.28 +2886,1.9030244621541135,0.10607484358647726,1.96 +2887,3.7697397234288372,0.12511904092046383,3.64 +2888,1.036615793768199,0.1073711453752957,1.06 +2889,1.4326472626885254,0.10699951975796275,1.38 +2890,1.6305669846194997,0.10782222587665957,1.66 +2891,1.6670156042736575,0.11058603934755573,1.74 +2892,1.2354981625553565,0.10615155925652778,1.14 +2893,1.655513841420222,0.1091959982357188,1.58 +2894,0.6929676942347669,0.11164935004733723,0.82 +2895,2.2254888574874356,0.10572218435656112,2.22 +2896,0.8860058700481579,0.11069048594778086,0.9 +2897,1.459405022758828,0.10628765457205838,1.44 +2898,1.563690341182773,0.10624666761531827,1.66 +2899,2.0268770310044086,0.1059372107305678,2.14 +2900,1.2629965404864318,0.10598303465148903,1.22 +2901,1.4489686264896005,0.10762937695467237,1.42 +2902,1.0689613687984698,0.11044063876509977,1.1 +2903,1.420373884101072,0.10617078184768101,1.56 +2904,1.7794844631427573,0.10799333832910595,1.74 +2905,1.6025394431139341,0.11054100714793166,1.54 +2906,2.1646572493285268,0.10567826800926705,2.14 +2907,1.2804945252418491,0.1057084748294076,1.32 +2908,1.2575537832380004,0.10539204341956866,1.3 +2909,1.9956279215424524,0.10584516328865796,2.02 +2910,2.0146165341553384,0.10579606679509018,2.24 +2911,0.8411048667107348,0.11126149919617405,0.74 +2912,0.93876881101097,0.1121602396014873,0.86 +2913,1.5301932409984431,0.1070047382682134,1.7 +2914,1.056764311950726,0.1083204965883048,1.1 +2915,3.4208366856653725,0.11949884255484451,3.56 +2916,1.7704845165652725,0.10866298604795725,1.76 +2917,1.9911231090290222,0.1060225145171963,2.14 +2918,0.20368188834192136,0.11654193670674666,0.1 +2919,1.4902006111965447,0.10627907340156076,1.56 +2920,1.7179395704451954,0.11052028409444996,1.76 +2921,1.3355111876143697,0.10575924614052643,1.32 +2922,2.0967155914696884,0.10567576974619336,1.98 +2923,1.2718721034766558,0.10548566092538575,1.24 +2924,1.6163226551552352,0.1105581528860562,1.6 +2925,0.6452466184522514,0.1117449165666222,0.62 +2926,1.0398874514754235,0.11065747167321777,1.06 +2927,1.3160725635213275,0.10567398240993585,1.36 +2928,1.4219400311278756,0.1074303017474475,1.46 +2929,1.439889529991528,0.10738917452848426,1.54 +2930,2.491408834505904,0.10694506618735168,2.44 +2931,1.9118913286866652,0.10603249226339342,1.96 +2932,0.9127972792286911,0.11159000283807415,0.88 +2933,2.3949116083745463,0.10612459198144328,2.48 +2934,0.999941053917011,0.11205522477649599,1.0 +2935,2.106911068798267,0.10586360329170072,2.06 +2936,0.9345627536387111,0.11305060782558442,1.0 +2937,0.7611738670557413,0.1119112852968115,0.66 +2938,0.9618510327282177,0.11158887483681264,0.86 +2939,1.4420030002382989,0.10779634329121278,1.46 +2940,1.3692550838336848,0.10636622526615909,1.4 +2941,0.7024480933471331,0.11207913442861718,0.68 +2942,1.7868907688947684,0.10943075721082977,1.94 +2943,1.1854186928501145,0.1062537009221833,1.1 +2944,0.762465783151824,0.11291841223598409,0.76 +2945,1.4278704379390037,0.10650072516681251,1.4 +2946,1.9259850786628774,0.10590397742095072,1.92 +2947,1.554797299999061,0.10625142588389695,1.66 +2948,0.7176732636083063,0.11263288795549571,0.68 +2949,0.7187582563579342,0.11205240188412255,0.7 +2950,1.9512417330150007,0.10596319736415978,2.08 +2951,0.9762997360904277,0.11155138117328232,1.04 +2952,0.8374156941350286,0.11139347067842531,0.78 +2953,1.1943772943823703,0.10756961019572006,1.18 +2954,1.5907503799654377,0.10739155783912878,1.54 +2955,1.390221718204752,0.10674581804106034,1.52 +2956,1.9984259878046537,0.1057510980411857,2.1 +2957,1.595905292349947,0.10622541531621638,1.52 +2958,1.2514490502335756,0.10629399760748619,1.28 +2959,1.019380049906001,0.11284245127253788,0.94 +2960,3.095026574210343,0.11933934506892568,2.96 +2961,1.2985396881296056,0.1060646665409616,1.26 +2962,0.8045320797133311,0.11093859426744981,0.8 +2963,0.8904664824580735,0.1111011298330755,0.84 +2964,2.2616393724945194,0.10578671021067527,2.52 +2965,1.3463218534575416,0.10611606317542066,1.36 +2966,1.3897267613992206,0.10648224724325002,1.5 +2967,1.4171303908022113,0.10660291082972036,1.4 +2968,0.8514358051803201,0.11216485158111529,0.86 +2969,0.9985916586769106,0.11096028246324999,1.02 +2970,1.3697152002141477,0.10650731264843903,1.42 +2971,1.5035303986377846,0.10873302684337406,1.48 +2972,0.974734890540593,0.11084601422464704,0.94 +2973,3.189729984505494,0.11629329530248096,3.32 +2974,2.2963234211270525,0.10580124942918384,2.32 +2975,0.6574956004076897,0.112169640580623,0.62 +2976,0.9291256444894431,0.1126963682348537,0.88 +2977,1.326057696211576,0.10574873931131469,1.38 +2978,1.8291461808843983,0.10742602125903677,1.9 +2979,0.5207920645622295,0.11108889235599315,0.58 +2980,0.3125134728266499,0.11431706280727734,0.22 +2981,1.2249270694465233,0.10561292125080748,1.24 +2982,1.205346920990805,0.10710436688570808,1.24 +2983,0.8121929326943933,0.11287953483539613,0.84 +2984,0.7511104110213092,0.11228581118166558,0.7 +2985,0.6910664921895897,0.11253998077385749,0.7 +2986,1.459253651419525,0.10605739245686066,1.46 +2987,0.9196040176444198,0.10985126716784091,0.76 +2988,1.1069939147822137,0.1090895886176108,1.06 +2989,1.6156980000827126,0.10984690759426352,1.58 +2990,2.0927230841411095,0.10571022440435433,2.16 +2991,0.8173656270062937,0.11252609465495726,0.68 +2992,1.3942800354064229,0.10706931710514213,1.4 +2993,2.3828639788632824,0.1061182589131691,2.46 +2994,1.6668735249359425,0.10939343504774224,1.76 +2995,0.6842773209764017,0.11356123748808324,0.66 +2996,1.653810725113014,0.10999566368350258,1.68 +2997,2.2653827299736644,0.10575287115053879,2.3 +2998,1.5774990338872161,0.10845140479491715,1.54 +2999,1.6990860374168433,0.10959898381390497,1.62 +3000,0.6425133449323059,0.11213930287557201,0.62 +3001,1.8440011829276646,0.10720567428511038,1.86 +3002,0.7222137073918296,0.11222931477406174,0.7 +3003,2.554311445326978,0.10742319095029049,2.5 +3004,0.8908867156854363,0.11029461502481874,0.84 +3005,0.638283219249371,0.11198636246762497,0.5 +3006,1.6446022578005768,0.10894504204117884,1.7 +3007,1.4754217003179253,0.1056116093784402,1.52 +3008,1.8290154380615897,0.1079328484486036,1.78 +3009,1.572022283352644,0.10622155273564661,1.62 +3010,1.234408146409149,0.10555967667522288,1.18 +3011,2.6846179680540594,0.1086953309164545,2.72 +3012,1.3560213250847033,0.10604014423800742,1.38 +3013,2.2595871454255065,0.10610078165802281,2.36 +3014,1.041403327565427,0.10940669226369579,1.02 +3015,0.8924272267882154,0.11221578469641476,0.9 +3016,2.05843725321752,0.10587701588663219,2.06 +3017,1.5693406075671845,0.1061830692210663,1.56 +3018,1.2139930371129717,0.10612885903618939,1.14 +3019,1.9268840712321333,0.10659928248773673,1.94 +3020,1.1344155871746642,0.10697040370637323,1.0 +3021,0.402628270075982,0.11272603985043157,0.34 +3022,1.5775970232104513,0.10798022344325307,1.7 +3023,2.932615911217476,0.11337074967960525,3.02 +3024,1.3956587655106167,0.10617340608264629,1.3 +3025,0.5109418229658056,0.11170142740318399,0.44 +3026,1.0257254909992568,0.11128729352393664,0.98 +3027,0.6259150586291948,0.11252851875957466,0.56 +3028,1.4778100325035846,0.10616969602865813,1.56 +3029,3.0686694798319194,0.11562691504352914,2.88 +3030,1.2924119230742326,0.10576106723671866,1.3 +3031,1.1412830376461196,0.10894833941359292,1.16 +3032,2.293525249184484,0.10616570296749553,2.4 +3033,1.1683997359474274,0.106832700298022,1.08 +3034,1.4640631874612913,0.105890070532324,1.52 +3035,2.144389679408336,0.10565931629307089,2.12 +3036,2.436583250641713,0.10636501553784201,2.28 +3037,1.2065199171899303,0.10630126170524436,1.14 +3038,1.4259782971652673,0.10697160524193712,1.44 +3039,0.9627496534180215,0.10984808943324711,0.94 +3040,1.1797482313128942,0.10638885372695242,1.08 +3041,0.9754925462319255,0.11157009438720014,1.02 +3042,0.9795442623660753,0.11222425749292037,0.86 +3043,2.1157854347790725,0.10598327856495136,2.12 +3044,2.517320467461323,0.1069234544894462,2.38 +3045,0.6227614501379426,0.11130772053159542,0.6 +3046,0.860790646256735,0.11271594585424105,0.86 +3047,2.269437270109564,0.10572958071900315,2.2 +3048,2.907713938374486,0.11475585705476019,2.96 +3049,0.9809431142992766,0.11131259353875834,0.98 +3050,0.6225425319312032,0.11169730612974475,0.58 +3051,1.5687331811833056,0.10623811944169934,1.62 +3052,1.2223984493710702,0.10677775593860868,1.22 +3053,2.0759688837705097,0.1057915269112812,2.18 +3054,1.5807284284810548,0.1069818721620864,1.58 +3055,0.7535712266067867,0.11186224430520593,0.68 +3056,1.0911082465498945,0.11054438253654315,1.02 +3057,0.764392024779176,0.11229112593080878,0.76 +3058,1.3409387972053537,0.10595461895985489,1.4 +3059,2.239456006748425,0.10570632220021,2.26 +3060,0.7302142550883879,0.11082668261448364,0.66 +3061,2.006777952523957,0.10586168929693604,1.96 +3062,1.522503041840916,0.10560654849181034,1.62 +3063,1.1843202419923706,0.10781151197807136,1.24 +3064,0.87927336834949,0.1111721793359612,0.84 +3065,1.1360964064380719,0.10695562274197501,1.02 +3066,0.7036130218329424,0.11177828043734162,0.68 +3067,2.744939054661716,0.10983918403019766,2.7 +3068,0.3328182554588466,0.11377094135651841,0.2 +3069,1.421270343788943,0.10653209274070176,1.44 +3070,1.4601951602484284,0.10877174605203631,1.54 +3071,0.9572618399828228,0.11193599085516615,1.06 +3072,0.9149756460437057,0.1122181805363686,0.94 +3073,0.6636356955507949,0.1119744620124982,0.54 +3074,1.9477509331989182,0.10667496523463822,2.08 +3075,1.7702105318168295,0.10874713187709849,1.78 +3076,1.9183582759202369,0.10605441209420269,1.9 +3077,1.693510219166659,0.11140930658555258,1.7 +3078,0.9372507780041746,0.11198745769537988,0.94 +3079,0.3482099305367017,0.11306752408774323,0.34 +3080,2.5606545667029463,0.10777886152511362,2.64 +3081,2.154558959200565,0.10584209081347914,2.16 +3082,-0.0351447310480677,0.12354347905993497,-0.16 +3083,2.233878429085802,0.10568921156732744,2.04 +3084,1.3195118084398203,0.10589541013457786,1.68 +3085,1.3046031091102348,0.105634967477024,1.24 +3086,0.7250529934565719,0.1116755175932069,0.74 +3087,1.2776410712586932,0.10559334081816653,1.3 +3088,1.958835630283188,0.10589357108621274,2.06 +3089,1.2711097061019956,0.1054155160232293,1.28 +3090,1.1708720461169477,0.10864508815007595,1.12 +3091,0.7684624360341479,0.11142795890782654,0.76 +3092,1.0514310834628038,0.11332289070781995,1.04 +3093,0.769865426197403,0.1128487467997477,0.7 +3094,2.1817228109776154,0.10581999948067233,2.28 +3095,0.35995830272260587,0.1128406721056659,0.28 +3096,1.6150681489607512,0.1122502518753637,1.58 +3097,0.6816010676533972,0.11203193446409099,0.64 +3098,1.0860874055810381,0.10845347140807327,1.18 +3099,1.4169801457967655,0.10798837722540919,1.48 +3100,1.0857712697706594,0.11045554850901568,1.08 +3101,1.0202376538071327,0.11051687220453381,0.9 +3102,2.4977392202963413,0.10680434013851968,2.46 +3103,1.184058740023202,0.10745053902459023,1.16 +3104,0.9656092525456064,0.1126252489869171,0.96 +3105,0.8440840650462613,0.11161555011094279,0.68 +3106,1.0805699174062884,0.1107241981274344,1.0 +3107,0.7558670475220364,0.11250160242452534,0.76 +3108,1.5341450115088469,0.10593228784149364,1.6 +3109,1.3712881147056661,0.10642832441684354,1.36 +3110,4.3617318057865715,0.2180953901578888,4.28 +3111,1.0198997348139072,0.11014065222006411,0.92 +3112,1.2588272359583854,0.10549479304818224,1.24 +3113,0.8157135403079385,0.11143959980280475,0.72 +3114,0.8363481563418107,0.11230573085343493,0.82 +3115,1.3898906958418777,0.10672933528879086,1.4 +3116,0.17852782177173676,0.11690644994765986,0.0 +3117,1.3836694820867885,0.10696557778855387,1.42 +3118,1.4044477783589722,0.10667098986516863,1.44 +3119,1.2737204838956293,0.10576781517380704,1.2 +3120,1.098532884117759,0.10880544485334392,1.08 +3121,1.9216810822915238,0.1065624225814681,1.94 +3122,1.2931300361877547,0.10565796055353531,1.32 +3123,2.7086101466305683,0.1092203702244178,2.48 +3124,2.55086491619529,0.10750084488885171,2.6 +3125,1.7455189880428805,0.1085480478922959,1.84 +3126,1.1792106233668678,0.10759092080911989,1.14 +3127,2.2335808170904574,0.10570308581961656,2.34 +3128,1.397400638516907,0.1074053373713135,1.5 +3129,2.01017600966623,0.10575032748508972,2.14 +3130,0.7456523146858753,0.11257204245331578,0.72 +3131,1.2807595063696446,0.10543149027520533,1.28 +3132,1.0683588925107728,0.11050190133747052,1.08 +3133,1.9106802635663969,0.10664034791664674,2.04 +3134,1.0171653202984805,0.1089492787671129,1.0 +3135,1.950122338613978,0.10586330364647153,1.78 +3136,1.6710222292478374,0.10878912253572388,1.68 +3137,0.9422920595226936,0.11157444192485967,0.86 +3138,1.8100295026052373,0.10726434023565602,1.76 +3139,1.0251396444089647,0.10994061394689135,0.84 +3140,1.3818119664951762,0.10663022432480104,1.56 +3141,1.2335315157934872,0.10616826380733767,1.3 +3142,1.0043462115570225,0.1118363939855031,0.92 +3143,2.8189945771754203,0.11089554896456244,2.86 +3144,0.6428532526726558,0.11253912766023538,0.54 +3145,1.1150661962989856,0.11013278519024307,1.12 +3146,1.4988163425438126,0.10808955008201478,1.46 +3147,1.3746066452900791,0.10634741159429845,1.26 +3148,1.9598782320882564,0.10584458324817078,2.0 +3149,2.03508614209223,0.10600739638396484,2.14 +3150,1.8475262347341177,0.1067993358993412,1.92 +3151,1.4775877067763217,0.1061484690080534,1.56 +3152,1.1123077483202586,0.10761079536249486,1.06 +3153,1.2783579201734998,0.10539577582452668,1.32 +3154,0.51506026678042,0.11232970811030647,0.38 +3155,0.9655245705405626,0.11100841248051459,0.94 +3156,0.919203454549371,0.11046015314069423,0.98 +3157,1.6641910451137543,0.10921846049213926,1.68 +3158,2.369476447337118,0.10600548059396434,2.38 +3159,1.8006140833107278,0.10772159948794598,1.9 +3160,1.5587746257738182,0.10598680153228662,1.38 +3161,1.3526141492815489,0.10624225194089089,1.36 +3162,1.574207342467285,0.10703164138661021,1.66 +3163,1.0181354655731072,0.10958336950529866,1.02 +3164,0.4992348964129354,0.11179723744676565,0.46 +3165,0.9711736073006731,0.11209294336124628,0.96 +3166,1.4634213960546942,0.10617941004839129,1.52 +3167,2.92911604194137,0.11360039649598969,2.8 +3168,1.236835745920863,0.10639791654420071,1.28 +3169,2.1933056367323305,0.10565964919576594,2.16 +3170,1.1947465043564014,0.10753188951938901,1.14 +3171,1.1291262679809462,0.10657689616397947,1.14 +3172,0.3147145804089435,0.1140278035149254,0.44 +3173,0.5636252605182142,0.11166385739263918,0.5 +3174,1.1097531886897132,0.11242856150490563,1.14 +3175,0.5533448511160897,0.11293262010453814,0.56 +3176,2.1113030091895704,0.10569832909117409,2.28 +3177,1.9069351177562432,0.1062635967494033,1.92 +3178,1.5072315865714225,0.10638853114226467,1.54 +3179,1.209322223766934,0.10681333121281666,1.18 +3180,0.6250604003927824,0.11183749978051219,0.64 +3181,1.1362046369433108,0.11003947734444929,1.12 +3182,0.8822692317701941,0.11178277730652793,0.84 +3183,0.7777408557558259,0.11239570121290718,0.8 +3184,1.3094803321980333,0.1055373676280086,1.3 +3185,1.3885740026662736,0.10620328521915375,1.4 +3186,1.0856528692661493,0.10956457002710157,1.08 +3187,1.661722090901407,0.1104159737452679,1.68 +3188,1.2325762121951973,0.105910433074482,1.54 +3189,1.4662522519143728,0.10643187089637071,1.44 +3190,2.1721646869782045,0.10616602714070773,2.2 +3191,1.1672947301520056,0.10799774282910017,1.14 +3192,1.4542056122701457,0.1070547087539361,1.46 +3193,1.0918967576897112,0.10907288867121476,1.0 +3194,0.5731521999650981,0.11182602444096164,0.52 +3195,1.3515130984000807,0.10614559409857813,1.3 +3196,1.11236974252442,0.11064161150331822,1.1 +3197,2.1576439125420235,0.1056657082289678,2.24 +3198,0.7240201198416436,0.11237741947210046,0.66 +3199,1.6182214720013453,0.10821899351853866,1.58 +3200,1.5910372195906,0.1067724694741472,1.52 +3201,1.281125388941656,0.10578212278200418,1.22 +3202,2.951598347057158,0.11312640885574844,2.92 +3203,1.3870551897269303,0.10694515822745855,1.4 +3204,0.9125137488436055,0.11164753370227987,0.96 +3205,3.3164829499630435,0.11710735637415307,3.18 +3206,0.8804389603295819,0.11129993951977556,0.8 +3207,0.031505080290564536,0.12257093462581899,-0.1 +3208,1.4537238089190527,0.1077737448377514,1.48 +3209,2.6437219861139543,0.10831375355379386,2.68 +3210,1.4684838867419225,0.10664246870536469,1.54 +3211,1.4953929638565917,0.10627963322215785,1.44 +3212,0.839487963064534,0.11219224938899787,0.78 +3213,1.167807068114917,0.10967232962580706,1.08 +3214,1.1502946563612877,0.10724672897537078,1.18 +3215,0.9324176499113959,0.1094809637485238,0.9 +3216,1.6711542833978292,0.10873869533566494,1.68 +3217,0.7414705937820276,0.11226601165448857,0.54 +3218,0.6277600466755722,0.11162112829906697,0.6 +3219,0.976194450096413,0.11552919846044014,0.86 +3220,3.0472545385528678,0.11372043550987926,3.1 +3221,2.0283932547839356,0.10595288416345379,2.2 +3222,1.871461343534507,0.10627074968991404,1.98 +3223,0.387413982123503,0.1127088758004791,0.38 +3224,1.3872045827777226,0.10717868895723415,1.3 +3225,1.9027248277884814,0.1063983690364355,1.94 +3226,1.8730560144163486,0.10682397223525192,2.0 +3227,1.837592126431502,0.1064172100272904,2.0 +3228,3.939688206040503,0.13427380703089237,4.04 +3229,0.9728984432558185,0.11242894513296907,0.9 +3230,0.7858266785160986,0.11191886309636753,0.74 +3231,0.7279577665677417,0.1116487107367818,0.62 +3232,1.2569521869603335,0.10579318023853934,1.12 +3233,1.116055046876796,0.10941200239778574,1.14 +3234,1.5715891055290845,0.10707772438907855,1.6 +3235,0.8498340368362918,0.11259545471696208,0.92 +3236,1.1966021805647573,0.106537117349734,1.18 +3237,0.4721901577903278,0.11224329765485079,0.44 +3238,1.0061486445162924,0.11031109675287451,1.0 +3239,1.150771930307938,0.1082996229423245,1.1 +3240,1.700940274450824,0.10930609508541743,1.76 +3241,1.8584813036401844,0.10754493459057518,1.98 +3242,1.1993874019111068,0.10765106049091777,1.18 +3243,1.881984714504414,0.10677476025509773,1.94 +3244,1.1749297994558248,0.10941612098224027,1.24 +3245,1.7528187354979479,0.10777167267097265,1.86 +3246,1.5163084644480245,0.10747868205519608,1.56 +3247,1.2822305838202368,0.1058641942320062,1.28 +3248,2.2402842708670283,0.10579019158223045,2.3 +3249,1.6888678672307154,0.11060480874087034,1.72 +3250,0.35314677987793175,0.11318811760516968,0.42 +3251,2.648151266253361,0.10826227632090879,2.76 +3252,1.6891482980662325,0.11011548910918806,1.7 +3253,2.760720574983291,0.10966533665641391,2.72 +3254,1.166252705331451,0.1060639535820286,1.16 +3255,0.8603251427062961,0.11068851983287041,0.84 +3256,1.347244538459516,0.105756303256581,1.28 +3257,2.1263338213525462,0.10567978201296767,1.64 +3258,0.24072218652724064,0.11498358418371206,0.14 +3259,1.7776563815016277,0.10730801323144776,1.88 +3260,0.8499809147718169,0.10985339912851533,1.02 +3261,2.599698134153572,0.1077163798046398,2.48 +3262,0.9639332580535696,0.11206738978439265,0.98 +3263,2.2811585140451305,0.10575441288873501,2.44 +3264,2.3075577651186743,0.10583051488834488,2.28 +3265,1.4106413590442948,0.10658665609970809,1.4 +3266,1.4714428736199476,0.10717139593652986,1.48 +3267,1.2742093527134335,0.10567216264626099,1.26 +3268,1.4867286854680222,0.10608330675486737,1.54 +3269,0.7261017736941353,0.11199166440135605,0.68 +3270,1.9152243536307907,0.1067203735876731,1.98 +3271,1.2595458658032879,0.10638054586603193,1.2 +3272,1.1992132296570377,0.10609543935259873,1.16 +3273,1.9216612679688905,0.1059425036737579,1.86 +3274,1.977658692882311,0.10580269415202895,2.08 +3275,1.5413780811000803,0.10581473803805119,1.52 +3276,2.499413928895606,0.10726509189817145,2.48 +3277,1.8120574754181253,0.10784327759196827,1.88 +3278,1.6173190490276004,0.10875967313107586,1.48 +3279,2.713277104788667,0.10947862759153885,2.66 +3280,1.146470432444552,0.10651184036805521,1.1 +3281,0.6201886455172856,0.11216511766742562,0.62 +3282,1.1702410363948417,0.10871875239297918,1.16 +3283,0.9978554438105993,0.11128795777417294,0.94 +3284,1.0956500674517988,0.10746870959329588,1.12 +3285,1.7706300041010035,0.10755656641538859,1.9 +3286,0.767843633627149,0.11166606034662643,0.8 +3287,-0.022884757353461627,0.12308780922716743,0.0 +3288,1.4961256926795565,0.10804417350374691,1.58 +3289,2.7485738741171812,0.10982927578335472,2.7 +3290,0.854469799289415,0.11197960639931444,0.82 +3291,0.9394846797052638,0.11342029962624105,0.9 +3292,1.4523855551943479,0.10635453902326877,1.5 +3293,1.1959259216587137,0.1082742229887058,1.12 +3294,1.4286556694731978,0.10610788211451663,1.62 +3295,1.2554691241487221,0.10579732150929178,1.32 +3296,1.624722697461518,0.107880076042047,1.6 +3297,2.079795789004337,0.10572380039344577,2.2 +3298,1.158817583976739,0.10692586994316948,1.14 +3299,1.3467848773985684,0.10638899593498571,1.32 +3300,0.7718467429376323,0.11217144039882951,0.72 +3301,0.5804558163908018,0.11271503464672139,0.58 +3302,1.0182881623987328,0.11203707354061153,0.96 +3303,1.7033754409304143,0.1113618371414068,1.6 +3304,1.046478249131975,0.11048166098991212,0.94 +3305,1.7390946087797747,0.1099914123684604,1.66 +3306,3.1687510709102433,0.11544960552580263,3.08 +3307,0.9464541766388264,0.11132941041256693,0.94 +3308,3.634229324871124,0.12150787842514482,3.62 +3309,1.8956435069811661,0.10648825443368948,1.82 +3310,0.9940086386340123,0.11225079724456485,0.98 +3311,2.5521355649702895,0.10728542508147122,2.52 +3312,1.6427200862766602,0.11088341940508346,1.66 +3313,0.9602661806768342,0.11082175325915697,0.96 +3314,1.3740515498850971,0.10678896212933549,1.34 +3315,2.4515930302623627,0.10706158199766808,2.54 +3316,1.0857428343733844,0.10984474721887388,1.02 +3317,2.598665502571185,0.10783411282205757,2.52 +3318,1.2940005334737315,0.10542873756139445,1.36 +3319,1.2733269843971682,0.10530922209668447,1.26 +3320,1.260690258516811,0.10540795455244092,1.34 +3321,1.1823569717421636,0.10749714743882244,1.2 +3322,1.965620063727867,0.10593856788295401,1.86 +3323,1.169649889277566,0.10747819590836077,1.18 +3324,1.8583046290306058,0.1068205264298774,1.94 +3325,1.2937871977485091,0.10590262505053967,1.28 +3326,1.3122891072688239,0.10574375453630024,1.34 +3327,0.12773853776078337,0.11864106090190052,-0.04 +3328,0.7261558227114735,0.11252489879620682,0.74 +3329,1.4660178599443938,0.10757481047626168,1.48 +3330,0.7941682252006226,0.11352380324457492,0.76 +3331,0.9942812016909377,0.10867570205178012,0.88 +3332,0.9635831316090142,0.11081790728731383,0.96 +3333,0.8550262144201719,0.11161361208372153,0.8 +3334,1.5453264839834269,0.10598231072174047,1.56 +3335,1.7091434721356387,0.11005720273248532,1.68 +3336,0.8277481863748823,0.11190924596700609,0.76 +3337,2.690713554017387,0.10955475175739307,2.64 +3338,1.5609363458469572,0.1068087727223852,1.62 +3339,0.9445511131845974,0.1110237677379639,0.94 +3340,1.1840003824410665,0.10733173254684279,1.16 +3341,1.3243366843795332,0.10593841295806256,1.26 +3342,1.3082407815204151,0.10566677306520594,1.34 +3343,0.8708660344211454,0.11241985050478612,0.82 +3344,0.723905267390994,0.11230464576771658,0.7 +3345,1.4338701293703133,0.10778881678756107,1.66 +3346,2.1216358369073527,0.10569598092127122,2.26 +3347,0.9992500488015947,0.10891967144450625,1.0 +3348,1.3155038339852005,0.10580828148125365,1.36 +3349,1.214975732886602,0.10730302542403958,1.26 +3350,0.6219464692009211,0.11208827996586039,0.54 +3351,1.3460285565841188,0.10601966586386452,1.34 +3352,1.5008641147151893,0.10581106617478617,1.52 +3353,1.252913262905511,0.10584096726521028,1.28 +3354,0.9047040744827912,0.11275138143180742,0.86 +3355,1.9514997552826165,0.10610572161988537,1.96 +3356,0.8321676954880575,0.11073757151326875,0.98 +3357,1.3606728998645847,0.10720971977450944,1.3 +3358,1.2905246827515615,0.10601407074928579,1.28 +3359,0.6500680014670221,0.10946455126058983,0.68 +3360,2.0043542760625805,0.10613878950456936,1.98 +3361,1.5626048127658265,0.10614824425538827,1.68 +3362,1.7967011916694744,0.11055050185651208,1.94 +3363,1.2507335271271662,0.1059502892632982,1.22 +3364,1.3710837156623166,0.10618090092550396,1.32 +3365,0.5737895332982896,0.1108669795506162,0.54 +3366,1.5010923599916666,0.1066474104519879,1.48 +3367,1.2740884996829802,0.10568248842566333,1.12 +3368,1.6727922185563475,0.11041653238128449,1.64 +3369,1.1318329817643304,0.10909427766798234,1.1 +3370,1.3385191990290695,0.10676632316073621,1.36 +3371,4.475605518306077,0.2699379072648929,4.44 +3372,1.174562578290944,0.10690226467176195,1.18 +3373,1.9786338217684571,0.10616364914267967,2.02 +3374,1.1942923032413262,0.10632771619144231,1.18 +3375,0.6515555630326899,0.11216566895378534,0.6 +3376,0.7677455601873993,0.11160484072348403,0.8 +3377,1.0163030327103346,0.11333673584852033,1.0 +3378,1.150266377307375,0.10839556384584828,1.22 +3379,1.0632148227908278,0.1102119670117971,1.06 +3380,1.3114089600015797,0.10588841248912721,1.28 +3381,1.110349711515501,0.10813345438903921,1.12 +3382,1.613302368692124,0.10870776827722596,1.66 +3383,1.3343469905844954,0.10577854009581084,1.38 +3384,2.4209600124417547,0.10625403979597192,2.44 +3385,1.695369252625905,0.11026734632697846,1.76 +3386,0.9812868511723201,0.11147999304465053,0.92 +3387,1.7222749124434715,0.11047056482740984,1.72 +3388,0.9848260044701007,0.11128639560699626,0.92 +3389,1.8780766767422272,0.10665776627265051,1.96 +3390,1.5743069774786989,0.11142663504452285,1.56 +3391,3.0135756095629738,0.11338302342688322,2.98 +3392,1.169164152540393,0.10686000768257263,1.18 +3393,2.5325302385790347,0.10705259737985098,2.76 +3394,0.9047166749501203,0.11182085826406314,0.92 +3395,2.3701107752172157,0.1060464324040571,2.38 +3396,3.0537041315793605,0.11395794825842837,2.96 +3397,0.8391607252001991,0.11138539011190376,0.82 +3398,1.5760229701590296,0.10688873239608539,1.58 +3399,3.061567941809324,0.11391229757650909,2.96 +3400,1.971045491272141,0.10611683202458495,2.2 +3401,1.6767597317778424,0.1143575805148081,1.7 +3402,2.829272973435546,0.11231838890050075,2.74 +3403,1.1560308830781585,0.10609432522567724,1.14 +3404,0.9117022249047206,0.11168706052797693,0.9 +3405,0.6092212058422088,0.11297956376747866,0.6 +3406,1.2906492302212271,0.10560975088921187,1.3 +3407,1.0797599526070867,0.10950010923157925,1.06 +3408,1.1662575733520644,0.10633610869894962,1.08 +3409,0.9754796002847224,0.1121042998833392,1.0 +3410,0.7238251755641558,0.11334137057056258,0.7 +3411,0.5201886535097744,0.11225514796476682,0.48 +3412,1.5988158204393494,0.10756600467342593,1.66 +3413,2.456674376942103,0.10652632505903466,2.68 +3414,1.2321948144830834,0.107194684616231,1.16 +3415,0.46661979882425264,0.11177783412859182,0.4 +3416,1.366386584991976,0.10634541289090958,1.4 +3417,1.129676162167276,0.10744692414181564,1.12 +3418,1.05641217383464,0.11032453942489194,1.06 +3419,2.0470549930893025,0.10571763254211647,2.04 +3420,0.8022042048264595,0.11189209363769323,0.7 +3421,0.8300809750070979,0.11331294394576666,0.78 +3422,1.4130207006557667,0.10730731585731869,1.48 +3423,0.8704181296651878,0.11130777208453226,0.76 +3424,2.7775001801869585,0.10998591562864854,2.78 +3425,1.4833467733196422,0.10707525368388596,1.58 +3426,1.6436937781539793,0.11048149455710528,1.62 +3427,1.847572625051991,0.10673372781043432,1.82 +3428,1.109414555644098,0.10904528056218078,1.08 +3429,1.405183903494878,0.10702408159451368,1.42 +3430,0.7701373495885298,0.11095029564941618,0.7 +3431,1.5029660395659077,0.10605466025211234,1.7 +3432,0.6850770371019035,0.11212789093039031,0.68 +3433,3.1548652457891855,0.11558889417489634,2.96 +3434,1.6973526954120928,0.10878882029271608,1.74 +3435,1.3070650465704414,0.10662890729477824,1.38 +3436,0.9129626991283661,0.11174869900462517,0.9 +3437,1.1572372029674787,0.107290967847439,1.1 +3438,1.1534412028747845,0.10756682783396439,1.14 +3439,0.9508626043137838,0.11326728699571495,0.92 +3440,1.3591945054094206,0.10612867411557574,1.22 +3441,2.9766157191678424,0.1128374871158758,2.9 +3442,2.1139271978804315,0.10567139675918091,2.08 +3443,1.681654448835924,0.11190547627198857,1.74 +3444,2.485137438457667,0.10673920820325007,2.48 +3445,1.0124873691638951,0.11250038039902677,1.0 +3446,2.5065902209878015,0.10689966184526879,2.56 +3447,0.9047751211784849,0.11178510420509552,0.94 +3448,1.0635892404252667,0.10891075295951572,1.02 +3449,1.271078402790427,0.10523816698384408,1.3 +3450,2.5322437692520046,0.10845965553807194,2.32 +3451,1.5527273332640315,0.10604128626402244,1.54 +3452,1.8741528976129125,0.10616552034816365,1.9 +3453,3.6381321331927468,0.12128310523422493,3.44 +3454,1.6004186407854073,0.1078273759129742,1.72 +3455,1.2597813830759161,0.10567346078614089,1.16 +3456,0.9198920836072819,0.11307382262162123,0.92 +3457,0.9810351891885523,0.1100546320696148,0.98 +3458,1.042446946679961,0.11164130810350124,1.0 +3459,1.2533322090574623,0.10543402102814445,1.28 +3460,2.294315850696232,0.10579161082978121,2.36 +3461,1.7599309637974443,0.10877543943508584,1.82 +3462,2.2818194482166407,0.10583788014714741,2.32 +3463,1.3469775324554112,0.10598961119680651,1.32 +3464,2.512174628924347,0.10696480632022086,2.44 +3465,1.5547401966070211,0.10883317501512454,1.48 +3466,1.3999260793660921,0.10688747618322016,1.24 +3467,0.844579871099298,0.111372172921805,0.84 +3468,0.4673209294740017,0.11243089539789679,0.4 +3469,1.860303321657868,0.10645982884967699,1.82 +3470,3.7606076429068933,0.12601907070594306,3.82 +3471,1.4153790900585408,0.10829061056275922,1.36 +3472,1.142619205645552,0.10875664818225093,1.18 +3473,1.1227881352341793,0.10777261099863082,1.14 +3474,1.7539305814420214,0.10755697294808887,1.76 +3475,1.5843147328011602,0.10715129759773771,1.66 +3476,0.6301151273714964,0.11183113949131245,0.6 +3477,0.9031033328221962,0.11124781779648807,0.86 +3478,0.9415847586828185,0.11229691896871813,0.94 +3479,1.1365976056208495,0.10834512806088055,1.08 +3480,1.3087336458009675,0.10545019367057429,1.54 +3481,2.1819270123336714,0.105862668339356,2.26 +3482,1.2756786571866945,0.10591606841835942,1.28 +3483,1.2257454870211424,0.1054483655979825,1.24 +3484,1.0054665550937285,0.11139560439192236,0.98 +3485,1.5072289678523658,0.10627536612452512,1.54 +3486,1.7408675958608386,0.11027569547336266,1.42 +3487,1.63634644672516,0.10971827498156346,1.68 +3488,1.1385045020406999,0.10721000103848677,1.14 +3489,1.9402330689655463,0.1058816959968627,1.98 +3490,0.7193181959965562,0.11198476493608735,0.68 +3491,1.9446363265324424,0.10584657065367345,2.0 +3492,1.317790133502636,0.10585725062855482,1.34 +3493,1.2497374475735237,0.10553782698240544,1.24 +3494,2.748369529678001,0.11023623295549011,2.6 +3495,1.053483206601543,0.11079590855757838,1.12 +3496,1.8642235150508082,0.10670948234738319,1.94 +3497,1.6008000632427146,0.10748321486794779,1.62 +3498,2.3317421821396507,0.10601124236784049,2.42 +3499,1.9571647513417973,0.10618935920471807,2.18 +3500,0.5126326017123572,0.11167939381912638,0.44 +3501,1.5533031122816805,0.10657403430624249,1.6 +3502,0.5079838947674533,0.11226268887057633,0.48 +3503,2.3539008952375258,0.10597804838930576,2.46 +3504,1.419005683517061,0.10649956835572656,1.44 +3505,1.270952467702232,0.1056643505460867,1.2 +3506,1.03390885050697,0.1109219785988842,1.02 +3507,1.493421945112475,0.10575378488376427,1.54 +3508,1.6624720617413522,0.10894901973498318,1.88 +3509,0.5482309199025268,0.10998159792275562,0.44 +3510,1.1954626352021922,0.10697322254910177,1.2 +3511,1.4184083535462113,0.10713395382971076,1.46 +3512,0.9385655728035704,0.11143544170145797,0.92 +3513,1.1892636267714778,0.10715662035203749,1.14 +3514,2.348477149150373,0.10622640904868935,2.34 +3515,0.9776068973213237,0.10864366042146745,0.9 +3516,1.2341643575501937,0.1060003637054712,1.16 +3517,1.252632728216529,0.10548992819784882,1.22 +3518,1.3952211262239507,0.10704018822814029,1.5 +3519,1.6942436265168768,0.11007263121662691,1.76 +3520,0.8430358885967522,0.11193050788631988,0.74 +3521,0.3248131027483083,0.11437264866279347,0.3 +3522,1.7773014031482126,0.10939102487347492,1.72 +3523,1.5162832593411268,0.10543866555895423,1.48 +3524,0.8573530043842208,0.1115977455076837,0.94 +3525,0.14824943553769687,0.11788102772606468,0.1 +3526,1.4484906514531248,0.10736369463075057,1.38 +3527,1.6899126738133328,0.11014189586352131,1.74 +3528,2.035923600457303,0.1057165400574613,2.1 +3529,0.7381776999290013,0.11232694891276833,0.78 +3530,1.88169000911532,0.10701379259261487,1.9 +3531,2.4093043635741136,0.10637610174068941,2.28 +3532,2.956279332948179,0.11284346216308813,2.94 +3533,2.444941110466104,0.1066781330883654,2.46 +3534,0.6288697010804976,0.11178267741789698,0.56 +3535,1.8212270995648323,0.10736034704542176,1.96 +3536,1.7161757476507242,0.10886238179545343,1.76 +3537,0.08917060167165092,0.12121306763593329,0.06 +3538,1.8215853497751624,0.10664500687614616,1.86 +3539,1.3733271157407803,0.10635760214959074,1.38 +3540,0.8136520792205797,0.1129384725483255,0.86 +3541,0.9990979043515313,0.11296542753283698,0.98 +3542,1.920139774203283,0.10668556972500574,2.02 +3543,0.7868975832065823,0.11143316573766819,0.7 +3544,0.40975266465800164,0.11283635565947285,0.3 +3545,1.5690790718679954,0.10639504815756509,1.58 +3546,0.6167609529993321,0.11095792670946245,0.54 +3547,1.9734229080810275,0.10589023705761151,1.86 +3548,0.6159746561355952,0.11294134653866308,0.6 +3549,1.6209378593561259,0.10907209489146624,1.64 +3550,1.7265900101654699,0.11285080375475133,1.76 +3551,1.3387196215414185,0.10586735521192972,1.28 +3552,1.2380338345397552,0.10587182199961556,1.18 +3553,2.5643321311863922,0.1073590921994275,2.3 +3554,0.4058604018000951,0.11183407833342791,0.44 +3555,1.2645995184352818,0.10562067754956882,1.3 +3556,2.454265843549199,0.10645803675108531,2.54 +3557,1.5317414349510985,0.10562450395889544,1.54 +3558,0.5115772400169769,0.11159662910523582,0.42 +3559,2.8033504952572637,0.11113584470456417,2.7 +3560,0.9458398084530568,0.11021557052482386,0.86 +3561,0.9926846249456958,0.11096421615853987,1.06 +3562,0.46486105408650324,0.11239330701970782,0.44 +3563,1.0860106601790953,0.10875341608117661,1.06 +3564,1.129309564824565,0.10728268457283154,1.12 +3565,1.4276686384588873,0.10755678949861681,1.44 +3566,0.7110781562890809,0.1121199816347724,0.68 +3567,2.3434854803409646,0.10591967976291593,2.4 +3568,0.8889375574402596,0.11261259719889077,0.82 +3569,2.752402797157912,0.11019814293420174,2.68 +3570,0.6543634544121693,0.11154944179075647,0.56 +3571,1.860701448126437,0.10672001146727983,1.82 +3572,1.506580171454968,0.10545261461414358,1.56 +3573,2.9241310259536446,0.1127953821525801,2.92 +3574,2.0993833881082047,0.10574359511620399,2.02 +3575,1.1266504436438325,0.10661630047013852,1.02 +3576,1.3290340134089043,0.10557332617114822,1.36 +3577,1.0684588120571643,0.11051035547102249,1.1 +3578,1.1085710848965409,0.10974245416694513,1.18 +3579,2.1153612188826076,0.10591732273196953,2.18 +3580,0.7158367530168475,0.11314758780289523,0.56 +3581,1.3449891782966823,0.10608346797764853,1.34 +3582,1.718325508456469,0.11140643754244278,1.86 +3583,2.2411516902847373,0.10569678024230161,2.5 +3584,2.1120994150974894,0.10599471574375034,2.02 +3585,2.4496089214342858,0.10644136367610658,2.52 +3586,1.6403268877252324,0.11526862771237098,1.8 +3587,1.595801622640527,0.10995751215024248,1.64 +3588,2.269918317355487,0.10574147989831419,2.26 +3589,3.856435578584172,0.12876921739201827,3.92 +3590,1.9745082155740077,0.10612020556794456,1.94 +3591,0.9932867052056027,0.1096942544562255,0.92 +3592,1.1827594679747788,0.10821225959662784,1.2 +3593,1.5745647703893075,0.10635503779016828,1.62 +3594,2.0274274099855316,0.10578303663211973,1.9 +3595,1.0534243715159066,0.10867165749577748,0.9 +3596,0.7898888745541681,0.1120993873796524,0.78 +3597,2.1187919234729073,0.10573258376737624,2.02 +3598,1.8973576437099626,0.10800752746273738,2.02 +3599,1.2105631331044862,0.10660773127231345,1.24 +3600,1.9163977230015208,0.10597531485692131,1.96 +3601,0.663070357844286,0.11166191313286787,0.6 +3602,1.4871437374629535,0.10633829039718136,1.52 +3603,1.7216496530989547,0.10897061873712315,1.56 +3604,2.1273826582060322,0.10569046314387773,2.06 +3605,1.5165028545864123,0.10572586223610814,1.56 +3606,0.3901291918269738,0.11272723794724057,0.32 +3607,1.239965242824395,0.10604814614940458,1.32 +3608,1.6417935048074739,0.11218838594982623,1.62 +3609,2.195358687079396,0.10566793291335407,2.36 +3610,1.4933576392811032,0.10758596627817743,1.44 +3611,1.770236952165732,0.10922179389664637,1.76 +3612,1.1650155236660265,0.10777942634036573,1.3 +3613,3.5833769191099014,0.12060822230310513,3.52 +3614,3.9841247393096433,0.13950056137851471,3.98 +3615,1.4769486381626473,0.10704719235651539,1.58 +3616,1.6676988048557444,0.11079274235961889,1.66 +3617,1.4963125996389124,0.10754093550863841,1.48 +3618,0.9895830675971933,0.11216486538659592,0.96 +3619,1.2719895069609013,0.10541696120268049,1.22 +3620,0.7341850498564808,0.1119645875176272,0.68 +3621,0.7556079631577006,0.11216767431248988,0.72 +3622,1.3962693098731949,0.10673389306915902,1.64 +3623,1.3449006544731255,0.10571178386857974,1.34 +3624,1.4988629970873442,0.10647954051515017,1.54 +3625,2.397957568227912,0.10621463967867482,2.42 +3626,1.570049238447969,0.106208794345476,1.62 +3627,0.7714831114024534,0.11214328452287034,0.76 +3628,1.3718843408350319,0.10636830146463401,1.38 +3629,2.0371006150373305,0.10573441147994282,2.12 +3630,0.5513402854577061,0.11173406406444267,0.54 +3631,1.7696137292366663,0.10926393099291358,1.9 +3632,1.8622228381779267,0.1065461027493967,1.88 +3633,1.556800473578475,0.10654619896622529,1.54 +3634,0.5469982866290461,0.11259553066630502,0.44 +3635,0.830982042140449,0.11181667851047147,0.9 +3636,1.689616831359897,0.1117271174625481,1.66 +3637,1.8489889171813023,0.10639497416489127,1.86 +3638,1.434145583163521,0.10651825322970637,1.42 +3639,0.7772187584571109,0.11201007889783485,0.76 +3640,1.1083073477018965,0.10966798058108344,1.1 +3641,1.7109538402122721,0.10902163140303481,1.6 +3642,1.082715464944794,0.10958229788353277,1.0 +3643,1.5219942526867376,0.10537719149155451,1.5 +3644,0.3973443122217395,0.11238034262151884,0.42 +3645,2.438936461184333,0.1064007682245997,2.46 +3646,1.389410302818746,0.10693190794657544,1.46 +3647,1.178397771787453,0.107230786537916,1.2 +3648,2.0683297104561347,0.10569609005779441,2.12 +3649,0.7899915599184606,0.11206293773299272,0.78 +3650,1.16024151900029,0.10859058213505376,1.14 +3651,1.4418693117345542,0.10653160879403249,1.48 +3652,1.679305383420239,0.11015453482335737,1.78 +3653,1.3647422887086442,0.10637896015957946,1.38 +3654,1.6985340082788545,0.10838490328075956,1.6 +3655,1.3238301847540512,0.10557347346292516,1.36 +3656,2.3957522151821258,0.1061336197866197,2.42 +3657,1.5826880489632176,0.10694182475746128,1.86 +3658,1.9612215456769015,0.10599635955294823,1.96 +3659,0.6349926330870792,0.11183938456178244,0.52 +3660,1.680563983004228,0.10771997372938938,1.76 +3661,0.858633641813979,0.11202388359573502,1.42 +3662,1.8979524193640822,0.1061213426480882,1.9 +3663,1.1743388755768525,0.1073762978938241,1.08 +3664,2.0434302046153676,0.10570965565467248,2.06 +3665,1.045838850899595,0.10918999350137136,1.02 +3666,1.0111336007445875,0.1109623869998491,1.04 +3667,1.1890982625256976,0.10657318001229867,1.2 +3668,0.6345007116871377,0.11338856691182461,0.54 +3669,2.7877466209063977,0.11006981436606904,2.86 +3670,1.4115983995481658,0.10704770562730681,1.42 +3671,1.8323531518425864,0.10747009552023051,1.84 +3672,2.1324474452730913,0.10565959274840994,2.18 +3673,0.9020596298909176,0.11092398080053567,0.94 +3674,1.8839059341207656,0.1064243566894392,1.94 +3675,1.4044202703474404,0.10656232347416786,1.3 +3676,3.4147600450450897,0.11862989161970285,3.4 +3677,3.7233917668463574,0.12327192343784091,3.9 +3678,1.7265153328182512,0.1082316049770287,1.7 +3679,0.6104000397743699,0.11177197851735324,0.56 +3680,0.8421230019645449,0.11224582489694736,0.72 +3681,1.0986087444039319,0.10950298495847967,1.08 +3682,1.4773062166218045,0.1075471333571679,1.46 +3683,0.8274220672251804,0.11345159979955548,0.78 +3684,2.528698008203755,0.10703686749955128,2.5 +3685,2.416141255200148,0.10623328748229528,2.56 +3686,0.3844909007153108,0.11257689367052004,0.44 +3687,1.7967806221760583,0.10838012998640437,1.82 +3688,2.475063007526998,0.10659258892509565,2.48 +3689,0.9720136088642004,0.11114419687661427,0.92 +3690,1.032658384241386,0.11212879630267011,1.06 +3691,1.1617369549136987,0.10781323019685944,1.14 +3692,0.9287758025733179,0.11326380696791394,0.94 +3693,1.7941009775740462,0.10875613391621833,1.86 +3694,4.089486534140946,0.15079936083251666,4.08 +3695,2.411596678436207,0.10625208685764945,2.4 +3696,1.995304424552466,0.10635250402823694,2.04 +3697,1.3624151613456652,0.10621572869994368,1.36 +3698,0.48170013122133337,0.11175482545628564,0.42 +3699,1.162934921822334,0.10629910847799777,1.12 +3700,0.7336340351191728,0.11112360369532916,0.74 +3701,1.5207554358592867,0.1068373403659562,1.58 +3702,1.205559803494964,0.10600445058068883,1.12 +3703,1.6085313671511123,0.10820450075434511,1.64 +3704,1.3517154904466677,0.10611176569275337,1.34 +3705,2.214647261703314,0.10578993193259541,2.3 +3706,0.9095658732776952,0.11139670584208126,0.96 +3707,1.2010757738320557,0.10629415062855602,1.12 +3708,1.9983189969207822,0.1068166875471458,2.0 +3709,1.6608816964672655,0.10900634003308549,1.74 +3710,1.4027275670404782,0.10681461806112186,1.4 +3711,0.9577662421388284,0.10978478593157051,0.94 +3712,1.1018216865840964,0.10837805000317151,1.0 +3713,1.0862079806885312,0.10877609514313767,1.16 +3714,1.2327277568090187,0.10586365078054626,1.18 +3715,2.408148998521682,0.1064108081711773,2.52 +3716,2.251610628301223,0.10633973493896391,2.36 +3717,2.4151063189609383,0.10622685980589516,2.64 +3718,1.0415825210347114,0.11069290846282459,1.08 +3719,1.5070539491336197,0.10577110115069614,1.56 +3720,0.8651350683807051,0.11275978936388167,0.86 +3721,1.6165206226938502,0.10845932994676763,1.54 +3722,0.9367460772642575,0.11250893756666466,0.9 +3723,0.5149117627315158,0.1115102085130221,0.48 +3724,3.1018129812389548,0.11555044942628333,2.96 +3725,1.0729943140015878,0.1089707090186176,1.06 +3726,1.7389421346908858,0.10784602205188319,1.58 +3727,2.097026568133887,0.10594129796667064,2.08 +3728,1.159243355301549,0.10620253115026912,1.24 +3729,1.4333006697219375,0.10733265787814075,1.4 +3730,1.0738440608427027,0.11165674722103447,1.16 +3731,1.1825554161883503,0.10654752688702802,1.12 +3732,2.052580500982919,0.10582954441583176,2.1 +3733,1.0701571981857807,0.11055969130839671,0.96 +3734,0.819283668388314,0.11157927112908221,0.76 +3735,1.4393042180010323,0.10697515519522084,1.48 +3736,1.213276252232066,0.10814196913590883,1.16 +3737,1.6670110719412667,0.10715365303341001,1.82 +3738,1.378299026413889,0.10685521181423636,1.44 +3739,0.6408362557502008,0.11192655316829131,0.7 +3740,1.1256946610247658,0.1086618400807532,1.0 +3741,0.6482668470181219,0.11172427886231931,0.62 +3742,1.5322197894780194,0.10756432303158545,1.48 +3743,1.1264204708024304,0.10867618238919145,1.1 +3744,2.3863799766995593,0.10615522802859349,2.46 +3745,3.489207699141232,0.12009478446941446,3.36 +3746,0.6434616213275834,0.11280803867734938,0.58 +3747,2.063003283361443,0.10582963554861154,2.02 +3748,0.2583423686271722,0.11578730226329627,0.18 +3749,1.4592718731138223,0.10584794081145356,1.66 +3750,1.310318000329672,0.105547982828571,1.3 +3751,0.344856571812568,0.1126545754647848,0.38 +3752,1.2514288737383295,0.1055014094177755,1.38 +3753,1.4406281202974114,0.1071451644927668,1.46 +3754,1.481910132955294,0.1081548764102252,1.5 +3755,1.3744081657627705,0.10661339746272754,1.44 +3756,1.1059926110834066,0.11076716672854589,1.14 +3757,2.4179679837817436,0.10635937504166927,2.48 +3758,1.0866460782729348,0.10716321828246281,1.14 +3759,1.2339310166549717,0.10603652284157303,1.18 +3760,1.9670416783048852,0.1058537623377085,1.84 +3761,0.35214803103252557,0.11306251029911119,0.26 +3762,1.2917704434144692,0.10566395917679591,1.26 +3763,1.4655037297398454,0.10643589908824859,1.42 +3764,0.6115139753751446,0.11192698268896693,0.54 +3765,2.717030497007757,0.10909755824876301,2.78 +3766,1.4699250757397815,0.10648721449031026,1.5 +3767,0.8851206751923035,0.11268020279237206,0.86 +3768,1.4189229210419567,0.10644810362745599,1.48 +3769,0.12232787010119273,0.11924766373365384,-0.04 +3770,0.6094032247424375,0.111973531066112,0.54 +3771,0.8083073920637407,0.11133354250124439,0.7 +3772,1.309223899561463,0.10546836131400632,1.28 +3773,0.897400020491995,0.10981351989457011,0.9 +3774,0.9391194483568723,0.11265367207295213,0.96 +3775,1.4626300175692029,0.10636336916628512,1.46 +3776,1.7568863527341934,0.10927008382650102,1.82 +3777,2.230187449880166,0.10569476064396931,2.36 +3778,1.3709967815194721,0.1066677275822243,1.38 +3779,1.2601756530766561,0.10632231661189946,1.32 +3780,0.8653866689194603,0.11376373405316598,0.9 +3781,1.3917253897253916,0.10676853764046118,1.46 +3782,1.2865994615376826,0.10542550306035257,1.2 +3783,1.919579689073231,0.10640878718057775,1.96 +3784,1.6154971201704011,0.11207255679771853,1.78 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-3/val-metrics-2022.02.11.11.30.59.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-3/val-metrics-2022.02.11.11.30.59.csv new file mode 100644 index 0000000..a7e64e9 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-3/val-metrics-2022.02.11.11.30.59.csv @@ -0,0 +1,7 @@ +,0 +nll,-749.3150953467058 +sharpness,0.10978371964745229 +variation,0.06794641448602456 +mae,0.060353901773041514 +mse,0.007383776233034091 +rmse,0.08592890219846924 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-3/val-metrics-2022.06.23.16.36.01.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-3/val-metrics-2022.06.23.16.36.01.csv new file mode 100644 index 0000000..df62ed5 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-3/val-metrics-2022.06.23.16.36.01.csv @@ -0,0 +1,7 @@ +,0 +nll,-749.3153258760119 +sharpness,0.10978371938010181 +variation,0.067946500650467 +mae,0.06035377734604049 +mse,0.007383769574924707 +rmse,0.08592886345649352 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-4/2022.01.26.17.37.27/train/events.out.tfevents.1643218648.node-l00a-006.myriad.ucl.ac.uk.211753.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-4/2022.01.26.17.37.27/train/events.out.tfevents.1643218648.node-l00a-006.myriad.ucl.ac.uk.211753.0.v2 new file mode 100644 index 0000000..1ed9d07 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-4/2022.01.26.17.37.27/train/events.out.tfevents.1643218648.node-l00a-006.myriad.ucl.ac.uk.211753.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-4/2022.01.26.17.37.27/validation/events.out.tfevents.1643218689.node-l00a-006.myriad.ucl.ac.uk.211753.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-4/2022.01.26.17.37.27/validation/events.out.tfevents.1643218689.node-l00a-006.myriad.ucl.ac.uk.211753.1.v2 new file mode 100644 index 0000000..4503fb7 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-4/2022.01.26.17.37.27/validation/events.out.tfevents.1643218689.node-l00a-006.myriad.ucl.ac.uk.211753.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-4/2022.02.10.15.14.16/train/events.out.tfevents.1644506057.node-e00a-016.myriad.ucl.ac.uk.130249.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-4/2022.02.10.15.14.16/train/events.out.tfevents.1644506057.node-e00a-016.myriad.ucl.ac.uk.130249.0.v2 new file mode 100644 index 0000000..3ab30b8 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-4/2022.02.10.15.14.16/train/events.out.tfevents.1644506057.node-e00a-016.myriad.ucl.ac.uk.130249.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-4/2022.02.10.15.14.16/validation/events.out.tfevents.1644506110.node-e00a-016.myriad.ucl.ac.uk.130249.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-4/2022.02.10.15.14.16/validation/events.out.tfevents.1644506110.node-e00a-016.myriad.ucl.ac.uk.130249.1.v2 new file mode 100644 index 0000000..72699b1 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-4/2022.02.10.15.14.16/validation/events.out.tfevents.1644506110.node-e00a-016.myriad.ucl.ac.uk.130249.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-4/metrics.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-4/metrics.csv new file mode 100644 index 0000000..867538e --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-4/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,-3761.6765190139836 +sharpness,0.11645404384218606 +variation,0.10795369580737549 +mae,0.05778380085869274 +mse,0.0066926306554364635 +rmse,0.08180849989723846 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-4/predictions.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-4/predictions.csv new file mode 100644 index 0000000..8ba8e85 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-4/predictions.csv @@ -0,0 +1,3786 @@ +,Predicted value,Predicted standard deviation,True value +0,2.161872706852918,0.11378324124942868,2.16 +1,2.7246403535650714,0.11578951065957253,2.74 +2,0.7993822274222904,0.11427347067374675,0.78 +3,2.0924289353333236,0.11326679149406503,2.06 +4,0.47931145147297904,0.11508166861890487,0.46 +5,1.6534572237511718,0.11490564085376741,1.76 +6,1.2736980281934756,0.11652867103140271,1.18 +7,1.3181376228124257,0.11444468025202956,1.24 +8,0.7076806494594976,0.114731665517171,0.66 +9,1.9257879050947544,0.11335996068121124,2.0 +10,1.316623844720116,0.11325118757151226,1.34 +11,1.3739151009843518,0.11597911151270182,1.28 +12,0.7461794960314165,0.11602667462476679,0.72 +13,0.8373720716975086,0.11476417938876819,0.7 +14,1.1118161256269872,0.11437608949489671,1.18 +15,0.8796011574034406,0.11455840804295644,0.98 +16,1.3624553951717466,0.11394763257277904,1.48 +17,1.346262175830752,0.11356531295201153,1.36 +18,1.7922510392184776,0.11408800716609095,1.9 +19,1.534427151070112,0.11460747597526814,1.48 +20,0.3382780933363314,0.11752139375475942,0.42 +21,0.948620311848579,0.11439551824574189,1.0 +22,1.1441516232027844,0.11487673006253513,1.06 +23,2.734249337104611,0.11552232117109061,2.8 +24,1.461271827066291,0.11359813884253045,1.32 +25,1.1872168923360213,0.11506302870059137,1.16 +26,2.4261125721379386,0.11421267763050977,2.38 +27,1.0374922007589262,0.1142870108965195,1.08 +28,0.4431787577070452,0.11572568096311014,0.42 +29,2.4501406616212833,0.11400606300027613,2.58 +30,1.751882296608514,0.11388029202519612,1.7 +31,1.122174855592025,0.11477785246374182,1.06 +32,0.7244101856219896,0.11425442760274068,0.7 +33,0.5115439830156632,0.1181886984236803,0.48 +34,1.0631290860853042,0.1136812291827827,1.02 +35,0.5897341961132678,0.11554011834910309,0.56 +36,1.5950159817708496,0.11466514296605959,1.5 +37,1.4395577211347117,0.11422655952086978,1.44 +38,0.7000758133590317,0.11479623216864292,0.64 +39,1.8163082472961243,0.11394047410093182,1.86 +40,1.8789883348624166,0.1138583588679919,1.92 +41,0.12551364912132357,0.1274819382269604,0.44 +42,1.1207128638349104,0.11435603243680456,1.12 +43,0.8614349913373971,0.11420092258742873,0.88 +44,1.5244365571563598,0.11407062622995036,1.36 +45,2.1415737646483315,0.11322327497248362,2.02 +46,0.841697782988355,0.11466666177787838,0.9 +47,2.2041682472988384,0.11390311211154629,2.18 +48,1.9188041717091657,0.11361788211999233,1.88 +49,4.451341187838892,0.2560861035794033,4.18 +50,1.1196824452666831,0.11406974460178071,1.1 +51,2.0748093583748926,0.11355908268519398,2.1 +52,1.5601315742277784,0.11408793894836329,1.46 +53,1.7376301905856302,0.11487572086736302,1.92 +54,1.3449781040180895,0.11361743053399911,1.42 +55,1.2531103818055804,0.11416690987116448,1.22 +56,0.26195935459612585,0.11811693869896199,0.26 +57,1.4914651253595324,0.11297068301849088,1.52 +58,1.4866130608050447,0.11314790159085272,1.4 +59,0.8917777003816045,0.11495429400954325,0.78 +60,1.1175651770946082,0.11445128185794985,1.08 +61,-0.2416317114143709,0.16868227884676584,-0.26 +62,2.100272067026328,0.11345229719436074,2.14 +63,1.0700737297143483,0.11512447991167717,1.06 +64,0.9180920244880522,0.11553631770120282,1.04 +65,0.21060769519373324,0.12118249446955479,0.16 +66,0.5753436825972145,0.1160835961541511,0.74 +67,1.9843214631124404,0.11328305877951171,1.94 +68,0.8785429309598047,0.11507450247227682,0.8 +69,0.8752860077008542,0.11485324920342543,0.82 +70,1.0297519080764062,0.11505139976969626,0.98 +71,0.9864912546269018,0.11417146130132211,1.02 +72,2.504119186471957,0.11469486401501366,2.66 +73,1.053370770318562,0.11398970508576102,1.06 +74,0.9358492256558932,0.11446442619765196,0.96 +75,0.3387106671628324,0.12203866332860082,0.32 +76,3.523678424036788,0.12131930000709396,3.84 +77,1.353210863187691,0.11366238760793482,1.34 +78,1.6508594815888564,0.11638308160310772,1.74 +79,1.497958508953424,0.11394809548746838,1.4 +80,1.9155569289278986,0.1132618820589804,1.84 +81,1.6510075367938981,0.11383379267391182,1.72 +82,0.9929648645315066,0.11525928476318016,0.9 +83,1.0017786514126996,0.11390313846025224,0.98 +84,1.9847193251226116,0.11336049704668841,1.94 +85,1.9276838645991994,0.11334665513302962,1.9 +86,1.8867812109516855,0.11340640260894233,1.9 +87,1.2275341395272221,0.11474797049891915,1.44 +88,1.1394677281126242,0.11418871907781153,1.08 +89,1.76904905264783,0.11385207867652715,1.78 +90,1.1133118707920708,0.11401994186533698,1.12 +91,1.6116692822275347,0.11356433632089839,1.64 +92,4.113344691596296,0.16379102678006577,4.22 +93,0.9037552085155056,0.1142473938270509,0.88 +94,0.9931103215217103,0.11531937401282225,0.98 +95,3.0721211765193637,0.11746480056474037,3.06 +96,0.7971006412640449,0.11501323219338515,0.8 +97,1.8014833867425857,0.11432136480135126,1.9 +98,2.1520386345277807,0.11336083680594597,2.0 +99,2.3315171534028885,0.11360225811278386,2.32 +100,0.6529938930319688,0.11496288293482178,0.64 +101,2.2374329603599072,0.11344011610849489,2.18 +102,1.8786257826081716,0.11356752170843015,1.9 +103,0.513407812896892,0.11602057473596657,0.36 +104,1.9792832063854533,0.1133171683593187,1.92 +105,2.786461965227435,0.11594039926108633,2.9 +106,0.773097808734839,0.11484092153081038,0.8 +107,1.363932811900554,0.11423380120727188,1.18 +108,0.06454498138808873,0.1301221685965252,0.08 +109,0.9459746760133783,0.11534042073127893,0.94 +110,1.4934444789068841,0.11371050935913424,1.56 +111,0.7149822270594832,0.11599409028969444,0.72 +112,1.643442096661893,0.11407627874126695,1.6 +113,1.4010029878468089,0.1132259338514699,1.36 +114,1.3631120005906219,0.1138256784774459,1.4 +115,1.787394112142774,0.11485313763457729,1.74 +116,1.9972048736813193,0.11328931161080426,1.98 +117,1.6161049437520845,0.11426859985462437,1.56 +118,0.9572651964735854,0.11494822210348397,1.0 +119,1.1309045411026233,0.11572229593017025,1.18 +120,3.46512454871052,0.11915636020468084,3.5 +121,1.1708159059772498,0.11399626938670832,1.1 +122,3.341156366617536,0.11816906278744976,3.32 +123,0.784561342488125,0.11537802099130041,0.82 +124,1.8524991868608573,0.11344926722407862,1.84 +125,3.735656896049541,0.1266529153605937,3.94 +126,1.3328651488608863,0.11354127322993872,1.26 +127,2.5735850881108178,0.11461788302973354,2.6 +128,0.3110102404354915,0.11744747805105989,0.28 +129,1.2892491316739445,0.11343325454937483,1.26 +130,2.6643831353076273,0.11556882968806222,2.68 +131,0.9176461494562282,0.1146606376715534,0.88 +132,1.0520804127782633,0.1145271676167306,1.22 +133,3.3474649114183173,0.11832890147239422,3.54 +134,0.9597134194352535,0.11473719514974916,0.88 +135,1.8447720698733967,0.11436815843480458,1.86 +136,1.1918282137357856,0.11341660678976083,1.28 +137,1.6560506551477125,0.1144364091221953,1.6 +138,1.0429378648218055,0.114121051450516,0.96 +139,1.6577613981068708,0.11498069820039644,1.68 +140,1.4733219874347832,0.11284786205105664,1.38 +141,2.0932596915412915,0.11347350853705106,2.08 +142,3.2801093449389214,0.11768636199135661,3.3 +143,0.7541183742371409,0.11474338985209939,0.76 +144,1.6618310563771423,0.11498847313092887,1.52 +145,1.8876771139302164,0.11387574603386608,1.98 +146,1.9438088688671726,0.11330104361123937,1.88 +147,0.9097629607869688,0.1144987640844833,0.94 +148,1.3371132835195105,0.11358799592034821,1.34 +149,0.9101755019809481,0.1145639144267337,1.0 +150,0.06378715364479604,0.1302444105223764,0.1 +151,1.571643985057083,0.11324156365644619,1.54 +152,1.3328302655262654,0.11360188703418109,1.32 +153,0.9971283644563158,0.11408751049071142,1.0 +154,0.7952145638900525,0.11626215450441821,0.76 +155,1.1619113555262963,0.11542578623721836,1.18 +156,0.7426277496011409,0.11468076143093761,0.88 +157,2.0242179760933574,0.11327144566794486,1.94 +158,0.4342703136383399,0.11644958293547693,0.52 +159,1.0595568451615947,0.11424694226261031,1.0 +160,0.6380233972454832,0.11545344957513774,0.64 +161,2.076636393730695,0.11347464690245465,2.08 +162,1.3721851345470775,0.11390628744995038,1.52 +163,1.890374432450944,0.11340677877596592,1.9 +164,0.47979595441155354,0.11532737428937477,0.5 +165,1.7259695057127047,0.11467036687831828,1.68 +166,1.715910351964439,0.11432412491342682,1.64 +167,1.349124050565635,0.1144788541401238,1.3 +168,1.7038998253413382,0.11408546087273085,1.56 +169,1.5126903767398545,0.11362671317109159,1.38 +170,1.4683009320889866,0.11325576008968823,1.42 +171,0.9773511549019354,0.11595164604249997,0.86 +172,2.378201545722902,0.11378728869424333,2.34 +173,0.5278164916894745,0.11532973517655305,0.52 +174,2.876625015789802,0.11597681306015628,3.04 +175,0.5858876506772539,0.11535041309487928,0.56 +176,1.3697192764393336,0.11377932112288412,1.28 +177,1.4140315257055036,0.11402228666981633,1.38 +178,1.1555785129794138,0.11435259962270339,1.18 +179,1.2371951958218048,0.11458078628718958,1.24 +180,1.1306960355528517,0.11501875288480173,1.12 +181,1.505757022158818,0.11389363464988721,1.5 +182,1.4954181569448366,0.1130292931243502,1.44 +183,1.8191269907036087,0.1141910844681491,2.0 +184,1.915867656348329,0.11347469634326568,1.92 +185,1.5208757636167718,0.11375471976468501,1.42 +186,1.4857423960950769,0.11299117560219052,1.5 +187,2.0041067221697624,0.11323862933217958,1.88 +188,1.138224569014966,0.11466200009106471,1.08 +189,0.7477647210425147,0.11473763186048885,0.64 +190,0.7293654116022026,0.11528691455461575,0.86 +191,3.6520842730746885,0.12288764951309647,3.8 +192,0.9691970525455744,0.11387624826469109,0.98 +193,1.1642636527770698,0.11405619978654365,1.14 +194,1.215328609017078,0.11343013371277563,1.28 +195,1.0909984024561652,0.11416173483452145,1.2 +196,0.6883211510374494,0.11619620563289051,0.58 +197,2.6270664217957744,0.11516952440616104,2.66 +198,2.0199251107050067,0.11328381566546844,1.96 +199,0.8301615278928836,0.11640647255798443,0.82 +200,1.2266898588167017,0.11386042451384679,1.24 +201,1.6986407694611714,0.11517165309343082,1.58 +202,3.5617314744966926,0.12365612355522536,3.68 +203,1.0622795537552499,0.11404411317653337,1.1 +204,1.3575423520434562,0.11473804182050597,1.44 +205,1.8377759100339262,0.11354646420834494,1.92 +206,1.789536729965139,0.11410868588812347,1.8 +207,2.427462796433659,0.11767692352938923,2.58 +208,0.6469906762334929,0.11507396686544027,0.66 +209,1.8068219700184152,0.1144288618483247,1.78 +210,2.6409436972229905,0.11584281678147026,2.72 +211,0.8133943402521098,0.11485912351445193,0.84 +212,0.8460309550977847,0.11648259824606046,0.82 +213,1.8703551728991386,0.11421328177099568,2.02 +214,1.8572498264394106,0.11430438444531979,1.74 +215,0.862252149671086,0.11550808849739296,0.7 +216,1.5853068253463576,0.11342737695188794,1.62 +217,1.6156216482469006,0.11359200763234241,1.58 +218,1.2832804641720337,0.11453457500647456,1.24 +219,1.6063300351802425,0.11337061215008913,1.62 +220,0.6218759840573203,0.11818514696656568,0.52 +221,2.0389988517426048,0.11343017306666867,2.22 +222,1.4715850821602459,0.11289436469669759,1.44 +223,0.6600491324073623,0.11727847611200827,0.68 +224,1.4426730584051768,0.11451439181001011,1.4 +225,0.4903438039277681,0.11685755263730466,0.52 +226,1.0389209157466084,0.1151409246311732,0.98 +227,0.723954510282109,0.11491560154136801,0.72 +228,3.028982706586497,0.11683558144124707,3.12 +229,3.7603375387160156,0.1268144612107235,3.7 +230,1.5808732159901666,0.11361682296244877,1.52 +231,1.1744263686495664,0.11434978965168469,1.14 +232,1.4678151325298998,0.1130608806887382,1.3 +233,0.9761733083835438,0.11469938761830217,0.96 +234,0.8274069102336554,0.11454847110270626,0.88 +235,0.8036804787143446,0.11566183630559453,0.78 +236,1.4152295032675788,0.11317351062027957,1.4 +237,1.4896525924319377,0.11359205670700104,1.44 +238,0.15021749690164476,0.1229361421763367,0.18 +239,1.797420336441835,0.11365120405020832,1.8 +240,1.3041583793869584,0.11398585934153833,1.34 +241,1.2440652708643434,0.11470296316397569,1.22 +242,0.4123301180969108,0.11636324981149965,0.38 +243,1.524249477889338,0.11431482251515293,1.4 +244,0.4117889056788755,0.11790723644738572,0.5 +245,0.8004955150570794,0.11588421057714432,0.82 +246,0.532222223114978,0.11510760991857043,0.56 +247,1.3660654640236558,0.11344299714534578,1.36 +248,2.07320397715338,0.11332337120252235,2.06 +249,1.2233964389407568,0.11349041568008902,1.26 +250,2.026060268182171,0.11327328432634151,2.02 +251,1.0369685492563967,0.11521563259038702,1.06 +252,1.9165053667256764,0.11366493438845356,1.86 +253,0.5056054550559494,0.11545515523403779,0.58 +254,0.6414267700106251,0.11534091564065356,0.66 +255,0.5233203941480546,0.11708679547935558,0.58 +256,1.1911538208825228,0.11398370882005131,1.14 +257,0.6022152480298679,0.1149708420159116,0.46 +258,0.898958310656294,0.11825601952820215,1.0 +259,0.9992824226677222,0.11401397897709625,0.9 +260,0.5929706591057986,0.11565457756483999,0.62 +261,2.6787395331221155,0.11578970360909199,2.76 +262,0.6269665812046803,0.11582022557837186,0.7 +263,1.7892835591896379,0.11465977425328167,1.84 +264,2.8372216935094734,0.11694291812554651,2.84 +265,1.0219076257532755,0.11536307327746675,1.12 +266,0.7542168445606059,0.11493847357786707,0.76 +267,1.8030047262358053,0.11376615922307444,1.86 +268,1.0476507813644993,0.11457038326302116,1.22 +269,1.1986922924501684,0.11389659498541296,1.14 +270,1.5627731251234849,0.11366878752217671,1.48 +271,0.9966013499373254,0.11446274994116655,0.98 +272,1.9362066214732003,0.11346357423864017,1.9 +273,0.8990384922031343,0.11740832805475077,0.92 +274,1.7301620396579516,0.11431692369792226,1.7 +275,1.3311829244192417,0.1136672957343565,1.3 +276,1.2279405718884178,0.1134958751776323,1.16 +277,1.5455919892290098,0.11408668001726642,1.6 +278,1.1226598082166959,0.1141178322041662,1.1 +279,1.4052282367747466,0.11388585481808103,1.42 +280,2.0382641432954216,0.11344110277313617,2.02 +281,1.8686082880354746,0.1134634580872958,1.88 +282,1.52861470114685,0.11466762959500107,1.48 +283,2.6341500059649903,0.11518003605557545,2.58 +284,2.385559952253221,0.11401587894802094,2.26 +285,1.6261184718035153,0.11401843422276545,1.7 +286,1.1501446986393447,0.11395969328423958,1.18 +287,2.217802281013242,0.11346270068992878,2.14 +288,2.034436235944021,0.11394508557264521,2.04 +289,0.33458156366076963,0.11846911395168087,0.44 +290,0.42536247644755676,0.11601511323197854,0.52 +291,1.2736901775826688,0.11391717104757819,1.38 +292,2.102216807394772,0.11329288918011476,2.04 +293,0.7891068525228668,0.11471458535251235,0.8 +294,0.6212772829096238,0.1150983116907763,0.64 +295,0.6792554371005473,0.11509325602549317,0.68 +296,1.0407342107861588,0.11409311205672261,1.14 +297,1.7641106424411923,0.1170126220378769,1.58 +298,1.3082011507913123,0.11391587422834647,1.22 +299,1.297876153875972,0.11360941983683101,1.34 +300,0.39870131420029864,0.11628033848812969,0.38 +301,1.3764463765834343,0.11298028133128638,1.34 +302,1.8624328142973,0.11357025228009412,1.78 +303,0.9950571026501969,0.11533152703416422,0.98 +304,0.8277874687832565,0.11522441437201751,0.88 +305,2.060663619032809,0.11342842753515744,2.12 +306,1.1311378834039871,0.1142814552216428,1.14 +307,2.3135655243025184,0.11358283186521063,2.4 +308,2.7187636709754415,0.11539810423578727,2.84 +309,1.2898799604862106,0.11589202996298345,1.26 +310,2.460228072934246,0.11404055932807497,2.44 +311,1.06573011101122,0.11429767116401646,1.1 +312,0.3235128571726342,0.11888263854046832,0.34 +313,0.7926670315427131,0.1145978598890456,0.78 +314,1.2904930003804864,0.11420097528965062,1.28 +315,1.501894502621635,0.11280177431460185,1.52 +316,1.4598738376079297,0.11295574645428057,1.42 +317,0.18115689964828263,0.12414901612347466,0.32 +318,0.9237919108190233,0.1144714133812528,1.0 +319,0.4698259950232977,0.11572455403414275,0.44 +320,0.46382710796583737,0.11693296808026712,0.66 +321,2.5599134717377936,0.11458592621904902,2.48 +322,3.999196253710174,0.15027580073288976,4.18 +323,2.3510626036981535,0.1136564144166826,2.34 +324,0.8949966710302668,0.11623319063158086,0.94 +325,1.1760471396599108,0.11448576415596977,1.18 +326,0.3641719740493432,0.11724087799953427,0.4 +327,0.4919889556803465,0.11584111805347864,0.46 +328,0.73938256913506,0.11528601255277836,0.76 +329,0.6011824204153662,0.11555805990118116,0.58 +330,0.8230692127342287,0.11445079568529715,0.86 +331,1.5146951940212396,0.11330560031976165,1.46 +332,1.1824263391443068,0.11355796692994109,1.06 +333,1.5716387832788392,0.11409824959933433,1.58 +334,1.5879693846896323,0.11379238814080556,1.58 +335,1.6574991430500603,0.11507987305948553,1.6 +336,1.2055691612886044,0.11440513033291674,1.22 +337,1.0396120402930649,0.11437589069775608,1.12 +338,1.4161025807835905,0.11364305370011166,1.14 +339,2.2211691329198224,0.11364991183027119,2.22 +340,1.1555780412133245,0.11331181718842083,1.08 +341,0.6826889795367101,0.1147639651482091,0.7 +342,0.6380824850281979,0.11631182535925466,0.64 +343,1.6270561870573559,0.11443348089206984,1.76 +344,0.760232595419799,0.11469074835559062,0.82 +345,1.0489949291072094,0.11471376030794334,1.1 +346,1.5788022530555992,0.1147142543694064,1.62 +347,1.2131655238542294,0.11353679201631725,1.22 +348,1.1809067529449528,0.11375672504071464,1.18 +349,2.975452671035331,0.11682681649511152,2.8 +350,1.6274618679003972,0.11413973567166798,1.64 +351,1.1512114260903346,0.11421460125676842,1.08 +352,1.45377437623673,0.11334472872969101,1.42 +353,1.6827612094108098,0.11408070905852186,1.58 +354,0.9737390268172454,0.11611018269622439,0.96 +355,0.818260195526971,0.11581990434630385,0.82 +356,2.9092492648758643,0.1167518946575691,2.94 +357,2.6228540660363855,0.11521029376902589,2.72 +358,1.9966794681796287,0.11350003505891308,1.9 +359,2.914728131764985,0.1166199741537946,3.0 +360,2.212716876371868,0.1135713674496108,2.14 +361,2.2439231685388066,0.11371566951221333,2.4 +362,0.6572588738808065,0.11553109167098959,0.6 +363,1.8988083031406333,0.11346204420903098,1.74 +364,2.467552212594729,0.1142079362125764,2.62 +365,0.9627286134133008,0.1144942470006735,1.08 +366,1.632190983297555,0.11527627968282794,1.72 +367,1.7894021213598421,0.11358754895346453,1.78 +368,1.1351105545174356,0.11447329664651744,1.04 +369,1.5278486092697392,0.11355121607931666,1.52 +370,0.9376673020829198,0.115363926773833,0.96 +371,1.8311599018988325,0.11428168726047391,1.86 +372,1.0066878192269222,0.11452351455754102,1.12 +373,1.4530366217237614,0.11302464188803495,1.34 +374,0.546384960877571,0.11582021712153685,0.4 +375,1.3873954426654613,0.11431799325585909,1.36 +376,1.921801434431842,0.11390067753686126,1.96 +377,1.6463564041615228,0.11408993026667093,1.68 +378,1.5848997476803355,0.11433051012643702,1.6 +379,0.512544472145084,0.11543326468905227,0.52 +380,1.3417610232338681,0.11643978357326833,1.34 +381,2.2890489979301343,0.11416020720447931,2.22 +382,1.4271269614100532,0.11353872248101962,1.4 +383,1.3918310451322284,0.11308863341810078,1.28 +384,1.2857087523867428,0.11384022566392975,1.4 +385,0.9716007623641261,0.11417997769955897,1.06 +386,0.7169878049756928,0.11481694571983034,0.72 +387,1.9052462740720628,0.11376069424988842,2.0 +388,1.1226370632951657,0.11417918275170091,1.14 +389,1.2425899904357323,0.11424114761671166,1.28 +390,1.3752386530557459,0.11440511926942852,1.36 +391,1.0425786666236654,0.11487281975971599,1.02 +392,1.4978761526371969,0.11343467312378334,1.48 +393,1.6632968258623144,0.1143849307929412,1.64 +394,1.9960371939452486,0.11404597228861572,2.0 +395,2.177882425891596,0.11371349965922797,2.2 +396,1.401954308342976,0.11382763381885698,1.44 +397,2.285015279969887,0.11356958548667159,2.36 +398,1.668355715360459,0.11467104676700869,1.68 +399,1.0955736273572114,0.11454383419695127,1.04 +400,1.4649827237142965,0.11276842088349916,1.38 +401,2.2859035385425486,0.1137721231458701,2.08 +402,0.527808598703734,0.11561853873051485,0.62 +403,1.2309583893845222,0.11367259402784613,1.36 +404,1.7105089664118474,0.11459982685518164,1.72 +405,1.5070862486615866,0.11356600010462603,1.54 +406,0.7685363578613789,0.11505842900006147,0.8 +407,0.8435538279475772,0.11436911575076579,0.84 +408,1.2913573555836066,0.1135241400594332,1.4 +409,0.9127314711774375,0.11423232143558537,0.94 +410,1.3128984385516134,0.11359793276823174,1.26 +411,1.9953426320768841,0.11319072513116461,2.0 +412,2.8824394692497215,0.11592599925097893,2.84 +413,2.022821009342323,0.11334817673243595,2.0 +414,0.8954173812746244,0.11439407716937033,0.82 +415,1.0020443906551577,0.11432210886890647,1.0 +416,1.6327822318457699,0.11353742790837162,1.6 +417,0.5361654227407957,0.11557077540546755,0.4 +418,0.6365398654502208,0.11495686459949923,0.66 +419,0.8264589232422566,0.11486508620200551,0.86 +420,1.546549711111684,0.11438093165781901,1.52 +421,0.6013665520961418,0.115930124571353,0.58 +422,1.999221130098352,0.11319146916061844,1.92 +423,2.253137339185489,0.11355974609196946,2.22 +424,0.6868719722711862,0.11475567054826478,0.72 +425,0.8348065772696263,0.11458018890588381,0.82 +426,0.9381418321801753,0.11489357223373461,1.04 +427,0.31923348598094137,0.11881498362235611,0.34 +428,1.5727963940905987,0.11608024979403833,1.52 +429,1.3838015274520892,0.11344678904065156,1.3 +430,2.4168010006358713,0.11410710578090905,2.28 +431,1.2475810628353905,0.11369178229769301,1.2 +432,1.1451655453923983,0.11471391301964462,1.12 +433,1.6332647952617307,0.11443607916649846,1.56 +434,2.5608991007964867,0.11496737331479982,2.52 +435,0.7005479550209532,0.11500974304623666,0.72 +436,0.9033615932167685,0.11486403035466787,0.94 +437,1.206063659634598,0.11315423653408231,1.3 +438,1.8206041488934162,0.11375054667579525,1.8 +439,1.3411708029983913,0.11359958151137803,1.32 +440,0.9047888806733688,0.11629086357148476,0.98 +441,1.4187119014749925,0.11376195944398676,1.32 +442,1.9986647776902764,0.1133097777701854,2.0 +443,1.9494149311590832,0.11326686917323132,1.88 +444,1.1899049446080205,0.11354479320834777,1.12 +445,2.364867455533222,0.11381720032046441,2.36 +446,1.2346047124938409,0.11327995402527234,1.22 +447,2.0791191639635684,0.11340751658119307,2.16 +448,1.0820898815442277,0.11658746828919322,0.9 +449,3.4579431776606526,0.11927155493923149,3.56 +450,0.6388964627380567,0.11584392473372974,0.64 +451,0.9544061666656933,0.11467335120278498,1.04 +452,3.0389695260654292,0.11699381227708269,3.02 +453,1.4167724809232887,0.11355836077065586,1.38 +454,2.374044570959093,0.11377692233023962,2.42 +455,1.9757199256065334,0.11327236897370538,1.9 +456,0.7850849474888335,0.11451291997978436,0.78 +457,3.246148151902098,0.11774000288775271,3.32 +458,0.9327630606449091,0.11484402626991094,0.88 +459,0.8185091812869949,0.11480681634200163,0.96 +460,1.7833687351666647,0.11428350052130884,1.78 +461,-0.09769620664537726,0.14663326113104683,0.0 +462,1.4235198814234593,0.11392628773252665,1.46 +463,1.5618654042980644,0.11367983024612249,1.46 +464,1.2526391203805076,0.1134501670045977,1.3 +465,2.0229981004082624,0.11353591399639495,2.04 +466,1.97577382461591,0.11321517624921433,1.98 +467,3.2432675175472845,0.11904018919009805,3.26 +468,1.5246896838210908,0.11313665244567186,1.62 +469,2.0847235279245737,0.11321916779537375,2.08 +470,0.14159044411062638,0.12433981935908277,0.16 +471,1.498865442025533,0.1147508077287065,1.52 +472,1.220302356049011,0.11340890536979133,1.22 +473,0.8876900928550118,0.11664272597779132,0.8 +474,2.6477557012694852,0.11538778374127436,2.58 +475,2.368153354406431,0.11385530157657694,2.28 +476,1.2264368944970307,0.11403381373078669,1.18 +477,2.233501005977029,0.11358529559423829,2.18 +478,0.9836741794982089,0.1141705075190323,0.94 +479,0.9111345228083625,0.11488599550467231,0.84 +480,0.8323176490901893,0.1172532897426963,0.76 +481,0.4676494778223841,0.11603764989510805,0.44 +482,1.939633546084167,0.11325238086581035,1.9 +483,0.9702696115783276,0.11448421704818332,0.94 +484,1.6405811725928316,0.11511573262191163,1.66 +485,1.5129303482500553,0.11284535470060557,1.44 +486,0.7888175240379471,0.11581706866972181,0.74 +487,1.3529051886231045,0.11384667043039157,1.22 +488,0.8691731839712791,0.1178596671225519,0.9 +489,0.38622112471413317,0.11765581891219815,0.38 +490,2.1941584869392727,0.1133435226285188,2.24 +491,1.4336502632199029,0.11325405545011333,1.36 +492,1.7443546198247617,0.11381307153055478,1.8 +493,2.863551342729572,0.11629460094473974,2.82 +494,1.388804036304311,0.11399286980463354,1.32 +495,0.40515304085396053,0.11635185367659995,0.4 +496,1.8109212503568486,0.11391312949945757,1.72 +497,3.0858167746540808,0.1168394904638729,3.1 +498,1.828363396145214,0.11371133653668868,1.76 +499,0.2499248774055456,0.1196396289162573,0.26 +500,1.4957686956422833,0.11336709009826453,1.4 +501,1.4485867576313254,0.11330480024303184,1.5 +502,3.177287751760538,0.11710691654539755,3.0 +503,1.0962909843926418,0.114720493571639,1.08 +504,1.0367510522769052,0.11378151231085412,0.9 +505,0.8743525671968797,0.11429101020565867,1.02 +506,0.9789185412110335,0.11451518326045854,1.02 +507,0.5438545274017379,0.11570539563963483,0.58 +508,3.2200564520997332,0.11817733545708073,3.24 +509,2.3515286633909405,0.11388052276944088,2.32 +510,2.045211228099003,0.1136459781443272,2.08 +511,1.0448871539249787,0.11425467138403177,1.02 +512,1.3160487665382377,0.1144681970215355,1.24 +513,1.6899356779326347,0.11410510676786766,1.54 +514,0.9775696079582712,0.11615027050210538,0.98 +515,2.3865803315506646,0.114060727069673,2.32 +516,2.321331502328583,0.11388773474986134,2.34 +517,1.8670718990259871,0.11347531349900165,1.82 +518,0.6945876600800265,0.1149635291109447,0.66 +519,1.2070200525119859,0.11374159807072262,1.18 +520,1.556438169438639,0.11482121003097064,1.54 +521,1.6607151271040301,0.11446194619794006,1.62 +522,0.8116477877892976,0.1147673836794227,0.82 +523,2.03652513962529,0.11327582439895018,2.06 +524,1.6666189901630482,0.1158949146076136,1.7 +525,0.8634127260737863,0.1143818227936795,0.84 +526,0.962093265539913,0.11463349226685145,0.98 +527,1.1595704179258846,0.11422649938347773,1.08 +528,0.8957875186213933,0.11547850981137127,0.92 +529,2.1766219677494902,0.11358308316377358,2.14 +530,1.3835147516189075,0.1136115433771229,1.38 +531,1.2565064128029633,0.11432698763562635,1.22 +532,1.2693123035069185,0.11346758695593158,1.3 +533,1.3930159659436256,0.11350093964508816,1.42 +534,1.9481189916149866,0.11407372769593192,2.0 +535,1.0391008786739562,0.11398424279385029,1.04 +536,1.5490032125456992,0.11327763233174146,1.56 +537,2.663158314073719,0.11515845576157396,2.6 +538,0.7919866762215708,0.11573105938106479,0.78 +539,2.0817038072345504,0.11332992528491444,2.0 +540,2.8184217609853697,0.11576481311787937,2.76 +541,1.4289144539547713,0.11403754104458179,1.4 +542,1.818220439670906,0.11386729674432514,1.9 +543,1.0959141180486256,0.11604053470761806,1.04 +544,2.131342513435019,0.11339979695745915,2.16 +545,0.754502882134096,0.11466393496143014,0.76 +546,1.2471126761329465,0.11391630363155004,1.28 +547,2.315039507342238,0.11370379161898914,2.34 +548,1.4500299809423929,0.11561799195261667,1.42 +549,1.8733176074497777,0.11385187625848225,1.9 +550,1.5244711868882987,0.11478421135968864,1.44 +551,2.591192736925457,0.11490724259470965,2.72 +552,0.8184545557892786,0.11434481297357685,0.86 +553,0.43095847702792867,0.11554283205754261,0.54 +554,2.0732660473826954,0.11333882874859844,2.0 +555,2.808229210135295,0.11611311772642616,2.76 +556,1.856604970517722,0.11370681583247128,1.82 +557,1.2809729719125436,0.11381920165099908,1.12 +558,2.017856083752303,0.1131892126090253,2.04 +559,1.5867828263734545,0.11361365786901136,1.6 +560,2.221387235890159,0.11345407815157796,2.18 +561,2.3789185352622226,0.11390452161485183,2.34 +562,0.623336158785488,0.11519776890413742,0.62 +563,1.1858095548603984,0.11503374333542199,1.12 +564,2.043167580078265,0.11335906991301718,2.04 +565,1.2167464428705124,0.11486795030241981,1.34 +566,1.6115106216230117,0.11352407029802912,1.6 +567,0.8797348764491009,0.11736509823122566,0.86 +568,1.5193558797772582,0.11394432078743913,1.42 +569,1.0284303539855415,0.11414109109497636,1.04 +570,2.0496747445416332,0.11349646571781667,2.12 +571,1.8748944937934695,0.11335555458686374,1.84 +572,1.489947626288032,0.11335804415807571,1.46 +573,2.263931365554697,0.11358782692497796,2.22 +574,1.4869137783990638,0.11333296414109488,1.46 +575,2.654794389090526,0.11497718381018712,2.6 +576,2.9183945051522286,0.116814969630178,2.98 +577,0.8647755276637294,0.11593875789467264,0.9 +578,1.4910377701933477,0.11369034656446209,1.48 +579,1.1027967508595218,0.1143805936984793,1.16 +580,1.0863300004899479,0.11409858806281727,1.14 +581,1.180000902596884,0.11397776072123823,1.22 +582,1.274638328147283,0.11306080432969946,1.24 +583,2.655791281459763,0.11551315444457978,2.58 +584,-0.47027348715602457,0.2508012669456178,-0.58 +585,1.3195618040261827,0.11333358228520993,1.34 +586,1.6371404795688775,0.11344107383569728,1.64 +587,0.7567098791423064,0.11645919985294194,0.8 +588,2.8513996245768567,0.11614656960553808,3.06 +589,1.6905750488573403,0.11412067125796857,1.52 +590,0.553647291074201,0.11599590017041439,0.5 +591,1.7540010358571934,0.11458052803679583,1.88 +592,0.6098998067801702,0.11547264033659928,0.46 +593,1.573829833694127,0.1134842551514218,1.44 +594,1.3909258265119782,0.1135099485505127,1.4 +595,1.1528133377394703,0.11392453940125066,1.24 +596,-0.1256200913706742,0.14646032819368315,-0.06 +597,0.4964266972001177,0.11525140924972592,0.5 +598,2.5353058822503876,0.11452194641252775,2.58 +599,2.5199916986587354,0.11452085308970389,2.96 +600,1.5994110171062417,0.11399622587707134,1.6 +601,0.9592687326208598,0.11471326453238322,0.96 +602,1.4712281448758944,0.11415932624696046,1.4 +603,1.7289307160914937,0.11412147964032238,1.72 +604,0.5442170042767671,0.11546658717377195,0.48 +605,1.6551983272627098,0.11439186563677319,1.62 +606,0.7411368112702483,0.1148986726901938,0.7 +607,1.8556916611182714,0.11369666390625124,1.82 +608,1.0706749156726545,0.11402342950262444,1.08 +609,1.2129220768394404,0.11441641879313222,1.2 +610,2.952609444999702,0.11740750580559771,3.12 +611,1.8103200554210765,0.11365596293195036,1.84 +612,1.0063395012709968,0.1150308834355367,0.94 +613,1.487673622015091,0.11302292040685503,1.4 +614,0.14588615822997042,0.12374543222240207,0.1 +615,0.6914021228057337,0.11478138611410528,0.72 +616,2.3406626353057973,0.11377541979815686,2.24 +617,1.635996893914875,0.11510002418671765,1.6 +618,1.7787101200003441,0.11371520705354968,1.74 +619,1.5564490485466749,0.11359730842177805,1.58 +620,2.1540574083425525,0.1136622824727479,2.06 +621,1.4811158408465062,0.1129011446177556,1.46 +622,2.1766477443456083,0.11355318497394017,2.16 +623,1.9982060224490716,0.11370658783033664,2.1 +624,3.436518590337659,0.1189936833454749,3.38 +625,1.9543173214065668,0.11356734814915245,1.92 +626,2.1335755112541968,0.11322571792920319,1.98 +627,0.9984963884032183,0.11398579470123363,0.98 +628,2.426657078430459,0.11442177367248452,2.42 +629,2.7918830832848265,0.11607779809637754,2.46 +630,1.3056313300068574,0.11412919309482576,1.24 +631,2.42670447273505,0.11429078874154841,2.46 +632,1.3857547622954165,0.11397954220041841,1.48 +633,2.867381285664866,0.11628746043473347,2.86 +634,3.52780166176899,0.11992553647566963,3.26 +635,1.2954507157662967,0.11356016592248395,1.32 +636,1.3237990536132713,0.11402936837982992,1.3 +637,1.1590685695880438,0.11404387960873595,1.08 +638,3.1167611400591753,0.1173894191316148,3.18 +639,1.2808783443746172,0.11382167949799699,1.28 +640,1.3778310515643497,0.11368806001984469,1.46 +641,1.5371378511264169,0.11436794610714009,1.46 +642,0.830032586948743,0.11555135118521045,0.78 +643,0.9120475426739318,0.11445345661379958,0.98 +644,1.469980784910895,0.1129997698827116,1.38 +645,2.339827164054153,0.11371154495264192,2.34 +646,0.6570292718232587,0.11592429512428629,0.64 +647,0.9007171700450876,0.11442261360423679,0.88 +648,0.9237767276589004,0.1161326338530552,0.82 +649,1.5637247297744707,0.11331673272908786,1.6 +650,1.6369610168157678,0.11432424218813869,1.6 +651,0.9271086363132319,0.11495451819302294,0.84 +652,1.739644608590332,0.11426000812501882,1.64 +653,1.3470260676286578,0.11404280002633682,1.4 +654,1.263916541092346,0.11355089124867902,1.26 +655,0.7549181032777295,0.11502214644245148,0.74 +656,1.9131937253959421,0.11430000479006774,1.82 +657,1.4253715133858655,0.11283485570372377,1.64 +658,1.1787900817017487,0.11451486222836076,1.12 +659,2.3617030198528433,0.11394707517669658,2.38 +660,0.9317898441046992,0.11512920203898358,0.98 +661,1.4892019321072922,0.11316276861312917,1.28 +662,0.31768520334181716,0.1191975513210081,0.32 +663,1.5535637953778547,0.11333888366923993,1.52 +664,1.0528333251096385,0.11496061940416043,1.06 +665,1.3965332411241036,0.11382961943354249,1.48 +666,1.5255826059629776,0.1140641995009544,1.5 +667,1.5375664159707654,0.11326310089103192,1.4 +668,0.8606531118547949,0.1144790909300154,0.88 +669,1.913706815134546,0.11366759646522458,1.92 +670,0.16465866461732048,0.1228005484848157,0.2 +671,2.284128275357755,0.11377864873853172,2.2 +672,2.050775121326211,0.11321332323902143,2.0 +673,1.4007797354702376,0.11380257378066587,1.4 +674,1.2693065549420304,0.11342570898191903,1.3 +675,2.6308561467336986,0.11507178469887759,2.76 +676,0.8110876755075367,0.11475800170192149,0.78 +677,1.513499783693753,0.11332937344960403,1.46 +678,0.4685337166276078,0.11550978459518482,0.42 +679,1.043449258409698,0.1142267062064173,1.06 +680,1.6467995631658177,0.11407492825243719,1.56 +681,0.18419007548655486,0.12149727217990179,0.2 +682,2.1052882087148923,0.11320450126551138,2.12 +683,0.7252442410674558,0.11587724567398625,0.74 +684,0.36317731371376283,0.11692118598240997,0.34 +685,1.1108975903383538,0.11428534386403225,1.02 +686,0.5478655386662759,0.11535151928396963,0.44 +687,0.9232354734965078,0.11477943119690752,0.94 +688,1.5094604196656398,0.11373063176657512,1.46 +689,1.4292963686922135,0.11284785291984835,1.36 +690,1.4790408442713776,0.11281428050689929,1.42 +691,1.9180182975445383,0.11400256167090435,1.94 +692,1.6817777471190674,0.11417225407110071,1.66 +693,1.0079341370660835,0.11452301818335286,1.08 +694,0.6433588297004853,0.11532963373741281,0.64 +695,0.6603148757619035,0.11549590080645455,0.56 +696,1.5903017162498898,0.11446761558195269,1.54 +697,0.8610663957155467,0.1157707139953605,0.84 +698,1.0257224576994588,0.11408856866478854,1.04 +699,0.5453917012650482,0.11590844856687353,0.54 +700,0.7753236649392985,0.11531671695371104,0.84 +701,1.8512869087073582,0.1133716399635387,1.82 +702,1.007225220926351,0.1149473245832869,0.9 +703,0.7361712115559911,0.11482225257875082,0.82 +704,0.9481169047497424,0.11615990258161829,0.92 +705,1.9829724457634974,0.11340340899674153,2.0 +706,0.3223756898462895,0.11763110742814412,0.3 +707,0.8274160527103636,0.11532515940877268,0.84 +708,1.6065333962005184,0.1142653488429365,1.5 +709,3.3933217281776926,0.11990507217856575,3.48 +710,0.43194360514099195,0.11732200764038461,0.44 +711,1.680456148977516,0.11486323538177841,1.76 +712,2.322732371602978,0.11397793372880068,2.28 +713,1.148971602505263,0.11423161852392423,1.12 +714,1.1913312771001934,0.11636653392155957,1.16 +715,1.6119227246647405,0.1136092788882651,1.62 +716,0.7055767903879779,0.1147650277375664,0.62 +717,2.137337460150359,0.11345801846259702,2.24 +718,0.669334124710188,0.12056320179494923,0.82 +719,0.6060121333508892,0.11489431518615909,0.6 +720,0.714108475347226,0.11489728142877363,0.76 +721,1.6612467767265926,0.1148674098221238,1.6 +722,1.5801352294794135,0.11413663584330322,1.5 +723,0.7673133117483388,0.1154888111924877,0.7 +724,1.5041216696501003,0.1171298252786183,1.52 +725,1.3613693520228125,0.11405204904186486,1.3 +726,1.3469195328145531,0.11469543390883202,1.26 +727,2.0224383106304984,0.11332242515513445,1.98 +728,2.5823438550360294,0.11466133866068039,2.6 +729,1.7420164006657117,0.11414806106598176,1.58 +730,0.7995270497400604,0.11563665722749733,0.82 +731,1.6057342809510722,0.11474675969314428,1.6 +732,0.5411079527810614,0.1161772340970672,0.56 +733,2.618043275597774,0.11590952055978707,2.46 +734,1.9375260113113733,0.11380192247874821,2.02 +735,1.023446069936238,0.11562056621050999,1.0 +736,1.4445838735184076,0.11318752604051717,1.46 +737,2.8808420503934506,0.1164384436692213,3.04 +738,0.7599809254582528,0.11866359561959545,0.74 +739,3.1571887145199717,0.11748575376587399,3.22 +740,2.7384950016330443,0.11563293413886194,2.76 +741,1.576562303429899,0.11442179156451229,1.54 +742,1.2127260232579005,0.11562400742910563,1.14 +743,1.694896433046491,0.11487961572218744,1.6 +744,1.6628870386879058,0.11444962358682935,1.58 +745,0.9501696321678992,0.11481558219390305,0.92 +746,0.4284134898821961,0.11615662571367466,0.36 +747,2.0694391192323565,0.11362970492000103,2.08 +748,1.3624871811441643,0.11400755609066957,1.38 +749,1.6275082437722972,0.1144646187359616,1.58 +750,1.3639809867533685,0.11421288176088039,1.52 +751,1.1188103660717807,0.11475360057124673,1.18 +752,0.7101306850139775,0.11471133157603235,0.76 +753,0.6961403734005813,0.11651590057693631,0.64 +754,0.8962063464765144,0.11591010985377406,0.74 +755,1.4017557386054094,0.1136251615099284,1.42 +756,1.7620555557378808,0.11407127477297731,1.86 +757,2.368085586150567,0.11422431435537082,2.3 +758,1.5219399244079277,0.11313737555574994,1.52 +759,1.2861850785848148,0.11465805603504232,1.42 +760,2.610413560739989,0.11523068090060287,2.88 +761,0.8910805120786023,0.11522669866099414,0.9 +762,1.7546752581322096,0.11385500592003775,1.78 +763,1.1843431666279045,0.11372784604113453,1.18 +764,1.527167969347122,0.11340132702638867,1.48 +765,1.4405656401165459,0.11295035472975956,1.42 +766,1.2389728183811926,0.11399579630103752,1.26 +767,0.5800572200693477,0.11640876563240879,0.54 +768,1.149159766833474,0.11410847182425023,1.2 +769,1.8092760488816566,0.11376396607307257,1.8 +770,1.5022106278140264,0.11313210567292406,1.44 +771,1.0349202596645064,0.11431511096978482,1.1 +772,0.8363623864879344,0.11583215827919996,0.8 +773,1.9688339196252862,0.11349471687316581,2.18 +774,1.0737300406221912,0.1149285921405075,1.0 +775,1.6778080730401186,0.11400945768985107,1.76 +776,2.245304113797655,0.11385336567002238,2.1 +777,0.9417200067762153,0.11620809597348622,0.94 +778,1.0275387694852753,0.11413493083377559,1.06 +779,-0.09079130386643008,0.1499192406577195,-0.08 +780,2.5058232911852834,0.11431219620493799,2.48 +781,1.264008247459234,0.11323539386497568,1.26 +782,0.8763756383172048,0.11473626803612005,0.9 +783,1.9189118195666524,0.11388183677884517,1.88 +784,2.254415966840945,0.11356295235280575,2.32 +785,1.212811592977289,0.11396024359151645,1.2 +786,1.937627502062341,0.1132819849232736,1.8 +787,1.0095216212634064,0.11414308432617648,1.0 +788,2.453824935486441,0.11420009438601264,2.42 +789,0.9796346068034438,0.11460485544527887,0.96 +790,1.9053405926475655,0.11332281838347565,1.86 +791,2.1537802028372965,0.11336347831567022,2.18 +792,1.113724717131575,0.11358132831466426,1.06 +793,1.7261734148670698,0.11478648635395572,1.66 +794,2.447799425990759,0.11431544798251082,2.36 +795,1.9480569569109782,0.11323733603870421,1.96 +796,2.393094576342037,0.11387277274249974,2.26 +797,1.144011895188683,0.11507715881120811,1.04 +798,2.42331726939355,0.11447699485160438,2.4 +799,0.8677597593424551,0.1156077834754164,0.9 +800,1.9996996191602925,0.11325928498326891,2.0 +801,1.616819312339647,0.11505866592349379,1.62 +802,1.7764350047681,0.114216416609952,1.72 +803,2.0824099167353083,0.1133822241058426,2.1 +804,1.121642078467893,0.11489475562280534,1.2 +805,1.5216401356130014,0.11363218979964092,1.48 +806,1.542382774717538,0.1136690399842848,1.44 +807,1.3509351966135625,0.11378675286249902,1.24 +808,1.0318519534491344,0.11468199741728012,1.08 +809,1.4088965789946108,0.11290776843334144,1.36 +810,3.1847853827921995,0.11763689625836511,3.3 +811,1.7395480943375965,0.11438304281052182,1.7 +812,0.9679631179733938,0.11592543214607738,1.04 +813,1.2600268247168032,0.11382290074856066,1.16 +814,1.6097068062539854,0.11449992754178037,1.54 +815,2.4322172767109045,0.11444551381454209,2.44 +816,2.249818157671303,0.11352731335253566,2.28 +817,0.7048856526833802,0.11478298110244821,0.64 +818,0.6465093119188019,0.11492230620915134,0.74 +819,2.092934166557317,0.11396009839568577,2.9 +820,1.2236109838321951,0.1137153383802183,1.1 +821,1.0581030680643124,0.1142102877610981,1.1 +822,1.2362177550218654,0.11412718272776588,1.3 +823,2.5544912992215174,0.11542073047297031,2.62 +824,1.6576229936518985,0.11417551172207317,1.66 +825,2.6008247106921765,0.11487061757123526,2.86 +826,1.1000086104009128,0.11666003219161349,1.04 +827,0.9726129893062954,0.11460920537128683,0.98 +828,0.6467749853215601,0.11559970607894866,0.58 +829,0.7435925292420258,0.11525007046870613,0.72 +830,1.6528070006796263,0.11353974873226005,1.54 +831,0.9407107451425887,0.11422182509636576,0.9 +832,2.025512693219369,0.11363832667137631,2.04 +833,1.660559579439699,0.11509690486244846,1.66 +834,1.4723855246588897,0.11358560690202228,1.44 +835,1.443747910538594,0.11296628582498036,1.34 +836,1.1440431440727714,0.11346603873248091,1.16 +837,1.620715637121119,0.11393588875124444,1.52 +838,3.1752091157904516,0.1188191389243106,3.28 +839,2.670898877525076,0.11517063805682133,2.68 +840,1.465793895651263,0.112978107786111,1.4 +841,2.098912053869604,0.1135998779866223,2.04 +842,1.6804348936844846,0.11414177376107622,1.7 +843,1.4887459494076367,0.11265886265441875,1.5 +844,0.9847927670660823,0.11435107701563016,0.96 +845,2.3733703162740696,0.11382818139892763,2.3 +846,1.3957105837305548,0.11373808968422291,1.4 +847,0.6375343270329381,0.11540978873433386,0.64 +848,0.8703162454109048,0.11518585719133718,0.82 +849,1.7081500038769413,0.11390606164327269,1.7 +850,3.0494927610562073,0.11689779632969347,3.04 +851,0.3074195747775015,0.12017961389245378,0.42 +852,1.2700019310491086,0.11322159062694788,1.28 +853,1.063068721446566,0.11410359812376687,1.04 +854,0.55679306249748,0.11560752018289187,0.6 +855,1.5314392541967976,0.11375386723884143,1.56 +856,1.5164241687561528,0.1132973178527267,1.48 +857,2.226654036379699,0.11583035746338442,2.3 +858,3.1822853466896674,0.11752112084403078,3.1 +859,2.673762594625291,0.11573422024464114,2.8 +860,1.2728768979602059,0.11412073334663643,1.34 +861,2.5642512376202404,0.11473565690784852,2.58 +862,1.368060943206597,0.11419711884932618,1.38 +863,1.1515770749505911,0.11398763842486274,1.08 +864,1.2785916890268183,0.11515395666034091,1.32 +865,1.4919579615406526,0.11286559749727101,1.42 +866,1.061885625459258,0.1152129484382324,1.04 +867,1.5553852523918152,0.11323857841711023,1.54 +868,2.254517150022007,0.11351778623125099,2.26 +869,2.564367998182213,0.11457230455192678,2.6 +870,0.6328311506798219,0.11466071040529678,0.7 +871,0.5682320398775751,0.11479867808865782,0.62 +872,2.1473720096927593,0.11331219688611394,2.22 +873,1.5449189271975818,0.1141994178292722,1.56 +874,1.9166438548776021,0.11355918782275608,1.98 +875,1.7863607252699758,0.11409266122413925,1.76 +876,1.423223664120865,0.11364413178270404,1.52 +877,1.7629528688961038,0.11443522887504994,1.7 +878,1.284586809166278,0.11463823850540913,1.36 +879,2.2763953629925666,0.11373041847594241,2.1 +880,1.3902354404113062,0.11491455378820321,1.4 +881,3.7029016378996538,0.12454490942283591,3.38 +882,0.28916197069277416,0.11924740267429436,0.42 +883,1.5765850014602592,0.11359931182191739,1.58 +884,2.522259272995253,0.11499948153574933,2.72 +885,0.33973791612857873,0.11823917843281588,0.26 +886,1.6786299261653141,0.11423646811604561,1.64 +887,1.0928262060429326,0.11471402825321314,1.02 +888,1.172958662492551,0.11327211229247514,1.0 +889,1.5008609546529215,0.11359855871103335,1.52 +890,1.2863010189671655,0.1138690328246031,1.26 +891,1.1386945999068203,0.11368962947071579,1.14 +892,0.8678573222721546,0.11481270949376002,0.88 +893,1.5672999924926927,0.11426236421422997,1.58 +894,1.5573940735527323,0.11471786068421012,1.5 +895,1.323485430696742,0.1138537463939308,1.3 +896,0.8427161557441032,0.11422774066639046,0.78 +897,2.422219733509049,0.11414480780737526,2.32 +898,2.0678258251497326,0.11338417151765463,1.94 +899,1.4294011718130868,0.11312694281837882,1.46 +900,3.279055521845862,0.11773196437512015,3.4 +901,2.891553723281902,0.11616339742437522,3.22 +902,1.602818860818772,0.11405383142230496,1.66 +903,1.633369691697606,0.11551327104430004,1.52 +904,1.2725968899052553,0.11416713311655796,1.36 +905,2.3762152803091823,0.1139986816107982,2.4 +906,0.7181260842708213,0.1144471876409593,0.72 +907,0.8970954001334999,0.11468778984199357,0.88 +908,1.189483616003109,0.11340343400707947,1.36 +909,0.9623011426539101,0.1153102343068283,0.94 +910,1.5764784694153313,0.11513223063451031,1.5 +911,0.266597495268174,0.11986972774582996,0.32 +912,1.1789403800466722,0.11341070501461033,1.22 +913,2.248691883589558,0.11347428063351926,2.3 +914,1.3175762432413656,0.11357896846984306,1.34 +915,3.1342700416496108,0.11736027895735353,3.1 +916,1.799246737505925,0.11386757140398149,1.74 +917,2.4674991162229674,0.11444846499991779,2.46 +918,0.5933668515856052,0.11570538241006967,0.56 +919,0.801671689349412,0.11456499959592796,0.74 +920,1.8917780319216995,0.11336137852152581,1.86 +921,3.5465525817355044,0.12102631606367646,3.66 +922,0.6523304972567079,0.11590674197647148,0.56 +923,1.2716266706608224,0.11389080344396302,1.32 +924,0.3893343365456019,0.11679907448626418,0.44 +925,0.706823712282528,0.11463540015925461,0.68 +926,0.8139713214975899,0.11496103806364129,0.9 +927,0.6996935604642402,0.11496696072537016,0.74 +928,0.5098226692859669,0.11590783292498857,0.56 +929,1.1518186248720923,0.11424228757001237,1.1 +930,1.9916804862501465,0.1132672222487446,1.9 +931,0.9900494419648709,0.11586929209044408,1.0 +932,3.9144650704617234,0.13739933241612556,3.92 +933,1.383582238887655,0.1139400178962898,1.28 +934,1.4784660163043597,0.1133508206241763,1.4 +935,2.6527297348800296,0.11526026590614068,2.6 +936,1.3790918142070971,0.11385783870821592,1.38 +937,0.7871106059955544,0.11526443240838194,0.72 +938,1.0680226083476576,0.11467769989811069,1.02 +939,4.495116086996468,0.272573035632059,4.38 +940,0.9494392141164347,0.11587177649884606,1.14 +941,3.793406189043907,0.12873667902707384,3.84 +942,3.378412583073988,0.11883223368612686,3.28 +943,1.1460132119660713,0.11468070974158921,1.08 +944,1.2362456643258923,0.11385831588630749,1.24 +945,2.386418720310271,0.11486122995663879,2.38 +946,1.190518335570367,0.11359262059884177,1.16 +947,0.7541191012029458,0.11444221871445981,0.82 +948,1.1753627395357782,0.11346763192667837,1.18 +949,1.6721142186537215,0.11434867277306383,1.86 +950,4.382204282247152,0.23071632613354182,4.24 +951,0.748181758165309,0.1146603187741241,0.76 +952,1.4559511533944622,0.11422770474672256,1.38 +953,2.180531177724639,0.11330954078743485,2.1 +954,1.0143324276090446,0.11443208501642652,1.04 +955,0.9948057196810733,0.11499400375815554,1.08 +956,1.0842841366670548,0.11392544612801182,1.12 +957,1.728655259232454,0.11365527473687924,1.74 +958,1.0174651509063395,0.114126067291253,0.94 +959,1.5404886728214038,0.1129889721115833,1.56 +960,1.0801588661399109,0.11395343291214535,1.06 +961,0.8872586050399747,0.11458438284027576,0.88 +962,1.8012767057107943,0.11366018017674245,1.72 +963,3.394612130982974,0.1184388634488028,3.54 +964,1.6417642674021735,0.11391770609600216,1.54 +965,1.6957283713646483,0.11448321099329689,1.72 +966,1.2885715029573674,0.11361209704408332,1.38 +967,2.351971091499305,0.1140659551965738,2.42 +968,0.965867516135237,0.11562906157462315,1.04 +969,1.3345072644591731,0.11412900853041745,1.38 +970,1.244922744351534,0.11383051628766001,1.2 +971,0.33923488174899674,0.11765885094072877,0.42 +972,1.8593065096209003,0.11343822354149657,1.8 +973,1.7704656173946347,0.11431608283118307,1.8 +974,2.4962663981080304,0.11442445789527424,2.64 +975,0.9619016843323926,0.11410310088662932,0.96 +976,1.7201902352934582,0.11403896605515734,1.68 +977,1.346336306567462,0.11334830776859382,1.36 +978,3.5162008257827644,0.12094352831396205,3.54 +979,3.2888387463943793,0.11908700582336512,3.18 +980,1.4129961203347463,0.11331258150850106,1.36 +981,1.5240387025900972,0.11327195774773618,1.56 +982,1.590130634648176,0.11464831752394077,1.52 +983,1.5890523325409909,0.11480094710198008,1.52 +984,1.315139463468956,0.11402536759452574,1.32 +985,0.25548007675930506,0.11945554415720093,0.26 +986,1.5442613052053993,0.11363185372261543,1.56 +987,0.977942704660375,0.11427032009828197,1.0 +988,0.8512352057289618,0.11425851890996037,0.78 +989,3.082099673459652,0.11698123301297042,3.22 +990,0.9831274203081364,0.11762554493301268,1.02 +991,1.157409663328174,0.11571966926885831,1.14 +992,1.905412484565403,0.11340018539970133,1.88 +993,0.2294050869458637,0.12091522439907608,0.2 +994,1.2854932929178204,0.11394321557690454,1.38 +995,1.2986648315983942,0.11323550391164967,1.22 +996,-0.007348046112511497,0.13315327733635843,0.1 +997,1.1402880374847726,0.1159388406520117,1.26 +998,2.2565116918369448,0.11421921445015835,2.26 +999,0.8447052123173009,0.11554728371675003,0.86 +1000,0.4811966907152474,0.1161746803527543,0.42 +1001,1.140355572157759,0.11353889344669761,1.18 +1002,1.093581345801912,0.11468645607225575,1.08 +1003,1.023945162212037,0.11463138785066965,0.96 +1004,1.7817124514747462,0.11469555876401856,1.9 +1005,1.6127536689118038,0.11375373858070723,1.56 +1006,1.2440957651964126,0.11424153557617457,1.12 +1007,1.3788475128970532,0.12086989877765536,1.36 +1008,2.099664978510212,0.11339166522554532,2.0 +1009,2.0289693150825485,0.11337297856338714,1.98 +1010,1.6197187728196916,0.11378792260318758,1.7 +1011,1.4982237641532876,0.11389428929183432,1.62 +1012,0.5529968862437133,0.11529955690561541,0.56 +1013,1.2415669991243483,0.11343633707942764,1.16 +1014,1.4869653837179229,0.11295714133214219,1.4 +1015,2.050483863123919,0.11322012028515453,1.86 +1016,1.6232166602461398,0.11449829435133733,1.6 +1017,1.172447027997297,0.1147547174364925,1.22 +1018,1.145153513873737,0.11482772592728606,1.26 +1019,0.854555785707813,0.11539125282598904,0.86 +1020,1.0503430263160887,0.11450556259611243,1.12 +1021,1.544068981811833,0.11333096267826764,1.56 +1022,1.9052614354765893,0.11344456637978319,1.88 +1023,0.9664765061071865,0.11488266739257572,0.82 +1024,0.8110438028433684,0.11460182265241842,0.76 +1025,0.6729704360836841,0.1146986437713315,0.74 +1026,1.136364128842871,0.11352688296251438,1.1 +1027,1.637428619039909,0.11425920252577297,1.62 +1028,1.1390038832848752,0.11356994988208485,1.08 +1029,1.3658299277682708,0.11353793551876355,1.36 +1030,0.8230178676848734,0.11584442152714572,0.8 +1031,1.6602648764589674,0.11441610213039384,1.66 +1032,0.6885174950070478,0.11525076634899703,0.76 +1033,1.1823017317467404,0.11365523746669766,1.12 +1034,0.9569331014461753,0.11445393147271496,1.04 +1035,1.2260476217775569,0.11345810748819458,1.24 +1036,0.7302275427060962,0.11651332388920477,0.7 +1037,1.6966145064011329,0.11461642655000305,1.74 +1038,1.444036390497235,0.11406715967961643,1.34 +1039,0.829408439595305,0.11528492502118891,0.78 +1040,0.8504478367895167,0.11488162674753065,0.8 +1041,1.923068246883357,0.11348682391786016,1.84 +1042,0.6999414109743753,0.11466708915597033,0.62 +1043,-0.17377011652134655,0.1572882492925595,-0.16 +1044,1.1133818324132498,0.11409226827627009,1.12 +1045,1.0876718814322146,0.11394371461338133,1.0 +1046,1.7560527848869647,0.11387502421827224,1.7 +1047,2.721044571999272,0.11515930535185406,2.76 +1048,0.7964751518420581,0.11533171802310666,0.74 +1049,2.6349607652925613,0.11580807015729007,2.68 +1050,0.8088647767882637,0.11481730820406094,0.82 +1051,0.8969712306108022,0.11449622729207688,0.88 +1052,1.5527426785286451,0.12192824702456279,1.56 +1053,0.8284034302187333,0.11511087988515165,0.88 +1054,2.814833247078262,0.11581005787787471,2.86 +1055,3.1950481761203555,0.11751715066728165,3.48 +1056,3.1832911330492344,0.11818980984404245,3.54 +1057,1.6079661672194767,0.11514105816755624,1.62 +1058,0.6775228532295046,0.11472116648958335,0.62 +1059,1.494922104006541,0.1136261398611009,1.5 +1060,0.49210693387305504,0.1167865923095249,0.44 +1061,0.6218367556346216,0.11463479746334464,0.58 +1062,1.394672220805937,0.11440503227485153,1.38 +1063,2.1101232679435356,0.11335740574127615,2.18 +1064,1.0306701549878703,0.11465316294505162,1.0 +1065,1.6893254739074663,0.11454931541401381,1.62 +1066,1.3113425367268654,0.1417278511884687,1.36 +1067,0.6901490307837008,0.1145211782885783,0.76 +1068,1.1517432716671046,0.11380779623003709,1.2 +1069,0.8632232414773569,0.11792803621662692,0.86 +1070,1.2695039057409367,0.11347783904898912,1.3 +1071,1.118686541996592,0.1149306387412465,1.1 +1072,1.809396729434841,0.1142593305814715,1.74 +1073,1.613610586520032,0.11393502067531433,1.58 +1074,1.248524106700394,0.1135707484357108,1.22 +1075,0.5138005336308513,0.11553451147022448,0.52 +1076,1.7276929339258658,0.11408919120640162,1.8 +1077,0.9039067987072045,0.11471840701742278,0.84 +1078,1.8089513829530262,0.11370503938899776,1.74 +1079,2.3857735711197066,0.11377486170183962,2.32 +1080,0.6983121223311031,0.11589985401394418,0.62 +1081,1.3668006752642619,0.11473514913857921,1.46 +1082,3.3016260010242426,0.11776697606373442,3.32 +1083,1.0623430772919278,0.11417361129158513,1.02 +1084,2.5987796899983735,0.11503576477561792,2.56 +1085,1.1377873359532167,0.11398129418320913,1.12 +1086,2.0964099937542997,0.1134768358063262,2.04 +1087,2.1586461708469074,0.11324859472071165,2.08 +1088,1.6776953697226595,0.11445651020442281,1.56 +1089,0.7998004993678336,0.11433890984330408,0.82 +1090,1.0771997896591294,0.11549706998141465,1.04 +1091,0.856990338949764,0.11517481966762022,0.82 +1092,1.5574468766474787,0.11353044911276317,1.48 +1093,1.1164075974772985,0.11480528912262589,1.1 +1094,1.6933092930458251,0.11422665852455449,1.64 +1095,1.1505491187173327,0.11414124497692321,1.14 +1096,0.8084358324481506,0.11428245133824423,0.8 +1097,0.12036527173359701,0.1254087049637656,0.24 +1098,1.8504746101821183,0.11343622033984369,1.82 +1099,0.7042568601455059,0.11720311065208451,0.62 +1100,2.218493886074821,0.11350576294844521,2.18 +1101,0.9341533181711341,0.11458359097695284,0.96 +1102,1.205677588408232,0.1142356632778216,1.2 +1103,1.0027528030127826,0.11402251475078432,1.04 +1104,1.7591414793343354,0.11437110745158648,1.74 +1105,0.9220490273071036,0.11493609433209835,0.9 +1106,1.3811503670882601,0.11350596343721225,1.32 +1107,1.757377505779644,0.11676567622429783,2.0 +1108,1.1909904029271736,0.11426986286948475,1.26 +1109,1.7477654979369852,0.11420264123370596,1.74 +1110,3.727009956625821,0.12568864667969215,4.12 +1111,1.0577867684653555,0.11402406240603419,1.08 +1112,0.7170665537847896,0.11507183923514545,0.74 +1113,1.60746039527411,0.11453758349571319,1.56 +1114,2.3053239836421113,0.1141788146951383,2.28 +1115,1.6267216010113685,0.11419617181051385,1.58 +1116,0.39445241119335606,0.1169718078996449,0.44 +1117,1.3047544344317394,0.11394928079031326,1.36 +1118,1.1463594664895105,0.11394913979089893,1.2 +1119,1.3191248923487322,0.11364056023096951,1.32 +1120,1.9483840063147504,0.11356434250316726,1.84 +1121,1.3219804184367732,0.11458933146629562,1.28 +1122,1.984855314562349,0.1137163282005247,1.9 +1123,1.0715431088938843,0.11405414208806584,1.12 +1124,0.5422615056119433,0.11574760411222046,0.5 +1125,2.533254246747788,0.11436635164716102,2.84 +1126,1.241005438922329,0.11375475627666702,1.18 +1127,2.406465730390096,0.11438099978067036,2.4 +1128,1.0788292783896765,0.1150068524260134,1.18 +1129,2.919435306710053,0.11657338403283873,3.06 +1130,2.12613277955424,0.11338043388138531,2.12 +1131,1.3054352613435718,0.11512711198613658,1.22 +1132,1.2414128704815255,0.1132448257752603,1.24 +1133,0.742541344058715,0.11468631755981687,0.78 +1134,1.7113118691085099,0.11410574784692326,1.7 +1135,0.9211706653656151,0.11496896551533253,0.9 +1136,1.8784259923281361,0.11415745746733258,1.84 +1137,1.0037157731724093,0.11663191271891447,1.04 +1138,0.41524481637658006,0.11730630655095031,0.38 +1139,1.0183311079322976,0.11493630162178978,0.98 +1140,1.0473130688607277,0.11465225893168715,1.02 +1141,0.9971602450779429,0.11487327357953077,0.94 +1142,2.6957000187523583,0.11539583904986714,2.66 +1143,0.6768869885266149,0.11512864363077156,0.7 +1144,2.3725870945266756,0.11394759433054624,2.34 +1145,0.8712359624372539,0.11440727104203956,0.92 +1146,1.122179577564026,0.11434762084900778,1.28 +1147,1.6863151625341146,0.11369915959473668,1.74 +1148,0.9130291148717227,0.11414695821551084,0.92 +1149,1.9946358308563497,0.11322595148594577,1.88 +1150,0.8471029937853931,0.11548685085642753,0.84 +1151,3.660765721787307,0.12422716072872227,3.8 +1152,1.993985046102182,0.11335755508201323,1.96 +1153,0.8270570000224353,0.1151093234502831,0.82 +1154,1.2028135915819433,0.113309760264826,1.26 +1155,1.0378896349331548,0.11455916358254092,1.06 +1156,2.6592901863486773,0.1151893645605865,2.62 +1157,1.139603651364805,0.11459502237022771,1.08 +1158,0.8778949061362891,0.1151484884640317,1.3 +1159,1.3661957816616308,0.11364421261725527,1.38 +1160,2.5021896129144316,0.11425758146338867,2.6 +1161,2.7934944599352747,0.11591034755087747,3.0 +1162,1.3156780702735595,0.11499340784848035,1.34 +1163,0.8875095775216462,0.1149950577535639,0.92 +1164,0.41939118867348313,0.11888562226275835,0.32 +1165,1.5026624589442683,0.11403761035547955,1.4 +1166,1.8779525092098055,0.113502959976685,1.96 +1167,1.0608797131815741,0.11451699054801806,1.04 +1168,2.0034356909411564,0.11325459768198479,1.92 +1169,1.8872796089785915,0.11356886208589168,1.86 +1170,1.2699720470504374,0.11352611528870793,1.28 +1171,1.0791654489913576,0.11440442835414165,1.08 +1172,1.7609429700945753,0.11385516054633081,1.68 +1173,2.0067844253169262,0.11333576326057436,1.98 +1174,0.893494579478034,0.11504187252401403,0.88 +1175,1.4047779509557792,0.11400468885840644,1.42 +1176,2.1053177141636183,0.11333836601523228,2.28 +1177,0.884781091297338,0.11495763486079645,0.92 +1178,1.8748119150288076,0.11417781022316512,2.02 +1179,1.5058727824618892,0.11324005532619305,1.38 +1180,1.80609639135443,0.11365542426764684,1.86 +1181,0.6114882046382775,0.11517483295743834,0.56 +1182,1.0787848604059782,0.11439169996141292,1.08 +1183,1.5198797238133857,0.11317011685932264,1.42 +1184,0.4803732701639163,0.11592929014297426,0.52 +1185,1.2139978008616694,0.11403646400789642,1.24 +1186,1.8853946082382436,0.1141743782096404,1.98 +1187,1.5082071046881147,0.11329590114280307,1.46 +1188,1.188219549278898,0.11324614545670446,1.16 +1189,1.5359853006179698,0.11325109534512405,1.48 +1190,1.2029222172203582,0.11446512228192846,1.24 +1191,1.3756767722468126,0.11354212516677258,1.34 +1192,1.8663901232347975,0.11337545637321768,1.82 +1193,0.35297342411179855,0.11769138830331212,0.42 +1194,1.486120959426465,0.1134273041416159,1.48 +1195,1.4074004379894731,0.11441141600607554,1.5 +1196,1.7072363371475738,0.11413109847160607,1.74 +1197,1.7502278222463161,0.11469203720336023,1.78 +1198,1.6963457090696075,0.11445869824876174,1.68 +1199,1.8794167260076726,0.11333073416016447,1.88 +1200,1.0672558322945207,0.11431410581225993,1.08 +1201,1.6497489016571336,0.11477360305554285,1.66 +1202,1.04495399045636,0.11399259962050232,0.96 +1203,0.971121882653712,0.11696216062878546,1.0 +1204,2.352716629467757,0.1143865781492719,2.4 +1205,1.1371813536835305,0.11361928457482165,1.16 +1206,0.851578849072359,0.11660536194040994,0.72 +1207,0.7790794939107037,0.11514073430427084,0.74 +1208,2.3791899646362182,0.11388872545875448,2.46 +1209,1.0255465188568387,0.11428402786955164,1.0 +1210,1.872884520638042,0.1135899759099076,1.82 +1211,2.145887670659487,0.11420196848180171,2.24 +1212,1.1109151938889532,0.11366165851312582,1.06 +1213,1.7502145873038657,0.11401335453775197,1.7 +1214,1.2542496454435046,0.11342300686610322,1.24 +1215,0.3292238983070739,0.11796669322071911,0.4 +1216,2.2646995870896482,0.11340678159598702,2.22 +1217,1.8180174242740819,0.11480959742524323,1.92 +1218,0.7192764442022277,0.11482270667190754,0.72 +1219,1.6171140061797935,0.11462542290804792,1.64 +1220,0.6312601131626856,0.11498330071025104,0.64 +1221,0.5776581104995007,0.11592268653643763,0.68 +1222,1.2434830498191687,0.11328404955514279,1.3 +1223,1.3884547296999905,0.11377053661982926,1.46 +1224,0.6342138985056351,0.1175220461009212,0.68 +1225,1.1781443679488035,0.11314713594749087,1.18 +1226,0.8067358129079913,0.11447454428417733,0.8 +1227,1.673721380854218,0.11433501408705117,1.6 +1228,1.0467695832992696,0.11420124612997141,1.0 +1229,2.009178861864534,0.11332460990756466,1.98 +1230,2.0895501153512868,0.11366056700562088,2.16 +1231,0.99896482970086,0.11396337700027608,0.98 +1232,3.3615747228986663,0.11839161397917504,3.26 +1233,2.1206599760980964,0.11371023237908623,2.1 +1234,1.7009943896946922,0.11435534204025379,1.8 +1235,2.3598715311661174,0.11391476310668906,2.42 +1236,1.1305310982750783,0.11498757574317454,1.04 +1237,1.5034064820360733,0.1137411516727331,1.46 +1238,0.8211312345897035,0.11547536122005908,0.88 +1239,2.572805188810399,0.11461011449721233,2.7 +1240,1.96452171376378,0.1133107898923148,1.94 +1241,1.558604380877746,0.11316924374229208,1.52 +1242,1.2560611455193644,0.11336404233953458,1.14 +1243,0.6495586066620156,0.11608276560025073,0.76 +1244,1.020962403657645,0.11386320821497484,1.06 +1245,1.6059783596246007,0.1135171808044186,1.6 +1246,1.4465350222813704,0.11314453894765356,1.42 +1247,0.8224824206781189,0.11476757305310495,0.68 +1248,0.7120513626499161,0.11511721024821671,0.68 +1249,0.7863005851966101,0.1168042148985472,0.72 +1250,0.3188811795937596,0.11896380633899244,0.32 +1251,1.0218701869865505,0.11414587394300406,1.04 +1252,1.1167381989722927,0.11400314546226561,1.06 +1253,2.4004091784440647,0.11389614038098717,2.76 +1254,1.0876086064643928,0.11409188687162748,1.02 +1255,2.4472897113983834,0.11400894027283118,2.4 +1256,0.9812744674566005,0.11553963799137354,0.98 +1257,0.6057711398700256,0.11475316930887033,0.66 +1258,1.8912220393212955,0.1133117381018236,1.88 +1259,0.851344889543256,0.11477600782396744,0.82 +1260,1.0638413696205653,0.11395669969870968,1.04 +1261,0.18130115800267177,0.1218877807312059,0.32 +1262,0.21620385359765848,0.12238424478835683,0.24 +1263,2.0816564915426454,0.11322648754164182,2.24 +1264,1.8596833228726162,0.11381221530075084,1.8 +1265,1.860947324437909,0.11377273231126307,1.94 +1266,0.976330269626537,0.11544054545885162,0.96 +1267,1.2604438737575556,0.11324493652695496,1.24 +1268,1.7204586063494993,0.11514144046955709,1.66 +1269,1.277724706646147,0.115568679105314,1.38 +1270,0.7552974527070049,0.11532895313583594,0.7 +1271,2.068179334456392,0.11332935271737594,1.98 +1272,1.7552677029865364,0.11437503817315006,1.68 +1273,0.9757594008400154,0.11439867952338317,0.98 +1274,1.1322094006014005,0.11412675538145592,1.04 +1275,1.1946086379826149,0.11413585983719743,1.14 +1276,0.41260510324416444,0.11685368275151597,0.38 +1277,1.910905464596528,0.11351166131917048,1.9 +1278,1.6027684961615378,0.11384022996255178,1.52 +1279,1.365948101704209,0.11413346399314137,1.3 +1280,2.0832213235790746,0.11319253087386162,2.1 +1281,1.9563978688382448,0.11332154855654626,1.98 +1282,1.5816414435289872,0.1140242452980323,1.5 +1283,1.1462047837603002,0.11411666237746533,1.14 +1284,1.319357706913575,0.11348421503892318,1.28 +1285,1.723113605725981,0.11431821383698954,1.72 +1286,1.5911313063827919,0.11336669978864958,1.62 +1287,1.0530147178143991,0.1143171468189135,1.16 +1288,1.08332346808632,0.11530794993901082,1.1 +1289,1.3048635117313623,0.11376453079845451,1.46 +1290,1.8151123260390634,0.11357384250441958,1.76 +1291,0.5826549190411043,0.11536512408097706,0.58 +1292,2.4796271513479233,0.11506092487266516,3.2 +1293,0.7871721232825593,0.1156231517777413,0.8 +1294,0.8173561366597539,0.11515879655552287,0.82 +1295,0.8052191180702621,0.11544297102301206,0.8 +1296,1.53706069408479,0.11278991004618413,1.5 +1297,1.52323625150121,0.11349319551024606,1.38 +1298,2.9516026001200366,0.11670160617247378,2.88 +1299,0.49557815283054296,0.11572681489869704,0.52 +1300,0.893078035058565,0.1156669330508453,0.96 +1301,0.2571050385705931,0.11923997151399633,0.36 +1302,1.0260424824111745,0.11636867472976574,1.06 +1303,1.4699160646857692,0.11268261013896518,1.44 +1304,2.027625411528284,0.11421287504280934,2.24 +1305,1.2782838645763768,0.11389299025003997,1.28 +1306,1.3379184071153887,0.11427262402352671,1.38 +1307,-0.049785660578045565,0.1379633494361857,-0.04 +1308,0.8935341466368527,0.11541349730647023,0.86 +1309,1.1439222826544118,0.11432211342399982,1.22 +1310,0.6576848008649385,0.11509383448787137,0.8 +1311,2.7193765200632036,0.11532566697510933,2.64 +1312,1.158734130526394,0.1135118910201038,1.2 +1313,0.9385767091358019,0.11498129059503645,0.9 +1314,0.9290122359233717,0.11476920291304667,1.0 +1315,1.1898432704196473,0.11498060086578961,1.2 +1316,0.6131679664007734,0.11464009351857349,0.5 +1317,2.01443271362961,0.11319366638193464,1.98 +1318,1.7449452757138495,0.11402644127679316,1.62 +1319,0.8104407133488252,0.11659148082994066,0.76 +1320,2.822502949307246,0.11568268390013789,2.8 +1321,1.4191092530462939,0.11376717730134324,1.44 +1322,0.37190472377237427,0.11802646861829945,0.34 +1323,1.9821801897006637,0.11339008791888694,1.98 +1324,1.8184616030558622,0.11361287952285143,1.84 +1325,1.9370054265716945,0.1137957730410252,1.78 +1326,1.5506143969758064,0.1152450470178967,1.54 +1327,1.3606860908183904,0.11596865039503926,1.38 +1328,1.1364679314948383,0.11356538712339342,1.18 +1329,2.0626032480469902,0.11342263753110757,1.96 +1330,0.9001325830178359,0.11481197663112237,0.86 +1331,3.266879875121795,0.11780182526251601,2.9 +1332,2.6478438356111837,0.1153293771184922,2.64 +1333,0.47100070210835554,0.11622761712283744,0.48 +1334,1.2793122504081218,0.11429244408810285,1.32 +1335,0.5656937964996143,0.1151308821098872,0.6 +1336,1.0820034745103655,0.11445949309916117,0.96 +1337,0.770844475072181,0.11532631248786013,0.76 +1338,1.3962922413609853,0.11318451010002649,1.28 +1339,2.0267741831155917,0.1138271717572311,2.0 +1340,1.0050601806180168,0.11552802570202994,0.96 +1341,0.6075715903144978,0.11684723965838395,0.7 +1342,1.0345610916726962,0.11428000433916585,1.16 +1343,1.9569202385088538,0.11328742098311713,1.88 +1344,1.8659800796047747,0.11351218647466062,1.86 +1345,3.140467406419546,0.11706237427763411,3.04 +1346,1.722818677341504,0.11430705004657288,1.74 +1347,1.3080707043842814,0.11378745053857166,1.32 +1348,1.0319668350207536,0.11438845285286853,1.14 +1349,0.45897856315029983,0.11637377816137583,0.44 +1350,1.2789447868697899,0.11391163567460828,1.36 +1351,0.5531581658922367,0.1159744161288361,0.5 +1352,2.526172870746038,0.11439108656061575,2.52 +1353,1.3641594077964534,0.11601245883497929,1.3 +1354,1.0753203179571145,0.11459327086059024,1.04 +1355,2.3611042439491747,0.11439974854207567,2.18 +1356,1.1754795012558006,0.11319840343867377,1.22 +1357,1.532203099810026,0.11391743037534835,1.44 +1358,1.179857383729214,0.1140564610274262,1.16 +1359,1.1202897749459666,0.11433182264627322,1.16 +1360,2.0131118747416785,0.11332607794417371,2.28 +1361,2.5575397273701768,0.11462524780608123,2.58 +1362,0.8366576467241487,0.11442479676084323,0.78 +1363,0.9783718308690403,0.11607365046315404,0.94 +1364,1.102454164902806,0.11441607103514466,1.02 +1365,1.055779543184304,0.11490154611623637,1.04 +1366,1.8525534535414927,0.11340715559731943,1.86 +1367,1.0759083139529473,0.11429695242940556,1.14 +1368,2.5942971857817767,0.11466924386048136,2.6 +1369,2.7578772991174105,0.11567213404749771,2.66 +1370,1.4640848100134605,0.11349704313175502,1.42 +1371,1.8108443039252506,0.11460396761809877,1.8 +1372,2.434765072338532,0.11421207501857372,2.4 +1373,1.9974853584629528,0.11392188578448369,1.98 +1374,2.8712387322420803,0.11617011052156088,2.92 +1375,2.6757473124721685,0.11557521664304043,2.6 +1376,1.1037656999848444,0.11483118544415609,1.18 +1377,1.584136916375055,0.11376603510278359,1.56 +1378,4.2709388852028205,0.19785751439026844,4.34 +1379,1.9721669990244735,0.1136254378381752,2.12 +1380,1.233883915900904,0.11314596904897029,1.22 +1381,1.8747131847335297,0.1133804611782639,1.94 +1382,2.097092223454112,0.11357197149682796,2.04 +1383,1.2677017219914823,0.11434640165599327,1.2 +1384,1.6068658825659377,0.1145527929841959,1.5 +1385,1.3518559612145147,0.11472658807403349,1.34 +1386,1.7522316480350888,0.1143076571004626,1.72 +1387,1.017387903033562,0.11450710978657529,1.08 +1388,1.7949858344224445,0.11406902021359142,1.7 +1389,1.0694912226148716,0.11479848869792421,1.1 +1390,2.3259935186406615,0.11426443987471653,2.32 +1391,2.495182209427867,0.11488353734556278,2.38 +1392,1.2641319063312118,0.11415514688466576,1.28 +1393,-0.20436419581270826,0.1672586640288749,-0.14 +1394,0.5141392822800057,0.11644605257809904,0.48 +1395,0.540832131444148,0.11520411966829618,0.54 +1396,0.5956962684100624,0.11759034102602388,0.52 +1397,1.603800131567791,0.11481821624524906,1.58 +1398,1.2895466291378597,0.1133739725861963,1.38 +1399,2.3087728030399077,0.11370644468057207,2.26 +1400,1.4433710083214102,0.11307943504196623,1.48 +1401,2.0603242897269176,0.11336355755686324,2.06 +1402,2.745458752678921,0.11560078241389456,2.6 +1403,0.5669062443596431,0.1150340429573017,0.56 +1404,1.1541802217407344,0.11430368126589278,1.24 +1405,1.8366949971652424,0.11378673238640497,1.72 +1406,1.1835726298782347,0.11368615780977293,1.2 +1407,1.5089602476992816,0.11307640010027595,1.46 +1408,1.6291253834735855,0.11749959593209347,1.58 +1409,2.121628496049585,0.11757893015142935,2.2 +1410,1.1078982403232587,0.1145659521884601,1.14 +1411,0.7667276603179474,0.11578428598897783,0.7 +1412,2.2306669674055932,0.11382436517308124,2.26 +1413,0.5144931897018239,0.11525509082474045,0.54 +1414,0.764144248540827,0.11471339394300965,0.8 +1415,1.9852666906063483,0.11327860313543132,1.84 +1416,1.7033132704959115,0.11460997847823504,1.64 +1417,1.653588205492138,0.1142493065042478,1.5 +1418,0.9865896845178028,0.11508437030575781,0.9 +1419,2.955237440010773,0.116479358747845,2.92 +1420,-0.05527982288337974,0.13754954959190235,-0.12 +1421,1.9190630053435882,0.11325815997984472,1.94 +1422,1.669941948096362,0.11465429145077993,1.62 +1423,1.876018317812349,0.1134732949897051,1.9 +1424,1.6611666238594331,0.11495545737464831,1.64 +1425,1.72007352207455,0.11430677641656595,1.72 +1426,0.5986657895187619,0.11499016608049153,0.62 +1427,1.0572674914694211,0.11532675053195914,1.08 +1428,1.3072358214631237,0.11342968561712725,1.24 +1429,1.5695591708449825,0.11325823274234637,1.54 +1430,1.1224976804013096,0.11386543441307713,1.14 +1431,1.2605217915923,0.11350930692060292,1.28 +1432,3.101218122175389,0.1168220961372685,3.2 +1433,1.72724293343461,0.11415536412870934,1.7 +1434,1.127503292701288,0.11398851127674994,1.04 +1435,1.692886978282882,0.11416399339953585,1.68 +1436,2.438133076542403,0.11435389571407852,2.4 +1437,1.4269292256164157,0.11345628062678383,1.46 +1438,1.5073816172167973,0.1138189347856121,1.44 +1439,1.4875596480826054,0.11279937664584232,1.5 +1440,1.097139020941242,0.115298679609038,1.1 +1441,1.9349572365412193,0.11349342049501521,1.9 +1442,0.11643071758081902,0.1279855506138097,0.08 +1443,0.7007410998517436,0.11585110401449673,0.76 +1444,0.43838218834861387,0.11570286425946023,0.42 +1445,0.5997173596552656,0.11546647744704387,0.68 +1446,0.7095054543505288,0.11557203625812096,0.7 +1447,1.2565145421656752,0.11387812014002208,1.18 +1448,1.3284509883724525,0.11416422412740855,1.22 +1449,1.5018296966640747,0.11397091921996438,1.46 +1450,3.07845632779739,0.11714601663440495,3.12 +1451,0.5005278090952725,0.11631446784253362,0.46 +1452,1.850174146363976,0.11366464287709582,1.84 +1453,1.602535877174578,0.1145540790180088,1.7 +1454,1.6519117867461972,0.1147493811615889,1.68 +1455,0.9233872975361859,0.1151961126485262,0.92 +1456,2.1152503876462525,0.11340444465072155,2.1 +1457,1.0119965912525117,0.11417191247328307,1.02 +1458,0.7794907122090571,0.11528223382486548,0.82 +1459,0.8684276366202148,0.11462767103075756,0.84 +1460,0.884742081915677,0.11470827163968715,1.0 +1461,2.65579440892677,0.11551315420535638,2.6 +1462,1.1923077637942647,0.11337646543990842,1.16 +1463,1.8876697607327024,0.11384673528549774,1.84 +1464,2.607319078433818,0.11478678754241833,2.68 +1465,1.708775657405809,0.11479276507052662,1.68 +1466,1.0595836134416636,0.11484634521432376,1.08 +1467,1.6995127861515194,0.11484848897697586,1.62 +1468,1.441121009853962,0.1136449248043292,1.4 +1469,2.3612073897051467,0.11372444411968298,2.34 +1470,1.2727856840571263,0.11412376477649885,1.26 +1471,0.4367158823075066,0.11676850186341535,0.54 +1472,0.94782245177052,0.11487858480633198,0.98 +1473,1.1413488077879599,0.11459518611851821,1.1 +1474,2.182795024486076,0.1133191997257951,2.22 +1475,2.3581872298684985,0.1158996299374752,2.36 +1476,0.16762614219884497,0.12262432491229706,0.18 +1477,3.3790751110470367,0.1181907813109798,3.24 +1478,1.6302594455411565,0.1144691597332802,1.6 +1479,1.6552927726343434,0.11468881162803535,1.64 +1480,1.5651957312202391,0.11310768883263651,1.46 +1481,1.3684350567513341,0.11321831766768677,1.38 +1482,2.5270617643154516,0.11480209826384015,2.46 +1483,1.361981259997897,0.11457784081310071,1.38 +1484,0.07774046472951923,0.12779736534769393,0.1 +1485,2.5075078628291614,0.11436207575088234,2.54 +1486,1.6229890608214674,0.11523316549945849,1.68 +1487,0.9715341354372296,0.11519218238885953,1.06 +1488,2.781122727213525,0.11625123111850034,2.7 +1489,1.0413235789776607,0.11412377372566711,1.04 +1490,0.5203423245093113,0.11547089121416548,0.34 +1491,0.5551593732175952,0.11572502155027739,0.5 +1492,2.288590136539714,0.11364516451450901,2.32 +1493,1.9020194871387552,0.11372302234757237,1.98 +1494,1.7971607391094793,0.11362630073915395,1.76 +1495,1.227003415187486,0.11369865846918857,1.14 +1496,1.1369113258528216,0.11391084697289514,1.1 +1497,0.996219556584979,0.11453016032211065,1.08 +1498,2.7124878546270885,0.11527121691298331,2.74 +1499,1.4401545573654992,0.1130731813201611,1.5 +1500,0.9279447715287574,0.11917280338735643,0.9 +1501,1.5828982268131462,0.1135950123361771,1.56 +1502,1.4755869726802082,0.11293041276392819,1.48 +1503,0.7937666450206873,0.11553737212017684,0.78 +1504,2.3064369711730635,0.11424215123828618,2.36 +1505,2.9008902906128533,0.11626375515258239,2.96 +1506,0.7907926671067678,0.11612761077857231,0.86 +1507,0.4029351624976716,0.11801319566950887,0.38 +1508,1.5871430896916756,0.11419787747860093,1.46 +1509,1.5005450958226092,0.11407600110396758,1.54 +1510,0.8577401586524225,0.11622197220686258,1.02 +1511,2.8764343305905804,0.1163209849752695,2.82 +1512,1.1247890798216638,0.1139272897439506,1.22 +1513,1.503728593073646,0.11310118297442066,1.48 +1514,1.7222849710000219,0.11415655496783096,1.7 +1515,1.4298410010108142,0.11352705754700106,1.4 +1516,0.06525171136296137,0.1298100036136995,0.16 +1517,1.7843861880787308,0.11398584261440038,1.96 +1518,0.647336837828,0.11704497900988782,0.64 +1519,1.0308195389604045,0.11438008353101198,1.02 +1520,0.6845944164943489,0.11479430317709717,0.8 +1521,1.3552404973444219,0.11345495612227956,1.34 +1522,0.9221193402685195,0.11566194298641069,0.86 +1523,1.3736156518346299,0.11431880245658417,1.42 +1524,2.152643854831485,0.11359824201347016,2.14 +1525,1.1398864822623267,0.11403478143796802,1.1 +1526,1.4944545579919755,0.11324774899423228,1.4 +1527,3.8134057981498763,0.12989046090863413,3.62 +1528,0.23221889678006846,0.12160693181879956,0.34 +1529,1.260944347111014,0.11362442950306033,1.3 +1530,0.8992849124036084,0.11692685810411156,0.86 +1531,0.9352288214988409,0.11576025859332423,0.9 +1532,0.9354703783738252,0.1142119811303284,0.86 +1533,0.6960241238234914,0.11641456799645879,0.7 +1534,2.198279699045912,0.1138703704171564,2.26 +1535,0.6685900940469409,0.11693182970130798,0.66 +1536,2.8199321768493526,0.11595146666882104,2.8 +1537,1.0596152885154666,0.11362934122444653,1.12 +1538,1.4878969796904151,0.11357699308925996,1.34 +1539,0.6285823195473164,0.11544514435847837,0.68 +1540,0.9506004578608476,0.11446532648216384,0.84 +1541,1.3579105542286811,0.11401722975458256,1.5 +1542,0.9017104058610599,0.11461328848942699,0.92 +1543,2.1046178471480346,0.1132983564055798,2.14 +1544,0.6633101518344446,0.11468774020466146,0.68 +1545,1.0826234604178424,0.11507921587003908,1.06 +1546,1.079609996063006,0.11549344658255817,1.0 +1547,1.2411410805062673,0.11327271187253474,1.28 +1548,1.6355104970138399,0.11437500387326278,1.68 +1549,0.8479592655777601,0.11490397291867255,0.86 +1550,0.5639917192165136,0.11561537437310322,0.56 +1551,0.5085982307926464,0.1170943522758255,0.48 +1552,0.5267960190995069,0.11538278387666154,0.48 +1553,1.2462183783253522,0.11421380766172708,1.2 +1554,1.621303217258152,0.11586962714293156,1.58 +1555,1.9095085061994155,0.11329620245124405,1.9 +1556,1.5534840001770647,0.11351371018709454,1.52 +1557,1.5887658908441615,0.11432368899134501,1.52 +1558,0.882113199911716,0.1141605462906081,0.9 +1559,1.558200583297321,0.11320215426976339,1.54 +1560,2.012277745852984,0.11316212177587373,2.04 +1561,2.5097933254259424,0.11436715848829777,2.28 +1562,0.7251411884879655,0.11473709424107413,0.7 +1563,2.1154641389478996,0.11338345664696227,2.04 +1564,1.690496511968206,0.11483400288501056,1.7 +1565,1.7204086490464263,0.11474734043424527,1.72 +1566,1.367995566466739,0.11360338413204153,1.5 +1567,1.4478830941957455,0.11462738615459536,1.38 +1568,1.4538736273535804,0.11284738549355611,1.44 +1569,2.819656467509617,0.11569894460465599,2.84 +1570,0.9463920492489635,0.11490355704703509,1.0 +1571,1.4756838312410352,0.11361007175178241,1.56 +1572,2.287997568867034,0.1139435350619676,2.16 +1573,1.8071725604756992,0.11372186306685432,1.8 +1574,1.476545508030405,0.11357785425778902,1.42 +1575,0.8437714733784532,0.11441177117833404,0.82 +1576,0.827814577491969,0.11622639650108425,0.84 +1577,1.478068936497717,0.1128836732526282,1.38 +1578,0.759713039594585,0.1150406783611645,0.82 +1579,1.5875147560000649,0.11379234692119851,1.58 +1580,1.3900613034395768,0.11356118328065365,1.36 +1581,0.7470742479425141,0.115223227548975,0.76 +1582,0.913616524774195,0.11580432042096891,0.84 +1583,2.402779520700612,0.11388011682807843,2.5 +1584,0.8856603309753623,0.11432093057289992,0.9 +1585,1.504467745023966,0.11335016853570723,1.5 +1586,1.0856406221697306,0.11479871350358861,1.14 +1587,0.7166552417851548,0.11516318382748439,0.76 +1588,2.4513919817768013,0.11421852950074088,2.34 +1589,1.001197334095533,0.1146167525719297,1.0 +1590,1.2308655683693672,0.11348669918819751,1.26 +1591,2.103125584722253,0.11349682765330255,2.12 +1592,2.283393445257193,0.11354354523108683,2.32 +1593,0.991397848618826,0.11726036412095138,0.96 +1594,2.905353167395436,0.11655083707549228,3.16 +1595,2.699348524040939,0.1151607129268852,2.7 +1596,0.8513957259690983,0.11462288019145317,0.86 +1597,3.162480936820643,0.1180282205689233,3.04 +1598,2.7831443214295213,0.11590869013056589,2.82 +1599,3.235197832680658,0.11762051100954182,3.26 +1600,3.4924042658662486,0.11984784324594007,3.42 +1601,1.6133361615075543,0.11365377510059221,1.54 +1602,1.0763846404289161,0.11394121320257111,1.14 +1603,1.1849383510197775,0.11386769380048807,1.12 +1604,1.2960490663952484,0.11350866404721681,1.3 +1605,0.7014419996581402,0.11699004071525186,0.64 +1606,1.9881077148251762,0.11346251550516694,1.92 +1607,1.1564820828329943,0.11393263737505828,1.26 +1608,1.4299293771982668,0.1135454299216212,1.42 +1609,0.8242960942977611,0.11483720956976229,0.8 +1610,1.850677771999944,0.11382692918770075,1.78 +1611,1.635840984653747,0.114375838821959,1.48 +1612,1.6324904859682832,0.11566452280308442,1.62 +1613,2.1532597154588444,0.1133884365032311,2.18 +1614,0.9515424972213147,0.11450351232997608,1.04 +1615,1.2854387808464232,0.1130199682505685,1.26 +1616,1.0746608966147022,0.11419074929447033,1.1 +1617,0.7733335440475564,0.11501981969927118,0.72 +1618,2.6622796958490547,0.11515884176003377,2.72 +1619,1.3862671658688548,0.11378862902974914,1.36 +1620,1.379769529148973,0.11342258546664644,1.52 +1621,2.0605997789742503,0.11383466238801161,2.04 +1622,0.9267411289255598,0.11644386524315217,0.98 +1623,0.5527665129998294,0.11732488585303213,0.56 +1624,1.5286798589537796,0.11374326512792303,1.48 +1625,1.1510908096498937,0.1140542394780968,1.1 +1626,1.062569865401091,0.11439139762140028,1.0 +1627,1.3947739970630586,0.11410162039227079,1.26 +1628,0.680804201557649,0.11701957372684413,0.66 +1629,1.29977841955143,0.11328766035659783,1.34 +1630,1.0094216520196007,0.11427668250754357,0.98 +1631,1.54634192371293,0.11331717820123868,1.52 +1632,1.765690198080513,0.11415709045336485,1.8 +1633,3.309348266969426,0.11800719873659227,3.4 +1634,1.658201587508774,0.11420040618811174,1.6 +1635,0.7613992760824608,0.11484863862384344,0.76 +1636,1.7394708451154237,0.11441760630052633,1.8 +1637,1.1868807967244805,0.11485332924635906,1.2 +1638,1.0257971953593845,0.11426452343901225,1.12 +1639,3.4226309891878657,0.11867890563390263,3.7 +1640,1.1816651379238756,0.11378362927080926,1.16 +1641,2.7489399039831355,0.11541997254767776,3.04 +1642,1.6382150998429061,0.11466285111119706,1.6 +1643,1.3305252771316276,0.11427965861069453,1.38 +1644,0.9595516739301733,0.11595750209073177,0.96 +1645,0.9896932969611001,0.1143717854910556,0.96 +1646,2.308213055397978,0.11378361373282538,2.26 +1647,1.6923231127186575,0.11475233326935504,1.6 +1648,1.3488275093289168,0.1143449742717108,1.38 +1649,1.4601884960772225,0.11391776219410088,1.42 +1650,0.5537972624922993,0.11577437445219517,0.56 +1651,1.0555443428495543,0.11460228250310057,1.06 +1652,2.7452189792321064,0.11580982635067028,2.66 +1653,1.2417649835397597,0.11389382746645034,1.3 +1654,3.938644062025446,0.13981007509779814,4.04 +1655,1.3138695207536522,0.11399459143746382,1.34 +1656,2.5717350033811712,0.11468679385000556,2.56 +1657,1.4603683255908777,0.11350375928732927,1.48 +1658,2.1292505009566547,0.11361834191315832,2.12 +1659,0.5549476059679979,0.1163396352065042,0.6 +1660,1.4247172738913747,0.1135563165783195,1.46 +1661,2.908000147215816,0.1164965305457715,2.78 +1662,0.9875592535921314,0.11624120973130504,0.92 +1663,2.0699873746020288,0.11327343052767211,1.98 +1664,1.1786698522566361,0.11405044031129447,1.18 +1665,1.2820834681329565,0.11498107194171818,1.14 +1666,0.497390239643952,0.11558975047705568,0.52 +1667,2.166471619382662,0.11352423445573101,2.2 +1668,1.8238214218374722,0.11383526903221103,1.92 +1669,-0.2232424486305966,0.17082527770025221,0.04 +1670,1.86391900362009,0.11341355909133292,1.86 +1671,0.6967623252427728,0.11908992919530852,0.74 +1672,2.175234457190271,0.11326813980726608,2.36 +1673,2.4809524168985497,0.1140750744807212,2.46 +1674,1.4991704385611868,0.11356890688594719,1.56 +1675,1.014036431300699,0.11467084660660531,1.04 +1676,2.742203487954832,0.11583212904416325,2.84 +1677,1.8086331776831308,0.1138992910503039,1.8 +1678,2.421807665986922,0.11407502091660676,2.4 +1679,1.1383642749559009,0.11402338875795272,1.22 +1680,1.5120174210156385,0.1131404638151515,1.52 +1681,1.5825551381406662,0.11352248905190054,1.6 +1682,-0.0612490575116702,0.14365010124622016,0.0 +1683,0.45586592366241874,0.11760829961757503,0.46 +1684,0.4501440818658722,0.11597010196953474,0.42 +1685,0.9733495321416274,0.11839690428232282,0.9 +1686,0.9907173580085953,0.11446433022539422,1.04 +1687,1.7205075486156822,0.11403340349965299,1.66 +1688,0.26163129483430225,0.11942919366674208,0.26 +1689,1.6785535230484783,0.1144391822329583,1.72 +1690,1.1054753546157379,0.11406487632264432,1.12 +1691,1.5002356650322142,0.11392716075492462,1.46 +1692,2.21659405866005,0.11369417018131399,2.16 +1693,0.922420677439348,0.11501722753473506,0.9 +1694,0.4412535253400147,0.11584621553668248,0.46 +1695,1.7753114919009398,0.11386726940329152,1.72 +1696,3.5768019772238304,0.12076506020622513,3.6 +1697,1.9822781654774886,0.11378431986831622,1.94 +1698,0.7710232914562294,0.11552675087838986,0.76 +1699,0.9777161289791145,0.11466862157587894,0.96 +1700,1.2786029876290037,0.11340388206987045,1.3 +1701,1.5934635356239006,0.11453713979522274,1.6 +1702,0.04581109210800349,0.13038225521308516,0.04 +1703,1.3074650697073373,0.1142656634096408,1.32 +1704,1.8904225589949029,0.11338624131692407,1.82 +1705,2.4281272200202686,0.11401315108432279,2.44 +1706,1.9594787800761821,0.11331243361306545,1.92 +1707,1.2398494401204516,0.11477231530540108,1.24 +1708,0.6899964405151984,0.11564908960377222,0.7 +1709,1.8857853132662434,0.11364897992661277,1.88 +1710,1.8037871139691646,0.11404490680547755,1.8 +1711,2.1404304946792436,0.11321691873010858,2.14 +1712,3.2038200658118434,0.11759125939133563,3.22 +1713,0.6970020722949641,0.11590719045692625,0.68 +1714,1.8492615959640304,0.11362698010541035,1.8 +1715,1.5116019009429138,0.11439844059368849,1.5 +1716,1.7436360597202096,0.11366974690080592,1.7 +1717,2.9966004565605218,0.1175283189308325,2.84 +1718,0.8906500630015266,0.11507025726952627,0.78 +1719,0.8866098952962282,0.11535964194713832,0.86 +1720,1.6816734901329013,0.11507526956338905,1.58 +1721,0.7850866112883281,0.11458179951052719,0.74 +1722,0.5867386930118208,0.11543798068968765,0.54 +1723,0.5994651176023478,0.1149591556622797,0.62 +1724,1.838243307366703,0.11407781884365999,1.84 +1725,0.7293333626740122,0.11508147197373432,0.76 +1726,1.08142797057981,0.11505619910483945,0.98 +1727,2.2287923107286147,0.11336524544007641,2.24 +1728,1.6485380346608984,0.1141523818045822,1.76 +1729,1.0353539919630848,0.11593331028946685,1.0 +1730,1.0059156800892275,0.11488576175488693,1.18 +1731,1.5457536596331671,0.11409086788799593,1.54 +1732,0.6116059929909881,0.11479993746922146,0.64 +1733,2.370361167591291,0.11396457163127297,2.46 +1734,1.1800293460504605,0.11393409152397234,1.18 +1735,0.8985284565815022,0.11465761127920834,1.02 +1736,1.4573491610312175,0.11275880791464546,1.38 +1737,2.371561726629025,0.11389998227605592,2.42 +1738,0.8365974842974282,0.11452743223559048,0.8 +1739,0.8209601605141881,0.1158480455485087,0.9 +1740,1.0251141396596068,0.11439883453848212,0.96 +1741,1.2621705359092097,0.11353756206776598,1.28 +1742,1.2566919261233132,0.11435475439275378,1.3 +1743,1.3337172410250915,0.11387379129727636,1.42 +1744,0.18088807453692013,0.12182704711769024,0.22 +1745,1.6439728323981448,0.11448965853008376,1.66 +1746,1.5978064746993077,0.11442418341774274,1.58 +1747,1.772311891793045,0.11453078233223604,1.84 +1748,0.9716788068283044,0.11482520137124146,1.08 +1749,1.778724959024256,0.11429705210864724,1.84 +1750,1.0531824553480114,0.11462646266243742,1.1 +1751,1.7610180459121452,0.11387020220742856,1.66 +1752,1.6604282193466169,0.11428110443755364,1.6 +1753,1.668015278020551,0.1148664610390025,1.76 +1754,2.142767092956632,0.11328386628328602,2.08 +1755,1.5531542016956763,0.11411390340092385,1.56 +1756,2.2123549171368246,0.11351845532562278,2.46 +1757,0.8206024348677587,0.11423737789683186,0.76 +1758,0.4958835003547488,0.11674219680183243,0.44 +1759,1.4905689629060426,0.11293670155640538,1.44 +1760,0.7730816000735032,0.11484958149835112,0.72 +1761,2.532387290649151,0.11564935247032483,2.56 +1762,1.2135468564363663,0.11464763545073238,1.26 +1763,0.8383370769711433,0.11519693630487797,0.82 +1764,1.0777062876826982,0.11415542184031252,1.02 +1765,0.6966489937683278,0.11479653480860245,0.66 +1766,1.2390438796465446,0.11312786866348731,1.24 +1767,1.604443188234388,0.11368638853975463,1.52 +1768,1.1189152022824906,0.11412741377096382,1.1 +1769,1.7706720516607142,0.11384412323257946,1.76 +1770,2.410307040031526,0.12532641431681402,2.66 +1771,1.278607998687118,0.11389579678807822,1.24 +1772,1.497468019546826,0.11344096163775878,1.54 +1773,1.0834930234451896,0.11422512263320687,1.12 +1774,1.9819367586573655,0.1131900889552321,2.02 +1775,1.338762889550754,0.11437089155659362,1.32 +1776,2.186525016334592,0.11344658163536205,2.16 +1777,1.7702870248684945,0.11397345024772967,1.68 +1778,0.8913638072709738,0.1148085363225888,0.88 +1779,1.8219166087832832,0.11356018339705463,1.86 +1780,1.9315464775997633,0.11396093807440477,1.96 +1781,0.9304725953828559,0.11423055955702233,0.9 +1782,0.999264680244405,0.11406107610073053,0.98 +1783,1.1467867001414582,0.11407296489654625,1.12 +1784,0.1463639852402494,0.12362682656643617,0.2 +1785,1.345748958718481,0.11322379071256594,1.22 +1786,3.9154105966607737,0.13843974371089365,3.94 +1787,0.6526839725021745,0.11537136048809302,0.66 +1788,1.778621198076383,0.11429891790869325,1.82 +1789,0.9907842356835097,0.11514132264775105,0.86 +1790,1.2350315719057505,0.11577273458278388,1.26 +1791,1.4341606089802283,0.11340559608402535,1.5 +1792,4.888715010679489,0.517079283776602,4.98 +1793,1.056332037614684,0.11431172301343297,1.08 +1794,1.930943897149774,0.11375142866467688,1.94 +1795,1.9709072376959789,0.11387919029424225,1.92 +1796,1.0531171262490915,0.11489425939097728,1.12 +1797,0.6844342784119064,0.11470283570605998,0.68 +1798,0.7203196466874857,0.11496246092541795,0.74 +1799,0.5024344259605797,0.11535910928024758,0.64 +1800,1.662706568982646,0.11456571358704729,1.64 +1801,1.6521245599524406,0.11461036258199511,1.56 +1802,0.9243159429329797,0.11580202420751277,0.94 +1803,1.0511947222964757,0.11396215919138676,1.02 +1804,1.7686996165198465,0.11382555868635029,1.7 +1805,1.4478996734386662,0.11310213410033348,1.38 +1806,1.7450953580335131,0.11382585034596347,1.74 +1807,1.4172905787875187,0.1142033191251455,1.28 +1808,4.139791709196864,0.16857007733393872,4.24 +1809,1.1013299227638775,0.11431985887324907,1.08 +1810,2.1011658924313394,0.11317721764980428,2.0 +1811,0.64022215853395,0.11552760137940596,0.74 +1812,2.171689376205446,0.11343437533386475,2.18 +1813,1.9204935408496553,0.11342797650051215,1.92 +1814,1.4061695281092028,0.11336867511088027,1.34 +1815,0.7455889616151516,0.11479486326172639,0.78 +1816,1.6386012659059261,0.11450481433678779,1.62 +1817,1.5861020359237479,0.11354717619596051,1.58 +1818,0.8180244363244658,0.11496313166878111,0.72 +1819,1.0752559466482268,0.11426660135119891,1.12 +1820,1.2502623281977812,0.1133757943600109,1.34 +1821,1.83369475621528,0.11382524267382188,1.86 +1822,3.385120788491861,0.11853409933239197,3.34 +1823,0.9909402817926303,0.11545858018725559,1.02 +1824,1.6967869068074783,0.11466235755211639,1.6 +1825,1.4552129899650943,0.11288425966752522,1.44 +1826,1.440279065111561,0.11358270348389811,1.36 +1827,1.6589749266269038,0.11495476320671619,1.7 +1828,0.8304887904933658,0.11484168776683987,0.78 +1829,1.5964186001461051,0.11452800162022603,1.6 +1830,0.5822225342584382,0.11564523525078249,0.6 +1831,1.1090759133693417,0.11393670772900188,1.14 +1832,1.4079669457009985,0.11297636432230723,1.38 +1833,0.5315406028339247,0.11552778733325575,0.54 +1834,1.6317220270641357,0.11382748783004047,1.78 +1835,0.9281775986168199,0.1140363025653807,0.98 +1836,2.344157525877364,0.11373885563122477,2.36 +1837,3.7396369575121007,0.12699115650039466,3.7 +1838,0.5922991673261002,0.11483305763966234,0.58 +1839,1.1569335841863087,0.11372285450486415,1.26 +1840,1.9702007168798232,0.11321813863846682,2.0 +1841,1.5879932992840438,0.11491898963984365,1.56 +1842,1.2312732328936953,0.11407402618360417,1.26 +1843,1.7406467045349423,0.11424569821561009,1.66 +1844,1.9715762099896317,0.1131794062009966,1.94 +1845,2.0865793928225607,0.11315663575872144,2.0 +1846,0.500019755823395,0.11513232253740822,0.56 +1847,1.9032940234934053,0.11331361815513226,1.86 +1848,1.7159673463657086,0.11390685390514964,1.76 +1849,1.6830942840625305,0.1142111989148639,1.62 +1850,2.4699105493906544,0.11421544272340159,2.54 +1851,1.117819777888652,0.11469962503282274,1.02 +1852,1.807044553251405,0.11355781137297424,1.82 +1853,1.4212553963610617,0.11269770006349203,1.44 +1854,0.8765513812141208,0.11697375201710034,0.96 +1855,0.48288645915743444,0.1168652472967236,0.86 +1856,0.5902548668613576,0.11771581282167466,0.64 +1857,0.8340597774373251,0.11440836618783339,0.88 +1858,2.169274018138399,0.11392669612148584,2.2 +1859,1.7414246765061314,0.114234442647298,1.66 +1860,-0.1599649469982758,0.1554202976280834,-0.1 +1861,0.880267682286485,0.11605267562984242,0.84 +1862,2.081474971073927,0.11329756486922907,2.02 +1863,0.5766661591498554,0.11523707152137393,0.28 +1864,1.4185640063934635,0.1127264743511947,1.28 +1865,2.530651041677288,0.11452060222190433,2.48 +1866,1.6055597417913319,0.1139390214153633,1.62 +1867,1.263298464516943,0.11345012605193755,1.3 +1868,1.7204330542972421,0.11393508087349076,1.68 +1869,0.6795160536059122,0.11469136740710661,0.56 +1870,0.7292220359605253,0.11524643736036207,0.72 +1871,0.9753005387626636,0.11490794428374052,0.94 +1872,1.2320473203980562,0.11364046601593858,1.24 +1873,0.887829982469551,0.11518468576190895,0.88 +1874,2.53843002449052,0.1147210801992031,2.58 +1875,1.508099912130426,0.11428319093427931,1.44 +1876,1.8586134589373842,0.11388163851238936,1.8 +1877,1.5723788643131762,0.11465729383696377,1.66 +1878,0.9968839826047144,0.11520886458687524,1.06 +1879,1.2697750645173649,0.11357368800491907,1.18 +1880,0.6350956003418027,0.11503635013762321,0.56 +1881,1.0446697212235172,0.11400502887876049,1.12 +1882,2.9419838573692587,0.11646857375112615,3.02 +1883,1.0786002770985448,0.11502178477054194,1.08 +1884,0.6613122505573656,0.11545778625859361,0.58 +1885,1.5218790552928247,0.11364807614850306,1.5 +1886,1.2545071000005166,0.11356091599521424,1.22 +1887,2.2389689023280432,0.11375712168503127,2.2 +1888,0.9499079184111228,0.114820918568448,0.98 +1889,1.7430598525784085,0.11401244995931532,1.86 +1890,1.9116672025606078,0.11372065284412507,1.86 +1891,2.375668183280986,0.11392577621571126,2.34 +1892,0.7608989885622979,0.11551782669613742,0.7 +1893,0.7977197222971988,0.11468756045138727,0.84 +1894,1.4688643107151051,0.11279267642639944,1.4 +1895,0.8509988239492507,0.11484972395043384,0.78 +1896,0.9825987194120529,0.11506398404279514,0.98 +1897,1.0996466530810345,0.11567150117315743,1.1 +1898,0.9359021372919791,0.1155834473023271,1.02 +1899,0.6573524184452229,0.11496731763397836,0.62 +1900,1.9331368471887487,0.11335076657463525,2.0 +1901,1.323900941224867,0.1134446097470165,1.34 +1902,0.7177486909275625,0.11455483837099487,0.74 +1903,1.1197728012215435,0.11359950491264757,1.16 +1904,0.9029618711303691,0.11566299489823301,0.82 +1905,1.12242713798787,0.11594691259166834,1.94 +1906,1.4175463295148845,0.11392493844842286,1.46 +1907,2.3352885806640593,0.11392875703566609,2.26 +1908,1.0264990192522419,0.11596065736937666,1.04 +1909,2.3163903397579375,0.11380866736002783,2.34 +1910,1.1664561760524421,0.11411824254138767,1.26 +1911,1.6822462030251302,0.11442927581718103,1.8 +1912,0.4734253391396823,0.11679385396360824,0.56 +1913,1.0764507460191055,0.11456305961660597,1.12 +1914,1.6003946987245428,0.11441786957237363,1.52 +1915,1.044235255863228,0.11485151942405508,1.12 +1916,0.9140429359993654,0.11835541537842315,0.78 +1917,3.163039525297581,0.11760251760662321,3.18 +1918,1.6097479705776259,0.11396215365900149,1.58 +1919,2.297193607106294,0.11353068983994573,2.18 +1920,1.2360321315673666,0.11384429563914335,1.22 +1921,1.6160740472417778,0.11490575988842888,1.64 +1922,0.9317830584440365,0.1164444230863139,0.94 +1923,1.137138174258265,0.11458617975709505,1.18 +1924,1.1347088831443486,0.11432859733826405,1.16 +1925,1.3851916688200454,0.11397661319104224,1.32 +1926,1.6777733990955284,0.11389844024536676,1.7 +1927,1.9361415714501113,0.11325567259501736,1.98 +1928,1.5783069487524877,0.11360581505278626,1.54 +1929,1.5520734401953042,0.11355795555931296,1.48 +1930,1.7296491033658405,0.11547095222581702,1.58 +1931,2.275444196881267,0.11385081217750795,2.18 +1932,2.2944172615137717,0.11373105972407936,2.2 +1933,0.4736391165343967,0.11594976453377567,0.52 +1934,1.1613900301128446,0.11327185819277993,1.2 +1935,1.6586091376732703,0.1147003485547394,1.64 +1936,1.7997265706685681,0.11361112178762023,1.74 +1937,1.4598391936357054,0.11308611612324052,1.4 +1938,0.8561471283280611,0.11660801210510313,0.98 +1939,1.2997131462066953,0.11429106404690687,1.3 +1940,0.975758933340666,0.11546581006122504,0.92 +1941,0.4258455815882609,0.11765009872917497,0.38 +1942,0.3395370218126459,0.11778345395520193,0.36 +1943,0.754081800043096,0.11512060969525217,0.76 +1944,1.492926290829942,0.11316809956491386,1.48 +1945,2.9032480975111845,0.11666835543231935,2.82 +1946,0.29750275727568365,0.11865748938849681,0.32 +1947,0.44930030896745166,0.11589994895128206,0.42 +1948,1.4615522253494078,0.11422639357382285,1.36 +1949,1.1035282618345583,0.11346179651210606,1.06 +1950,1.5340151796579242,0.11399555123390955,1.46 +1951,0.8596237838798046,0.11504036320219922,0.82 +1952,1.762347230201815,0.11365414330451912,1.68 +1953,0.640385739917054,0.11554052917013695,0.62 +1954,1.2236158950434373,0.11378269582642975,1.16 +1955,0.46063494932343474,0.11610684076205267,0.46 +1956,1.2282072813515086,0.11540757382105596,1.24 +1957,1.2279309613644607,0.11337592281505104,1.18 +1958,0.6384399638363654,0.1152701923971753,0.7 +1959,0.8729488277081732,0.11540369436398489,0.78 +1960,3.2016872881931207,0.11751022637810556,3.32 +1961,1.575043140487896,0.11426175827207659,1.46 +1962,0.7238528110965596,0.1152868435111554,0.8 +1963,1.4360977879870873,0.1134782571902865,1.44 +1964,1.396806801391591,0.11382314665675954,1.38 +1965,0.9207390345601052,0.114281217913488,0.98 +1966,0.6286921592525889,0.11483486024166846,0.7 +1967,1.249733546899968,0.11377184809833307,1.18 +1968,0.4108735784148827,0.11664598127827357,0.38 +1969,3.664616367971373,0.12274133318540512,3.54 +1970,0.9188452087862977,0.11588047316876729,0.84 +1971,1.2793399209957705,0.11426338775524388,1.3 +1972,0.31134850620509624,0.11857462716114478,0.36 +1973,0.870977656820866,0.11544309203734832,0.86 +1974,1.408952722109472,0.11412760663856257,1.52 +1975,1.291369052951623,0.11454903807495562,1.3 +1976,0.9908622119572605,0.11408186265553687,1.04 +1977,2.203069971109457,0.11331613356774348,2.04 +1978,1.7149561428577336,0.11413709559463305,1.74 +1979,1.539351408001604,0.11295553272535301,1.58 +1980,2.7298365261379978,0.1154293908046812,2.6 +1981,1.0907371399529993,0.11468473931388652,1.1 +1982,1.5029439939593132,0.11279609470875834,1.46 +1983,2.140094359661525,0.11351308275842115,2.02 +1984,1.2127477301263099,0.11493831171059993,1.28 +1985,0.3306384202806747,0.11791529309225197,0.42 +1986,1.6023564916943194,0.11465353244520661,1.6 +1987,1.193185609207962,0.11358949020284183,1.26 +1988,0.9932672571661527,0.11450822581563873,1.08 +1989,1.4357011518688942,0.11339605518545876,1.4 +1990,1.0361489451579402,0.11463983024283592,1.0 +1991,0.9514825050371893,0.11543732184885128,1.0 +1992,1.4381112360679822,0.11335139822275221,1.32 +1993,1.6781581820471594,0.11400044533559282,1.66 +1994,1.5260876070673781,0.1131080941134524,1.46 +1995,1.283970072759427,0.1139907312737437,1.38 +1996,1.4065315706688075,0.11373721639200252,1.32 +1997,1.7419064029361238,0.11404689647500088,1.74 +1998,1.7031307864949312,0.11665244239525804,1.84 +1999,0.8098769633950003,0.11513706310406964,0.76 +2000,1.7347330545464636,0.1139445193437033,1.74 +2001,1.1584246154403743,0.11347488593081446,1.18 +2002,1.8783773973294444,0.11409465214812196,1.9 +2003,1.9407370714872592,0.11351444437179747,1.96 +2004,1.7776120185834117,0.11668924009134243,1.8 +2005,1.6223752331189054,0.11389826771645148,1.48 +2006,2.9139136326215045,0.11704692119419806,2.96 +2007,1.3250546986376257,0.11313507553559644,1.3 +2008,2.8014843323627687,0.11559951380259856,2.82 +2009,1.6070816299315638,0.11517293179654131,1.72 +2010,1.174080588194986,0.1139814755860705,1.28 +2011,2.5153731136897868,0.11471028722725007,2.56 +2012,4.709387085889084,0.39088288609409433,4.22 +2013,1.1955244657774458,0.1143661711295035,1.14 +2014,1.0362472771469697,0.11416362137288188,1.1 +2015,1.8200687925528811,0.11355116708749262,1.72 +2016,1.8178419833296644,0.11395429626282491,1.72 +2017,4.477512194295709,0.2653531157427031,4.4 +2018,1.3248159064297873,0.11434553414811258,1.32 +2019,2.038127733378154,0.11344710376524807,2.0 +2020,2.1584930519317,0.1132444113202946,2.12 +2021,0.7342982572995975,0.11552036045468826,0.7 +2022,0.08032970152390106,0.13012703204734802,0.2 +2023,0.7419196322463897,0.11757731387036402,0.62 +2024,1.921420299987144,0.11328130004049916,1.8 +2025,1.0142255953026904,0.11589581317042391,1.02 +2026,1.6394240841638705,0.11459548583303837,1.66 +2027,2.886582640208463,0.11630022858325706,3.1 +2028,1.3227468813552576,0.1136393829836509,1.32 +2029,1.7483724344255656,0.11399496811563713,1.76 +2030,2.21533196028955,0.11331192855381596,2.16 +2031,1.0790599185487828,0.11423211014561645,1.08 +2032,1.1979141448423647,0.11398048202424055,1.18 +2033,0.6223556682691687,0.11534702963842544,0.7 +2034,2.062549198647936,0.11357193834666891,2.02 +2035,2.535264163357393,0.11450096438337513,2.56 +2036,1.3652723938887164,0.11369377563272498,1.36 +2037,2.028402695331227,0.11332890833301486,2.0 +2038,1.592446731230936,0.1137031585999148,1.64 +2039,1.0938950343427543,0.11453754488339792,1.14 +2040,1.0498321030173088,0.114675190879931,1.1 +2041,1.1081235970994605,0.11528751985128828,1.0 +2042,1.882687984866667,0.1137026971374875,1.86 +2043,2.0931008263629494,0.11321600466166395,2.04 +2044,1.0800637143227867,0.1140965936834969,1.1 +2045,1.482680252196488,0.11295364203324208,1.5 +2046,1.8172365274996736,0.11406038373879128,1.76 +2047,1.1431133946032652,0.11419921001121265,1.12 +2048,0.4587831011477359,0.1213282554458837,0.38 +2049,2.4880831589821213,0.11420747524863147,2.38 +2050,0.6398724594370577,0.11755187161177394,0.62 +2051,1.1239952276626148,0.11363225333999438,1.16 +2052,2.588448309328406,0.11474602636211005,2.48 +2053,1.3226447249047197,0.11325082755107131,1.3 +2054,1.6921455533873093,0.11416977325368018,1.72 +2055,3.099904961888889,0.11706132606929304,3.44 +2056,1.5931284246708266,0.11632635650787886,1.64 +2057,0.9398620365821131,0.11502751889025377,0.94 +2058,3.266303853241709,0.11751329674112915,3.2 +2059,1.0995547675352988,0.11575736677564911,1.2 +2060,1.208112126811038,0.11347082599720906,1.2 +2061,3.910486558981784,0.13700486657894823,3.82 +2062,0.5734610704519696,0.11663051157140145,0.64 +2063,1.5615671987803736,0.11319167336729183,1.5 +2064,1.4998170477354371,0.11293830362428557,1.3 +2065,1.097072187345507,0.11402257581087555,1.12 +2066,1.586936585758238,0.11373081341790413,1.54 +2067,0.9317144533751822,0.11529845352311434,0.88 +2068,2.251389676259045,0.11360336904198591,2.18 +2069,1.162681884190686,0.11379415833429038,1.16 +2070,2.7087851835538252,0.11555164020917388,2.74 +2071,0.8915956628873971,0.11625935793940549,0.82 +2072,1.2050611670521292,0.11396500466885562,1.28 +2073,1.1251688909091513,0.11419391615321428,1.2 +2074,3.0888151973157747,0.11770100932321181,3.08 +2075,1.5500441941259062,0.1129723464803943,1.56 +2076,1.3533990886109812,0.11431478750206887,1.58 +2077,2.1809454639853385,0.11326752290171421,2.1 +2078,2.7119116905250245,0.11588888795796494,2.6 +2079,1.8602267400734256,0.11346400124484449,1.88 +2080,2.0861048737898855,0.11328183781602433,2.02 +2081,1.0180969336400274,0.11483572999475397,1.0 +2082,1.300772407200359,0.11335193442264642,1.34 +2083,0.8263690874912655,0.11457497589410061,0.92 +2084,0.6259657406534949,0.11567007156965202,0.64 +2085,0.47417848660795237,0.11571818500945638,0.44 +2086,1.3606821646628084,0.11410874212352752,1.46 +2087,0.742901319420687,0.11580702914977747,0.8 +2088,1.1901233146785835,0.11440789637284351,1.28 +2089,0.7884439967819183,0.11559859088224268,0.7 +2090,1.0518180179854824,0.11390156800393574,1.04 +2091,2.7410428467710197,0.11580946549742309,2.74 +2092,2.086965053615959,0.11330923385953784,2.06 +2093,0.563494671100127,0.11665742433514083,0.62 +2094,1.5986326668524882,0.1143642378824709,1.56 +2095,2.13260939165173,0.11345303052005382,2.12 +2096,1.4280155852767535,0.11305647881914292,1.38 +2097,0.3035592585940776,0.11719095120727575,0.24 +2098,1.2374011807330447,0.11454738056205079,1.2 +2099,1.634716350343428,0.11413201357962421,1.64 +2100,0.7199009594525396,0.11530885815803514,0.66 +2101,1.9613317888324104,0.1133161682989939,1.92 +2102,1.5013676910059814,0.11348267144186422,1.38 +2103,1.1356382634892839,0.11413638202216476,1.12 +2104,0.7673202864421356,0.11632115444637707,0.78 +2105,1.850735833706569,0.11341190352713967,1.84 +2106,1.5108700158858497,0.11299066389480675,1.52 +2107,0.41072693823078055,0.11654374086108153,0.42 +2108,2.2664123171632795,0.11349634155341781,2.18 +2109,4.43211035903823,0.24774323390077432,4.22 +2110,1.3926077793214766,0.11366228631431195,1.42 +2111,4.63364776319494,0.3398974724962415,4.56 +2112,0.987262319797555,0.1146599474525441,0.9 +2113,0.8993432121947098,0.1150277644935201,0.94 +2114,0.5699809904104356,0.11648037122620858,0.58 +2115,1.116587530834753,0.1136566111288716,1.12 +2116,1.0516205194476704,0.1141054910181236,1.1 +2117,1.0234984569575438,0.11443410139672855,0.96 +2118,0.6158560418580805,0.11498506260262661,0.64 +2119,2.5424018504992567,0.11483797326342768,2.42 +2120,0.7289394509517848,0.11484329537938502,0.82 +2121,1.0342136839276073,0.11476413597292012,1.12 +2122,1.1639953389915156,0.11378104364264412,1.2 +2123,1.4134532415579848,0.11462721954148256,1.38 +2124,1.8195979787137908,0.11476519061086812,1.84 +2125,0.8245541954277282,0.11457501899629369,0.74 +2126,1.0408423580090194,0.11391229780382542,1.08 +2127,1.8142429312457473,0.11381045931292437,1.82 +2128,1.1379010714149231,0.1154453576650965,1.06 +2129,1.5283839181571715,0.11297300906964232,1.48 +2130,2.2626495749631452,0.11361555158120992,2.26 +2131,1.5688152433836038,0.11352783637883805,1.5 +2132,3.4415918754694097,0.11907048108426802,3.44 +2133,1.9501301399926696,0.11351724606457197,2.06 +2134,1.0100473941327905,0.11407822236608868,0.98 +2135,0.8206520769177317,0.11505255729157197,0.8 +2136,1.4421806835112925,0.11395816147114492,1.48 +2137,2.1982792171928907,0.11361840957131794,2.32 +2138,1.3459216055608003,0.1137128507681484,1.42 +2139,-0.10449021029011618,0.14622348333049467,-0.16 +2140,0.7223767319313659,0.11532972371778852,0.68 +2141,1.2231030871224782,0.11452877306249523,1.2 +2142,1.5409639248873042,0.11375670759794966,1.5 +2143,1.9911423788367486,0.11381182426123189,2.0 +2144,0.540144227601262,0.11513294080828132,0.54 +2145,3.3380916189216414,0.11814156935209559,3.3 +2146,2.078150994486627,0.11333681599816535,2.06 +2147,2.1819533886253595,0.11347558575487977,2.12 +2148,1.2970127061863508,0.11344442500962888,1.4 +2149,1.1634496906334384,0.11432790743146408,1.18 +2150,1.2793583424408794,0.11397781651282576,1.4 +2151,2.7385064306014684,0.11592189047390923,2.82 +2152,0.888076703852267,0.11439500676613358,0.96 +2153,2.2359057060826437,0.11369455901779485,2.22 +2154,2.116608856115029,0.11327282049165639,2.1 +2155,1.7674702796122546,0.11610591357023646,1.78 +2156,2.4458300320293347,0.11431878673873314,2.48 +2157,1.4744793286759759,0.11300248068155394,1.46 +2158,2.24895876277915,0.11357012522814001,2.22 +2159,1.2718261039612564,0.11314824058580525,1.24 +2160,1.6111564371968257,0.11437871227991836,1.52 +2161,0.5931673217655806,0.11538483136062846,0.56 +2162,2.953603839204092,0.11675753160606034,2.96 +2163,0.6294494486191908,0.1148043636129626,0.66 +2164,0.8606110182776874,0.11481382474952219,0.78 +2165,1.4945272990889045,0.11347881543677568,1.42 +2166,1.3029826601341412,0.1137639982325548,1.28 +2167,1.1700549705901295,0.11428414027043596,1.18 +2168,0.7369171475454905,0.11522697036368383,0.72 +2169,2.080758003488686,0.1133913954118525,1.98 +2170,2.7293502709477515,0.11563839846806358,2.72 +2171,3.7587993786077405,0.12861757611323368,4.06 +2172,1.0586050369991042,0.1144879939786687,1.22 +2173,1.1753456215873292,0.11392777564262804,1.2 +2174,2.9414465257528555,0.11650171407489533,2.88 +2175,0.8944316068237761,0.11449113688851784,0.84 +2176,1.4127305859729802,0.11298918765516608,1.38 +2177,3.2125688253352322,0.11778403304489787,3.34 +2178,1.665168894888108,0.11510621262813864,1.64 +2179,0.6245741631428441,0.1150249664199323,0.64 +2180,0.8537301837382962,0.11520883351411385,0.76 +2181,1.666388396272847,0.11460745579890881,1.68 +2182,1.0431477027083815,0.11518255739713455,1.02 +2183,-0.08152923153854275,0.1448717769036573,0.04 +2184,2.6239531729176235,0.11532464301737692,2.54 +2185,0.8149234059346782,0.11460694851549838,0.84 +2186,2.7743703939636752,0.11569930586640007,2.8 +2187,3.3452169960404916,0.11813854332834711,3.34 +2188,1.8168780061865952,0.11374978266055412,1.74 +2189,2.095538416392369,0.11336454617263086,2.04 +2190,0.7444720221456844,0.1157990950076543,0.7 +2191,1.3410921010240067,0.11368085792342358,1.3 +2192,1.4802680373305535,0.11356093689393827,1.56 +2193,0.5012241632465972,0.11611993857460598,0.48 +2194,1.7105287380464809,0.11547525316004893,1.76 +2195,2.500463318215985,0.11443771233520103,2.48 +2196,1.1763229991035615,0.11370909204598084,1.14 +2197,1.253884867504901,0.11625944129840593,1.32 +2198,0.7502423150792978,0.1146461721102616,0.82 +2199,2.106203907390661,0.113267131522702,2.0 +2200,1.2739546713189398,0.11404451229536322,1.24 +2201,1.7184448727175443,0.11389520861294984,1.7 +2202,1.2581876926265743,0.11344100599257886,1.26 +2203,1.4345047400743631,0.11301748513683946,1.32 +2204,1.244427261977588,0.11385820065597334,1.28 +2205,1.6461723577088634,0.11413140674141926,1.62 +2206,3.0629021803902,0.11779353326816,3.2 +2207,1.2617883891583226,0.11497699749646552,1.2 +2208,0.5254311494006938,0.11674352607383029,0.48 +2209,2.3221664811025207,0.11358100726955532,2.3 +2210,1.8258458656040766,0.11383958166999178,1.84 +2211,0.9940554640544832,0.11565437651611954,1.06 +2212,1.4420570490344673,0.11345074679035431,1.42 +2213,2.657896814371302,0.11525124567858017,2.7 +2214,0.5939532949928328,0.11483937377836059,0.64 +2215,1.7088438267041468,0.11768688317477682,1.58 +2216,1.5308192361326647,0.11336309339588777,1.5 +2217,1.7140006305588145,0.11431389970242646,1.72 +2218,1.2279251187132232,0.11416890481959903,1.26 +2219,1.3022059073921852,0.11399873423302681,1.36 +2220,0.9075299764127749,0.11492556439052196,0.88 +2221,1.0683755550246055,0.1153497290407481,1.04 +2222,0.6344800731794571,0.11524278792659194,0.58 +2223,1.4476072094703056,0.11387772454023255,1.44 +2224,1.203039707314474,0.11343833924083765,1.22 +2225,1.7682740065800537,0.11405661974052743,1.74 +2226,0.49056843390288307,0.11514378951915821,0.52 +2227,0.4730473003477833,0.11599195124616267,0.48 +2228,1.294954274349049,0.11373244044493545,1.26 +2229,0.7378810297754317,0.11815915459096463,0.66 +2230,1.209029955480048,0.11333320815455852,1.22 +2231,0.4252174635960486,0.11578616928453804,0.42 +2232,0.9335229479935876,0.11515918799749707,0.88 +2233,4.690838837449899,0.3710118386211546,4.62 +2234,0.40860519615471524,0.11732323661904713,0.4 +2235,1.536481521040411,0.11462545463825838,1.42 +2236,2.037786665428701,0.11329357926932493,2.12 +2237,2.596850973319743,0.11491276764593297,2.46 +2238,1.7601584021365575,0.11385846062368374,1.7 +2239,0.906746581771035,0.11574624522424795,1.02 +2240,1.4006698153173112,0.11449586621488339,1.3 +2241,0.9992526923012655,0.1196259980542597,0.98 +2242,2.8676577703528636,0.11621652385034628,3.24 +2243,1.7124986865658904,0.11461273946266502,1.76 +2244,2.348659343801966,0.11399369270774633,2.3 +2245,1.1674905545933605,0.11412751822290557,1.18 +2246,1.284227928856108,0.11356373659096425,1.28 +2247,0.7299413733532987,0.1151425403193478,0.84 +2248,3.798464100929774,0.13012362842380393,4.18 +2249,1.8345277443387715,0.1137240558701344,1.82 +2250,1.4673590992309578,0.11350012831804955,1.42 +2251,0.06420906692497752,0.13107316360001536,0.16 +2252,2.5809655609041435,0.114900373601117,2.56 +2253,2.8891936476895843,0.11671992557485729,2.86 +2254,1.1746679925385024,0.11321860679717644,1.3 +2255,1.2937539625154812,0.11471514569586776,1.36 +2256,1.693945857988929,0.11378398474266906,1.64 +2257,0.7233458932486077,0.11504420562382013,0.72 +2258,1.165592306704955,0.11385725607020568,1.2 +2259,1.4200919236141694,0.11312145233752323,1.42 +2260,1.641023176810517,0.11438600536236886,1.68 +2261,1.83151447184121,0.11371064110993556,1.68 +2262,1.6201476109276456,0.11387070088611127,1.58 +2263,0.8844775526800266,0.11650295328182791,0.96 +2264,2.125223574917211,0.11338037046742779,2.1 +2265,1.6888934926044463,0.11529036816855445,1.62 +2266,0.48443177968085394,0.1166580410150293,0.46 +2267,2.4136520195242035,0.1142246057366195,2.46 +2268,0.9260570259284524,0.11456030967543893,1.0 +2269,1.1004453570294288,0.11521210165350144,1.1 +2270,1.6591434551645712,0.11390007348804082,1.62 +2271,0.917541347239121,0.1147240742978762,0.9 +2272,0.8109661622708675,0.11462027240684454,0.86 +2273,1.6428720733179247,0.11492956551341028,1.64 +2274,1.5990247570865677,0.11431760388749816,1.76 +2275,0.9949702122157777,0.1149732994236061,1.06 +2276,1.235216921477182,0.11316429855265366,1.24 +2277,1.2801033640571013,0.11307573467070196,1.26 +2278,1.1911945289682642,0.11417753423803471,1.2 +2279,1.1874236001518064,0.11394326356071624,1.26 +2280,3.403088058584448,0.1185632566609762,3.48 +2281,1.0398732533933348,0.11405224832741673,1.12 +2282,2.548963203230329,0.1146354439623934,2.46 +2283,0.9090862261171875,0.11455914097881435,0.92 +2284,0.8335854758944095,0.11489083323461709,0.92 +2285,0.8617751641642979,0.11488595341264327,0.82 +2286,1.2270287524956593,0.11507818380481839,1.18 +2287,1.58512459471849,0.11445507583242288,1.54 +2288,2.750876667281272,0.11587599407519088,2.82 +2289,2.333407240363364,0.11383638634145202,2.28 +2290,1.1594950030315303,0.1142923537808381,1.2 +2291,1.367521723666389,0.1131559185932972,1.4 +2292,1.5182505469866392,0.11403099911377029,1.54 +2293,0.5695373568059168,0.1149791717316283,0.54 +2294,0.6415345250618927,0.11504846354362352,0.66 +2295,1.3592280881000356,0.11393530089246434,1.4 +2296,1.6878250738733378,0.11463431738980931,1.72 +2297,1.9021652546161931,0.11415027486854772,1.84 +2298,2.4041573237471106,0.11428751008534486,2.4 +2299,1.7860561415415823,0.11373297508245189,1.86 +2300,0.9627197452481973,0.11415156000598656,0.88 +2301,1.9607328698093305,0.11562581157490906,2.0 +2302,1.2360834803595644,0.11469428591614252,1.36 +2303,1.8413200443693007,0.1140679893763012,1.82 +2304,1.1281902925082647,0.11687025056519368,1.14 +2305,2.5754794651948885,0.11486087535125604,2.54 +2306,2.9684418138233006,0.11636919022721989,2.96 +2307,0.8821844819175126,0.11538262992548871,0.82 +2308,1.181958079793489,0.11474164745008249,1.12 +2309,3.74941895692735,0.1268498056475942,3.76 +2310,0.8858936966514577,0.11464439349585794,0.86 +2311,2.0956700771231915,0.11356269123603145,2.14 +2312,1.0644306403558588,0.11456189834995513,1.04 +2313,1.6255829669727042,0.11401665804095606,1.62 +2314,0.64288398601391,0.11475011390820684,0.74 +2315,1.796364424206054,0.11461087489519624,1.74 +2316,1.162604771493605,0.11357704333101723,1.1 +2317,1.3634085674692002,0.11352361516813743,1.34 +2318,0.5549995663839802,0.11588258874320234,0.52 +2319,3.025101418211811,0.1171641655442256,2.96 +2320,0.7753879081498276,0.1147298636931267,0.82 +2321,1.8085340658610711,0.11355576435919969,1.8 +2322,0.17667489822890836,0.12172653581733121,0.24 +2323,2.0834505555044203,0.11318110432114506,1.96 +2324,1.0912204841991588,0.11382030804828516,1.04 +2325,1.422762238359912,0.11402170000457112,1.4 +2326,1.2328108326543266,0.11370912384077499,1.26 +2327,2.2792843590004495,0.1139398356642999,2.08 +2328,1.8652640884516707,0.11337860332082438,1.8 +2329,1.1314884798432807,0.11397062576386027,1.16 +2330,0.7477138916704664,0.11581185343723756,0.6 +2331,0.2573231731141412,0.12093060653191195,0.3 +2332,1.2065960584169062,0.11423838673562225,1.14 +2333,0.682083849943357,0.11683613701873495,0.68 +2334,0.7692667681426535,0.11532855373604327,0.84 +2335,1.5882654825600326,0.11375942373142212,1.62 +2336,1.679535361023465,0.11455334021269709,1.76 +2337,3.0086618474632836,0.11663267371298437,3.04 +2338,1.0696821315597163,0.11595749924764362,1.14 +2339,1.9070262043050477,0.11340096633884507,1.92 +2340,1.2088242990589428,0.11556688003278968,1.2 +2341,1.4062053440003588,0.11329848926758736,1.32 +2342,1.3536172317586512,0.11497519859527439,1.36 +2343,1.260210987798807,0.11356581188214313,1.2 +2344,0.9510039364314906,0.11515846791660762,0.86 +2345,1.7058502392465051,0.1139748876015201,1.66 +2346,3.746626484859849,0.12718123151784383,3.92 +2347,1.7509140888466028,0.11423531415614736,1.68 +2348,1.6151725379604613,0.11438312851107545,1.58 +2349,1.2127592566102372,0.11344208195798937,1.28 +2350,0.8840507072084591,0.11631701196846102,0.84 +2351,1.5648004466820566,0.11310143422196352,1.4 +2352,2.8636853131006568,0.11731473792729827,2.78 +2353,2.063884404834056,0.11313823896542831,2.12 +2354,1.1818300263514452,0.1149419833855397,1.3 +2355,1.8614520287242762,0.11496809072372889,1.8 +2356,1.4835583327824544,0.11328287608971875,1.52 +2357,0.837639744350767,0.11508347657677258,0.78 +2358,0.6911184678502167,0.11481080032939701,0.68 +2359,1.1931212223494008,0.11475416909390347,1.26 +2360,2.075356723414856,0.11340676544564056,2.1 +2361,1.2706066617867258,0.11352740079295938,0.98 +2362,0.889666526592773,0.1151629456064595,0.82 +2363,0.8700191588629043,0.1151160466866417,0.76 +2364,0.8012956185097941,0.11449456533975826,0.82 +2365,1.6309340122524532,0.11380380881765094,1.62 +2366,2.4057618642395298,0.11423245939065989,2.42 +2367,1.176498182058019,0.11368819070503836,1.2 +2368,1.1719546889082544,0.11421662724365968,1.1 +2369,1.7010859875720676,0.11444709468391037,1.7 +2370,0.9531304267031935,0.11425618552117131,0.98 +2371,0.9851364248274308,0.1152209932529863,1.02 +2372,0.9019778781024446,0.11670035844097337,0.9 +2373,1.0976662782245796,0.11412740263781902,1.1 +2374,0.8560459773039959,0.11609642388149492,0.9 +2375,1.1495932653403642,0.11382564579665556,1.12 +2376,1.7088820441912134,0.11407311208376346,1.68 +2377,1.3985471899327813,0.1131541391692879,1.3 +2378,2.133436604023622,0.11325298418444023,2.24 +2379,1.1364358447016905,0.11416244986678317,1.12 +2380,0.9253593789377099,0.11665701863079532,0.84 +2381,3.520722697610502,0.11996850356020315,3.68 +2382,1.3598631580232308,0.11435566141825805,1.54 +2383,2.4696430775624663,0.11429373885261297,2.4 +2384,0.9161527677014583,0.11437852492586237,0.88 +2385,1.293882530320932,0.11380898529268342,1.2 +2386,1.119440064440905,0.11517943802809963,1.12 +2387,1.5052673722118257,0.11300296566647755,1.52 +2388,0.8520093624780962,0.11932567500666756,0.88 +2389,1.3858958309369669,0.11348520199878734,1.36 +2390,2.198614163008404,0.11353057462922456,2.08 +2391,2.044299044967765,0.11369264755355687,2.02 +2392,0.753801102306884,0.1157593815474785,0.7 +2393,1.9816373436968604,0.11330090877065076,2.02 +2394,1.5978332019814836,0.1143149625270578,1.52 +2395,0.8866934706601874,0.11542806425300825,0.82 +2396,0.3837928068695753,0.11659617562594057,0.4 +2397,0.8734574802724637,0.11478183270380726,0.88 +2398,2.248611230760133,0.11433461377626913,2.32 +2399,2.2347211009750296,0.11532751942005577,2.26 +2400,1.7855031477694112,0.11383475767869605,1.74 +2401,1.4885438854770179,0.113233143189026,1.52 +2402,2.423927892479483,0.114010436709478,2.4 +2403,1.009593334630285,0.11485635572982295,0.98 +2404,2.269641344288722,0.11356046401537782,2.3 +2405,1.9427686019360593,0.1134033703113914,2.04 +2406,1.1957335478482705,0.11444171227248598,1.12 +2407,1.7854474154385045,0.11391681065249094,1.72 +2408,1.0910308215219722,0.11413306417362647,1.04 +2409,0.634820073751678,0.1153183297052638,0.74 +2410,2.6026868237952385,0.11491951690164744,2.44 +2411,1.7567287456931062,0.1144392154887402,1.78 +2412,0.49092764775935294,0.11509537454305575,0.48 +2413,0.555230749964835,0.11514228083856437,0.5 +2414,0.3339507050572408,0.11763474942213932,0.28 +2415,0.9843233226928412,0.11505506687586706,1.0 +2416,1.301080131722884,0.11652322564476217,1.36 +2417,1.7428508221645558,0.11376289202212637,1.68 +2418,3.6481796253420775,0.12316578740682645,3.74 +2419,1.550974158017457,0.11307561445955693,1.6 +2420,2.2484548917618703,0.11365556790864478,2.2 +2421,1.3637379322196495,0.11354581410701543,1.28 +2422,1.9594011288355162,0.11335597435937894,1.96 +2423,2.2327518410069445,0.1134295880455529,2.3 +2424,1.3453856660459742,0.11774399141411772,1.3 +2425,1.0828185636194654,0.11371868908992584,1.08 +2426,2.008678335562948,0.11329966158396378,2.0 +2427,0.8172542459380558,0.11542138535195907,0.82 +2428,0.9789443521325047,0.11576902640994892,0.96 +2429,2.4846204513160934,0.11441277878783779,2.58 +2430,0.8244177180569388,0.11515942374793822,0.9 +2431,1.0400026192715437,0.11505116171940803,0.94 +2432,1.662768189237763,0.11429245507193553,1.56 +2433,2.4001952946543454,0.11395117059057955,2.32 +2434,1.5939571401162134,0.1136118146455843,1.46 +2435,2.554768268020407,0.11460527404785217,2.62 +2436,1.150215798483682,0.11474115303545539,1.22 +2437,1.8498548278279188,0.1137357578490273,1.76 +2438,2.5317871478739633,0.1149462626139697,2.56 +2439,1.536136438751285,0.1131391095072355,1.54 +2440,1.9376993699498257,0.11327092222134197,2.04 +2441,1.0710389385055166,0.1141129056916806,1.04 +2442,1.2173918686166338,0.11382661988054521,1.18 +2443,3.4436805321327917,0.11916630418465766,3.28 +2444,0.7507833529989512,0.11514829468417355,0.8 +2445,2.521675935561408,0.11442978958709113,2.52 +2446,2.592822767922115,0.11501614230683604,2.6 +2447,0.6869233784490554,0.11476101030437899,0.68 +2448,1.7966566986482206,0.11364492111302295,1.82 +2449,1.1807229587409829,0.11566969086132554,1.14 +2450,1.2628954809377575,0.11425754331782448,1.26 +2451,0.47946402526576826,0.11868604666552546,0.44 +2452,1.0871862248212913,0.11521738177734045,1.16 +2453,1.3462659234010665,0.11370871175116193,1.4 +2454,0.9528431846018304,0.11698663726499071,0.94 +2455,1.6659051821819446,0.11422779539775246,1.68 +2456,1.7772318163180678,0.11407550780847056,1.7 +2457,2.697804270942548,0.11595494202110028,2.66 +2458,0.5342908746695372,0.11683000391388328,0.54 +2459,0.33405188283255605,0.11963998031731052,0.28 +2460,3.7233219241642495,0.12507111491048153,3.82 +2461,0.497396938057733,0.11512280950736839,0.44 +2462,0.9237402942249062,0.11462371573010398,0.9 +2463,0.4768473765939554,0.11572280925319285,0.44 +2464,1.4106149324999855,0.11341514089421956,1.58 +2465,0.7428295683931729,0.11471956131995349,0.76 +2466,1.5466190328117122,0.11451786633603613,1.48 +2467,3.184807391266098,0.1174973948700797,3.24 +2468,0.8999950223986346,0.11544566801229916,1.06 +2469,1.3126921583399245,0.11466268631414706,1.42 +2470,0.9438796498254209,0.11514852719690791,0.96 +2471,3.544954975056374,0.12023175914142455,3.72 +2472,1.546654962537179,0.11341511981571771,1.46 +2473,1.2285107883361732,0.11329131811661743,1.18 +2474,1.1957056629189076,0.11625021978435975,1.12 +2475,2.9918045367560318,0.11709186403304098,3.14 +2476,0.9549511864712841,0.11549693125415712,0.94 +2477,1.6558689604260373,0.11416027742419382,1.48 +2478,4.185150955899548,0.17729881163624686,4.18 +2479,1.5453869527180935,0.11374596505862113,1.48 +2480,1.5441851965604343,0.11299697013816444,1.6 +2481,0.24232733136858364,0.12083714417520797,0.18 +2482,3.1053250029107105,0.11759759501044584,3.22 +2483,0.35869452366085497,0.11680760251939666,0.34 +2484,2.8477452773417973,0.11612827010128211,2.84 +2485,0.5798109582299311,0.11647548452290918,0.56 +2486,0.9310774961624091,0.11432976862772243,0.92 +2487,1.2369765063151945,0.11330748215225064,1.28 +2488,1.1863676791012523,0.1133804087214084,1.2 +2489,1.3932724938154806,0.11293226709828301,1.36 +2490,1.042760978606882,0.1149672916284594,1.1 +2491,0.12898369839605728,0.12410092533588454,0.1 +2492,1.2019738694029058,0.1166191018744029,1.18 +2493,1.5243357492259086,0.11456318485518048,1.42 +2494,1.5412590788831508,0.11447060548083564,1.58 +2495,0.48080096961374963,0.11582486753639398,0.48 +2496,0.6368453340433184,0.11483713291727221,0.64 +2497,1.4947418885030963,0.11301908979744457,1.38 +2498,1.1040450522420322,0.1142347120580627,1.24 +2499,1.5171943724403043,0.11341489556074115,1.5 +2500,1.8933788270114853,0.11338170439423594,1.92 +2501,1.8857824585517555,0.11357510553617058,1.9 +2502,0.7785985818402068,0.1148214943917428,0.78 +2503,1.249710088895693,0.1152692868853767,1.24 +2504,1.19889289193803,0.1142524496984611,1.24 +2505,1.4068731469688558,0.11696102361933833,1.38 +2506,1.6746464838433042,0.11472946017641034,1.66 +2507,1.9967575206367378,0.11335643875707481,2.14 +2508,1.0749764585526052,0.1140612827399863,1.2 +2509,1.5959852122284666,0.11511774197151133,1.6 +2510,1.4753085237234274,0.11322853551404276,1.5 +2511,1.0000204469300904,0.11476259908583228,1.1 +2512,1.2853068638077652,0.11401558513930594,1.32 +2513,0.42455710335707053,0.11639997487706591,0.44 +2514,2.054136297775841,0.11325962929948276,2.12 +2515,1.1612699692041737,0.11396143694143028,1.16 +2516,1.39170227990245,0.11339023774877062,1.3 +2517,1.1035091956111778,0.1145888618933326,1.1 +2518,1.5762795620414671,0.11418576488454263,1.52 +2519,0.869507538094993,0.1146973921986029,0.9 +2520,0.918885460588605,0.11529664083514815,0.88 +2521,1.6176980559983747,0.11393881656136766,1.6 +2522,1.2788322440433753,0.11357617335409387,1.3 +2523,0.7959316685644886,0.11494381901623771,0.84 +2524,3.473653011178847,0.11998958642521332,3.64 +2525,1.37199665672048,0.11387711243530742,1.42 +2526,1.290899420767662,0.1148404840723981,1.34 +2527,0.8899504310207078,0.11418425642002726,0.86 +2528,1.8511092587883695,0.11378626212288112,1.74 +2529,0.859983492105604,0.11613316904558646,0.84 +2530,0.9281858412318833,0.11433169576992033,1.0 +2531,1.2674999344161257,0.11398138729874556,1.18 +2532,1.4325223301554537,0.11296389953981578,1.44 +2533,2.1338029967740546,0.11326168453112566,2.22 +2534,2.987499689942826,0.11726050221736611,2.86 +2535,0.8518510907518682,0.11511857399783092,0.86 +2536,2.470935278695187,0.1142848784792983,2.38 +2537,0.8223202253717368,0.11567574868080356,0.92 +2538,1.2524819189216743,0.11374984366822255,1.24 +2539,1.1650634581587873,0.11404806891791795,1.12 +2540,1.6955110365069004,0.1141014989676221,1.74 +2541,4.03081477939276,0.151934341501671,4.22 +2542,2.180026564860544,0.1133549165393965,2.16 +2543,0.6587345778977074,0.11455660340398326,0.64 +2544,1.9465541806845863,0.11369425004430689,1.98 +2545,2.088388139471565,0.11338355323666964,2.1 +2546,0.4141001647820062,0.11619842797671963,0.44 +2547,2.5460277055221923,0.11441921691524334,2.56 +2548,1.757786088787924,0.11447516541668973,1.82 +2549,0.8241588530131576,0.11488774966105504,0.82 +2550,1.5767947872665857,0.11463334481937817,1.6 +2551,1.563275985975661,0.11455304364021379,1.56 +2552,0.8934127763099671,0.1151513074739057,0.84 +2553,0.9173494316624442,0.11530472669187827,0.86 +2554,0.6224086856500968,0.11575834486942989,0.52 +2555,0.7832485598463368,0.11511896121796517,0.78 +2556,1.197246698968808,0.11342937327984672,1.24 +2557,1.3262433984824469,0.11373566966480453,1.3 +2558,0.41383507043425105,0.1208013005679356,0.4 +2559,1.1100201943932397,0.11628140688190923,1.16 +2560,1.387710738030048,0.11450035969584348,1.36 +2561,1.6658930405431356,0.11458388087254717,1.6 +2562,1.5508840474642227,0.11348712491754594,1.52 +2563,0.581285688426636,0.11541276242843768,0.64 +2564,2.4436101380664965,0.11444529605715316,2.38 +2565,0.6661964572033199,0.11506316878252527,0.6 +2566,1.6117817262687417,0.11527731689007789,1.6 +2567,1.4011714489495901,0.1140286222131242,1.48 +2568,1.0375718960986724,0.114124794476059,1.02 +2569,2.661326893262231,0.11513232686994271,2.84 +2570,1.0927281250319432,0.11507051073705636,1.08 +2571,2.093008187555334,0.1133577655479781,2.02 +2572,0.8221679451217021,0.11479808866408521,0.84 +2573,1.6391327174173647,0.11486143211343026,1.72 +2574,0.9027507539850639,0.11520374669343854,0.88 +2575,2.8224912842371204,0.11606557994293153,2.98 +2576,1.1202434003636093,0.11531705770674432,1.08 +2577,1.3503829195346242,0.11421871153721383,1.42 +2578,2.0338372824121507,0.11351666716615877,2.04 +2579,1.6978228251973846,0.11380248114682916,1.58 +2580,1.103135508676619,0.11483087661121974,1.12 +2581,1.5727939468460725,0.11530704918687903,1.4 +2582,2.1627186873444693,0.11333161546100017,2.18 +2583,1.3183543251374559,0.1134804805959322,1.38 +2584,3.3055703057951327,0.11820893348157907,3.52 +2585,0.6239916078462642,0.11560708973742993,0.68 +2586,1.3245188565565549,0.11380509025557362,1.36 +2587,1.293133499633342,0.11292524035822256,1.22 +2588,3.2883810642116913,0.11828562549207433,3.4 +2589,1.107765866830423,0.11495222580520262,1.12 +2590,1.521354913277868,0.11300331297030188,1.48 +2591,2.0084927208869807,0.11339394021062832,1.86 +2592,2.319765301024045,0.11386072364397945,2.26 +2593,1.869687953248544,0.11388185963599502,1.84 +2594,0.591300680728331,0.11501501525805598,0.58 +2595,2.1575514129822295,0.11355349294569467,2.1 +2596,1.100100477382231,0.11529011223416273,1.08 +2597,2.172493801759501,0.11342528055622039,2.12 +2598,1.8302607805781577,0.11437211591578782,1.88 +2599,1.560634748923981,0.11347982851079208,1.6 +2600,1.5452010773760918,0.11312690011650735,2.08 +2601,2.040500784382292,0.1133769256063486,2.06 +2602,1.0744761976558692,0.11458246239539864,1.08 +2603,0.782392634064287,0.11512922506426572,0.76 +2604,0.8930026036334127,0.11514939590994254,0.88 +2605,1.5216040949706944,0.11425292217022047,1.46 +2606,0.6927594699888076,0.11478863406728138,0.7 +2607,0.4853339985462384,0.11537629324499653,0.48 +2608,1.8544808854638184,0.1136127244607539,1.84 +2609,1.4213054588331495,0.11313454599420328,1.28 +2610,1.2901840880632207,0.11567568292361684,1.42 +2611,1.3305028914022614,0.11444498276252905,1.3 +2612,0.5644943036852048,0.11641242970557426,0.58 +2613,1.1995339469083142,0.11326875612052466,1.08 +2614,0.7369450143108978,0.11437821077089813,0.8 +2615,1.1930694311573653,0.11336531013332501,1.22 +2616,1.814726004548568,0.11353310113424032,1.76 +2617,3.7187900463407786,0.12476725401619618,3.8 +2618,1.0724916853333148,0.11454840320581607,1.0 +2619,1.6506790053135703,0.11402153193126903,1.68 +2620,1.599701832735672,0.11334017335197129,1.6 +2621,1.193908729411298,0.11430994648864433,1.32 +2622,2.2479676436944587,0.11368839028924134,2.28 +2623,0.8959805148748305,0.11556012296245002,0.9 +2624,1.527677441625837,0.11302630412667981,1.56 +2625,1.3748107825294653,0.1140531312981318,1.34 +2626,3.1254334571002325,0.1172752148312976,3.2 +2627,3.117069488122656,0.1174680556100872,3.2 +2628,1.0480913203508102,0.11474938614193973,0.9 +2629,0.5117757890520949,0.11626431765297113,0.46 +2630,2.5224693974830963,0.11482934157132513,2.5 +2631,1.839856945341925,0.11345131967475565,1.86 +2632,0.7548570817261595,0.11484240380977324,0.78 +2633,0.9539788578765229,0.11576292425870287,0.94 +2634,1.5189167654487505,0.11319139387869297,1.46 +2635,0.9480050896488699,0.11508140160812956,0.9 +2636,2.4888603961797884,0.11442341092922799,2.36 +2637,2.0946482673216487,0.11333634953238038,2.0 +2638,0.274860071767975,0.1189338518270071,0.36 +2639,0.9673237831417403,0.11471978133854399,1.04 +2640,1.1598632745912987,0.11390599687434828,1.04 +2641,1.2214302140238402,0.11434735130257097,1.18 +2642,1.2899831683246532,0.11418809400516858,1.34 +2643,1.1138744852429063,0.11388613777920903,1.12 +2644,1.8475995595044026,0.11423916191515368,1.86 +2645,1.748084797716107,0.11384560575602849,1.66 +2646,1.8571049777322663,0.11401009700347055,1.88 +2647,0.7495862248876008,0.11455368086986673,0.74 +2648,1.4762334536600825,0.1151466060028863,1.54 +2649,1.234179902096713,0.11347814253986171,1.22 +2650,1.5792439050994709,0.11409030578128172,1.62 +2651,0.9417324984077133,0.11470994059435774,0.9 +2652,1.4842524528817833,0.11277633722717724,1.36 +2653,2.32191326472428,0.11410559207992117,2.44 +2654,1.0774932622423847,0.11403409427149928,1.08 +2655,0.5407164069057977,0.11499741716224515,0.56 +2656,1.8095986167360536,0.11375326751603945,1.76 +2657,1.917712374285582,0.11343289499001304,1.8 +2658,1.890267984325007,0.11417772516351436,1.9 +2659,1.7861287609813203,0.11384766144595632,1.7 +2660,0.9733289470825888,0.11456232459111707,0.94 +2661,3.619098798481815,0.12178440637702437,3.2 +2662,0.7567876097368078,0.11482144477099945,0.72 +2663,0.8762495816644673,0.11597099194838968,0.9 +2664,0.878616929675033,0.11518791682439157,0.92 +2665,1.637571753149679,0.1161981093551698,1.7 +2666,1.0104180637968234,0.11476794505096373,1.04 +2667,1.238241762374809,0.11498611131733524,1.1 +2668,2.4479956721729828,0.11454309640987008,2.48 +2669,0.4276606278730064,0.11629704008757091,0.42 +2670,1.038959861631156,0.11430186204650364,1.02 +2671,1.0179052739472816,0.1147125122051352,1.0 +2672,1.0000925979904665,0.11504010330845658,1.06 +2673,1.498047408340593,0.11323635828448247,1.38 +2674,1.6891882033237735,0.1166278819461756,1.84 +2675,1.5846647157956077,0.11417780858130844,1.48 +2676,2.5469238864403785,0.11461564276493062,2.46 +2677,1.4983485323516739,0.11304399388084725,1.46 +2678,2.279950192766364,0.1140321874658441,2.28 +2679,0.99398311808228,0.11522087594434469,0.94 +2680,2.0779038064122624,0.11319994352572885,1.84 +2681,2.907671680589843,0.11640864039262605,2.82 +2682,1.439579971765209,0.11434378614019412,1.46 +2683,1.3027634580162477,0.11335977599939245,1.32 +2684,-0.008153532451423473,0.1365031463599982,0.1 +2685,0.6658872790540578,0.11537897718899037,0.7 +2686,2.0011838051025173,0.11341903592595323,2.06 +2687,1.4248995220983218,0.11279307755720638,1.42 +2688,1.3882296829905911,0.1151932361308166,1.22 +2689,0.9404904870558646,0.11594676596840739,0.82 +2690,2.038718288766159,0.11341426708011938,2.02 +2691,2.099194452819635,0.11422348778501311,2.12 +2692,0.6688333453496504,0.114666761178019,0.64 +2693,1.7315684914153344,0.11523923970076819,1.86 +2694,1.2169834893609668,0.11293581593373019,1.26 +2695,1.8886024761834612,0.11338408561769121,1.9 +2696,0.16160915262940634,0.12387900270205192,0.2 +2697,3.2636827317900625,0.11777420795255268,3.24 +2698,2.1000832907723606,0.11348418923782687,2.08 +2699,0.812767872921837,0.11551746944321735,0.8 +2700,0.8148717415661579,0.11431433246729494,0.78 +2701,1.8907500889811537,0.11346273837591593,1.96 +2702,1.4915313868373232,0.11268598267167797,1.36 +2703,1.4559873685863494,0.11347387656151832,1.4 +2704,1.775328712083656,0.1139645471210193,1.8 +2705,1.1436026385684812,0.11372686207712922,1.14 +2706,1.7746166437400355,0.11373329116736902,1.76 +2707,0.9472350152435141,0.11532622293774415,0.9 +2708,1.7964782037620708,0.11366806787153028,1.62 +2709,1.0803356827538657,0.1143457857379737,1.08 +2710,1.405290308267638,0.11288599827365063,1.26 +2711,0.8117740444675725,0.11915955099073908,0.74 +2712,1.7171375320230915,0.11476374428865628,1.54 +2713,1.2002367890282635,0.11437583719081526,1.24 +2714,1.1058020121155714,0.11444032347753948,1.18 +2715,1.7547782463001127,0.1137391375052581,1.76 +2716,1.3841628326237405,0.11428062957690224,1.46 +2717,1.3051389064498906,0.11366754276114407,1.3 +2718,1.8062979249892166,0.11376192759315362,1.76 +2719,1.1127445766323127,0.11481045573428157,1.1 +2720,0.9735255719210265,0.1141305530724106,0.94 +2721,1.3497521053802295,0.11371417065915773,1.32 +2722,2.546963002246841,0.11462254921635721,2.48 +2723,0.8164141214168126,0.1172343959104284,0.86 +2724,3.447356476133777,0.11960550643061563,3.58 +2725,1.378977180253429,0.11369967358579589,1.3 +2726,0.6090221583475888,0.11521879994843783,0.62 +2727,2.37249499167838,0.1139134175599298,2.36 +2728,1.3563937945082003,0.11476312450901376,1.36 +2729,1.0229642424997252,0.11497360893673587,0.94 +2730,0.9676511496182059,0.1149982079139181,1.16 +2731,0.9271423123232161,0.11776860604111053,1.0 +2732,1.5130601394712073,0.1143769133874806,1.42 +2733,1.4100616045546488,0.1131783737317255,1.48 +2734,1.6575298913684406,0.1143446757533841,1.72 +2735,2.4888267871677243,0.11429215748529815,2.46 +2736,2.0299773106351076,0.11324242144958126,2.08 +2737,1.6257283959044244,0.11437488672570365,1.54 +2738,2.58850005691016,0.11518556160690918,2.56 +2739,1.2147406891046693,0.11350603962003324,1.22 +2740,1.3935723662860013,0.11330130847517905,1.34 +2741,1.6418831695904004,0.11414511323835434,1.58 +2742,2.901832191513339,0.11642667422679487,2.96 +2743,1.579041088311385,0.11392929168284985,1.5 +2744,1.223324574554205,0.11586503015222822,1.04 +2745,2.0533720407559066,0.1132380096888302,2.08 +2746,0.8737007433739592,0.11422994546422197,0.9 +2747,0.936763139442256,0.11477499143509501,0.92 +2748,1.1982753757601472,0.11604607342149818,1.16 +2749,0.6893872737006017,0.11468886420231252,0.74 +2750,1.7344678585265747,0.11403886180219751,1.9 +2751,2.28852504784982,0.11376717744128535,2.24 +2752,2.349508731070152,0.11388034184419625,2.18 +2753,0.8851966085040637,0.11471194550861728,0.94 +2754,2.7883364409927296,0.11547458035390823,2.76 +2755,1.5995345205748457,0.11348253768971453,1.58 +2756,2.119830860522839,0.11321809667709883,2.12 +2757,3.6502477651481122,0.12307750479353902,3.8 +2758,0.2372652994066371,0.11921876152319355,0.18 +2759,2.428066521117252,0.11426012133481239,2.28 +2760,0.5137243515999561,0.11532863881033954,0.52 +2761,1.6408838586547496,0.11440841174486634,1.68 +2762,1.2048362620896391,0.11428679950382725,1.2 +2763,0.4071501644677671,0.11696824489511569,0.46 +2764,1.0875993733292866,0.11497888316116213,1.08 +2765,0.8888879206160176,0.11454466611518317,0.88 +2766,2.0126897003340574,0.11336105574707589,2.04 +2767,1.7063363298397185,0.11438013260548675,1.64 +2768,0.6763774147684742,0.11501096566064292,0.72 +2769,2.2374349940869998,0.11344322942241213,2.28 +2770,0.8133954847209353,0.11449326544594507,0.92 +2771,-0.1612993227045436,0.15509454309613632,-0.08 +2772,1.5889002244323827,0.11468721125171642,1.62 +2773,2.535223136830595,0.11452090579562293,2.46 +2774,1.8897363327488428,0.1270668990002661,2.14 +2775,1.6603262535053709,0.11387028853513126,1.8 +2776,1.279758687556395,0.11368976688284822,1.36 +2777,1.460150151825676,0.11406887807802901,1.42 +2778,0.2817167320938019,0.12224442117342893,0.18 +2779,1.3740069610969066,0.11355036844754686,1.4 +2780,1.623575917491216,0.11429743338121005,1.56 +2781,2.4185977438808415,0.11425784048619213,2.34 +2782,1.5182252148065132,0.11326466948851707,1.72 +2783,0.9309839571360108,0.11488057489690576,0.92 +2784,1.6359136846855797,0.11445990097076691,1.6 +2785,1.9941166791916842,0.11378827011606507,1.98 +2786,1.4460941844880644,0.11322476320242075,1.52 +2787,3.3926065190728885,0.11870451566741143,3.28 +2788,1.272634880371335,0.11367535407846624,1.32 +2789,1.3387782739291403,0.11393876922908092,1.36 +2790,1.599651821869415,0.11429699035621958,1.78 +2791,0.9320826474427246,0.11459833950463591,0.98 +2792,1.5265633776410894,0.11335011199178455,1.36 +2793,1.2990942469469928,0.11724373512937573,1.26 +2794,1.3795443742253397,0.11374147776167744,1.34 +2795,1.8355987910750855,0.11348948109359708,1.8 +2796,1.0098198624765118,0.11460276913330625,1.06 +2797,1.7375441333962804,0.11477160577419737,1.6 +2798,1.169178242602353,0.11478323621791839,1.22 +2799,1.1905447141856875,0.11561524932252835,1.16 +2800,0.3594688063629441,0.11720459292716667,0.36 +2801,0.3545074382570661,0.11779275605825568,0.38 +2802,0.5592124959118046,0.11484481769299042,0.6 +2803,1.8047830930748816,0.11457930678691422,1.84 +2804,1.1906923245445888,0.11380038635243978,1.28 +2805,0.9242719542915037,0.11620124556962032,1.0 +2806,0.7943115266952212,0.11770393472828893,0.84 +2807,1.3339967803533135,0.11415252653273317,1.26 +2808,2.103835306008932,0.11319504757316096,2.08 +2809,2.1427220539632152,0.1133080233109794,2.08 +2810,0.5648584069566098,0.11549339579741455,0.6 +2811,0.7065342535527375,0.1147487905857754,0.84 +2812,1.6573111171005195,0.11455753604310562,1.66 +2813,0.7090753125288938,0.11471650278923272,0.62 +2814,0.8477619698988121,0.11454735802513785,0.84 +2815,1.5058295016173133,0.1280303617358824,1.68 +2816,1.8818436585026603,0.11334214272380679,1.82 +2817,0.6423397401439814,0.11484921558664607,0.5 +2818,1.238142377251915,0.11384372415559497,1.3 +2819,1.669936542595714,0.11445255437955427,1.64 +2820,1.5902531235393766,0.11472221059462304,1.54 +2821,0.4177762410901984,0.11622866887361429,0.4 +2822,3.8807968283496983,0.1346447238839212,3.88 +2823,1.2317523397636165,0.1144766736764365,1.26 +2824,2.6192162557072436,0.11553927145924991,2.6 +2825,0.6683295890880689,0.11516193224481895,0.68 +2826,0.8356605660656555,0.11463675278650517,0.78 +2827,1.990114093019919,0.11320852950849496,1.92 +2828,0.697296802670202,0.11709634911395257,0.64 +2829,1.0660256812021878,0.11414817213750773,1.1 +2830,1.2012144357688364,0.11345515909979718,1.2 +2831,1.5353487824476524,0.1130515561731426,1.48 +2832,2.1397951563817372,0.11321615655134275,2.18 +2833,2.023628809266736,0.11331987216795225,2.06 +2834,0.8883239225855739,0.11609615042739516,0.88 +2835,1.714924727862428,0.11427246149151082,1.68 +2836,0.7871797799744247,0.11508380104679256,0.8 +2837,1.626175528714331,0.1144632787567567,1.62 +2838,1.731587825130397,0.11395988011735451,1.66 +2839,1.3836078421539604,0.11296971585703564,1.28 +2840,1.5572399545051603,0.11455615883823125,1.5 +2841,2.3956174384411284,0.11441705248730952,2.42 +2842,0.40928810143142513,0.11608775680517433,0.32 +2843,1.6834541520878865,0.11507398714449556,1.62 +2844,0.6258220102626222,0.11516632708873634,0.66 +2845,2.501686604223895,0.11441651995615072,2.52 +2846,0.9457524356245628,0.1145407951360526,0.9 +2847,1.1080112261781991,0.11733144914967701,1.04 +2848,1.7345979517223213,0.11539700887195736,1.7 +2849,1.5883277562400089,0.11452016965004819,1.6 +2850,1.1909163974321615,0.11398343833406288,1.14 +2851,1.4895880072905605,0.11369327918736316,1.44 +2852,2.289111397229579,0.11348207648540615,2.2 +2853,1.6655121165059938,0.11547671272129202,1.68 +2854,0.9837871191190004,0.11545957215694526,1.02 +2855,1.5548059288387925,0.11489224378073452,1.7 +2856,0.6918012729042786,0.11465957108011814,0.76 +2857,1.477094967963346,0.11316794249872078,1.46 +2858,0.15920500615581012,0.12426317137356858,0.16 +2859,0.9023871268547872,0.11520843806002973,0.94 +2860,1.886248952771421,0.11341784330593561,1.78 +2861,2.3234226409288645,0.1137139248761324,2.18 +2862,0.7347893899022395,0.1147855050993865,0.74 +2863,0.4921450803464307,0.11592074837146744,0.54 +2864,0.588417912207607,0.1152476613846229,0.62 +2865,1.168393791575891,0.11390931857671,1.22 +2866,1.3261485219729678,0.11409775963497541,1.34 +2867,1.1570039421714995,0.1152490646643508,1.22 +2868,1.69602400421644,0.11451159935257521,1.62 +2869,1.9201117366961817,0.1133853454244769,1.88 +2870,1.0137409063102254,0.11489210885138185,0.92 +2871,0.9998004654033075,0.11543563489242252,0.94 +2872,2.301387843398711,0.113688753169623,2.32 +2873,2.3313161301670284,0.11378171124945988,2.3 +2874,0.9422764318589181,0.11427381899022356,0.86 +2875,1.2947196877425249,0.11420823182849033,1.26 +2876,3.505644091115915,0.11956842335352423,3.5 +2877,1.7675930780701208,0.1140418706730249,1.8 +2878,2.66550925209868,0.11501517152898946,2.72 +2879,2.009467968047332,0.11323005593734728,1.96 +2880,0.9453973938191318,0.11469168773819499,0.88 +2881,1.3180787038216337,0.11359733716330508,1.36 +2882,0.6838491012313739,0.11526035015992595,0.76 +2883,1.819727905869474,0.11395158499882416,1.72 +2884,1.5957882731410784,0.11372831975820136,1.62 +2885,1.7778460752897907,0.11403664075033025,1.74 +2886,0.9212937588858896,0.11551229572442973,0.86 +2887,1.2704155040443688,0.1135848702080552,1.28 +2888,1.2478072114807652,0.11361421341077789,1.28 +2889,1.6677149273491878,0.11469859182638437,1.64 +2890,1.5040844818463874,0.11337249300735511,1.5 +2891,3.525485381370519,0.12009243093175141,3.46 +2892,1.7915217041070406,0.1139278786509484,1.76 +2893,1.5222792687263293,0.1138371020566956,1.48 +2894,2.0830787025716226,0.11354158476754096,2.06 +2895,2.630467269072838,0.11503970761270937,2.64 +2896,1.5566776625730938,0.11437991791323805,1.52 +2897,1.5785041540272005,0.11378476202540062,1.58 +2898,0.49135142167329526,0.11624147148276454,0.52 +2899,2.053613091150172,0.113281618671774,1.92 +2900,1.3699453421615146,0.11435592743301166,1.32 +2901,1.1439620663937475,0.1132365246834569,1.08 +2902,1.4861337174987845,0.11279944838588099,1.44 +2903,1.2110411701444015,0.11426032460076517,1.12 +2904,1.2460181221426225,0.11412397937415304,1.12 +2905,2.452062070257611,0.11407426645048035,2.38 +2906,2.1240499061383673,0.11331965703054701,2.06 +2907,0.6392302624565218,0.11456887022883147,0.72 +2908,0.8500131628805168,0.11559236471825778,0.86 +2909,1.0058520691384025,0.11395299000448332,1.04 +2910,0.2649239993779595,0.12023885962213154,0.2 +2911,0.9703176277897043,0.11416329292378423,0.98 +2912,1.2633987840807634,0.11362058344469622,1.22 +2913,0.293104881062483,0.11766135075262732,0.28 +2914,1.1915216516441731,0.11376125396285074,1.16 +2915,1.0568635826456294,0.114866040280453,1.02 +2916,3.264004889719917,0.11958682082977129,3.26 +2917,0.5565706396828247,0.11558206654621525,0.5 +2918,1.2646383163255805,0.11378275868305765,1.24 +2919,2.6455296308296283,0.1152188489130759,2.56 +2920,1.023791507495929,0.11413531261771617,1.06 +2921,1.4984041688513017,0.11300448566226685,1.4 +2922,2.6306860336793036,0.11566850767507024,2.82 +2923,1.0338538646517925,0.1147717115307905,1.0 +2924,2.820322970410505,0.1159936458317373,2.76 +2925,1.466141768828166,0.11318156726099873,1.38 +2926,0.6366500665026926,0.11476865300889928,0.7 +2927,1.5335393094766374,0.11367672589399666,1.46 +2928,0.2780381750050118,0.11828134036038268,0.26 +2929,2.3478385913083173,0.11394049337864408,2.36 +2930,1.0905486246931382,0.11600213182725222,1.04 +2931,0.4129308677122161,0.1166569231925982,0.38 +2932,0.8090478873189717,0.1148268971660643,0.84 +2933,0.024318274027820053,0.13272467282489211,0.0 +2934,2.139134895129839,0.11331987959191359,2.18 +2935,1.760892236690502,0.11392407278736402,1.74 +2936,1.8430974234741413,0.1135551512773368,1.8 +2937,1.8623572957610541,0.11337798690407562,1.84 +2938,1.2408081775416342,0.11567774579029294,1.24 +2939,1.851745644192306,0.11374259052237191,1.86 +2940,0.3230002866932171,0.11917406356448663,0.28 +2941,3.1081232203095226,0.11886511126073245,3.18 +2942,1.7094824083560738,0.11435578493048018,1.68 +2943,0.7327798496798046,0.11494283870989376,0.68 +2944,0.9666631214528962,0.11565297497196288,1.08 +2945,1.463477674268777,0.11296094498734305,1.48 +2946,2.1465236416219433,0.11343290961272373,2.1 +2947,1.3422478632826724,0.11422796261135358,1.3 +2948,1.0124600094534166,0.11463503479728936,1.06 +2949,1.395432809315917,0.11350279630427608,1.36 +2950,2.081060648993642,0.11342523475063473,2.18 +2951,1.209064040563657,0.11384107425741777,1.2 +2952,1.338493042916621,0.11332568581888641,1.44 +2953,2.337296260431831,0.11364763977684933,2.32 +2954,1.325489646053196,0.11450659606493152,1.44 +2955,2.9646855574716433,0.1167794251550826,2.88 +2956,2.5781319478181715,0.11470486285602312,2.46 +2957,0.6795968549474978,0.11655773987150929,0.74 +2958,2.4835980952402785,0.11417202688677294,2.5 +2959,1.6717980464815199,0.11439229381117641,1.68 +2960,0.7857851815178698,0.11492430605478272,0.76 +2961,2.2369613756536104,0.11361649169820594,2.18 +2962,1.8527023840837096,0.11374035456776775,1.76 +2963,0.7025351108179017,0.11485605602924663,0.74 +2964,1.029703999888369,0.1144397098439015,0.98 +2965,1.9596801408325497,0.11387880133122234,1.96 +2966,1.2290979730846665,0.1153665873517686,1.34 +2967,0.29505090050113125,0.11851196270365773,0.28 +2968,1.1454094123285472,0.11407532719816477,1.12 +2969,1.5856028120517358,0.11412842437822815,1.58 +2970,0.9006922791148533,0.11641489832729937,1.1 +2971,1.5532319332627864,0.11324718546966284,1.56 +2972,0.6863430914116861,0.11473274593666045,0.64 +2973,1.5573187727584603,0.11410262029925768,1.4 +2974,1.5759718153789315,0.11427872214530915,1.54 +2975,4.025565994702429,0.1504573039184329,3.9 +2976,1.181940104294025,0.11337276260395196,1.22 +2977,1.8337464318927559,0.11357686391387685,1.74 +2978,0.552813614695097,0.11605815225401112,0.56 +2979,1.3101024060938045,0.11347137040684738,1.28 +2980,0.7051304470751028,0.1155756902500192,0.6 +2981,1.4400230680285482,0.11291953021445156,1.4 +2982,0.3154165850212287,0.12339071810362011,0.28 +2983,1.4707224713333353,0.11296004925025432,1.22 +2984,1.7035436906237678,0.11545875968932046,1.62 +2985,0.6796601404724711,0.11580869959649479,0.58 +2986,1.5657157922808693,0.11336175658077373,1.52 +2987,1.4389440624581695,0.11395415333712519,1.5 +2988,1.3466288254315835,0.1137917717689717,1.38 +2989,1.6485812480870727,0.1151292362419883,1.7 +2990,0.05717360021850837,0.12917368999076667,0.08 +2991,1.2901207057481123,0.11466668884855681,1.34 +2992,1.5556853695965742,0.11366150199192226,1.56 +2993,1.9820196715397564,0.11342151029820044,1.98 +2994,1.5908370233768885,0.11519587944294903,1.6 +2995,1.520042321335815,0.11271459135482521,1.56 +2996,1.6486940627763431,0.11485524875379681,1.68 +2997,0.8861877370597107,0.11470538413767384,0.84 +2998,1.1494097766721083,0.11397659403943414,1.12 +2999,1.2772796146725405,0.11447922784514684,1.18 +3000,1.634316693821468,0.11429267152538823,1.68 +3001,0.9061204390224766,0.11792835368845808,0.84 +3002,0.2091933967248174,0.12226940314869576,0.22 +3003,1.2463524733658211,0.11332626206805059,1.28 +3004,2.0266656437845114,0.11334274115299638,1.96 +3005,2.1455762138566037,0.11323742033726465,2.12 +3006,1.361946253094608,0.11379289257448724,1.3 +3007,2.793591538203618,0.11580400676778635,2.8 +3008,0.7470600940532055,0.11627049431078847,0.72 +3009,1.442061741133049,0.11284974741721693,1.36 +3010,1.8543186669704816,0.11363725569780007,1.86 +3011,0.7977285389389799,0.11479221697249282,0.8 +3012,0.7688241021229505,0.11488490280704906,0.86 +3013,1.162119054696518,0.11487828415082257,1.08 +3014,1.68021187871771,0.11424855915047182,1.7 +3015,1.8416059029649254,0.11370567642495757,1.8 +3016,1.5888404918219479,0.11390751762549124,1.64 +3017,0.9543541552217185,0.11448969047923586,1.04 +3018,1.3169971567034757,0.11397280740931291,1.26 +3019,1.502167741637308,0.11383002899383944,1.42 +3020,1.1537598978046333,0.11397246051138211,1.22 +3021,1.3494329414783017,0.11364920388670346,1.4 +3022,0.6004304209334705,0.11509418442631236,0.6 +3023,2.314208982594959,0.11367455028056493,2.32 +3024,1.274487224001124,0.11336039463295036,1.18 +3025,1.0081090598787554,0.11522821249225239,1.06 +3026,1.4266448587144787,0.11815261125093457,1.42 +3027,1.0682137867639838,0.11502124889491992,1.1 +3028,0.4986374203831261,0.11514823595181008,0.52 +3029,1.0779711395479303,0.11428320759165445,1.18 +3030,2.189450929577035,0.11430225478591748,2.22 +3031,2.1691797572371456,0.11328255028618095,2.02 +3032,0.9475494290040487,0.11559901083948151,0.9 +3033,1.8805504107486861,0.11433372565238047,1.74 +3034,1.6751036286649104,0.11426128669980086,1.6 +3035,1.2046097103784277,0.11433022171223026,1.16 +3036,2.682644678106918,0.11527190501013342,2.96 +3037,3.4095035225070554,0.1192785646569931,3.34 +3038,0.6976418107297402,0.11601019755280495,0.68 +3039,1.01547139141163,0.11479796435254108,1.06 +3040,0.9957250053217699,0.11687418966960988,1.1 +3041,0.24907086760531172,0.11925971190999994,0.28 +3042,0.6136938826333207,0.11601981997842534,0.6 +3043,2.2860034166036662,0.11370013707653802,2.26 +3044,1.9504085933862463,0.11340239542496708,1.96 +3045,0.558843627126361,0.11489894378542019,0.6 +3046,0.3505022531686812,0.11744326650305706,0.38 +3047,2.127044244609124,0.11337200744252961,2.1 +3048,1.2809339894866554,0.11392459811461551,1.24 +3049,3.6460950481532244,0.12391054598213043,3.58 +3050,1.6471579293776095,0.11424848039425896,1.64 +3051,1.8460438890779294,0.11501435907887746,1.88 +3052,1.842216747073678,0.11455689965731806,1.82 +3053,1.0309068943287336,0.11418830308705931,1.1 +3054,2.8728134294830063,0.11658261154592704,2.86 +3055,1.3152734733070055,0.11360758114634444,1.4 +3056,0.8097497448222448,0.11562990367223744,0.66 +3057,0.3690715148026129,0.11711285260970507,0.44 +3058,1.6792593833602574,0.11432457387432829,1.58 +3059,1.7150514600298585,0.11395596127509158,1.62 +3060,1.3125645259330838,0.11375742941542308,1.28 +3061,2.536966023682133,0.1145842699074574,2.46 +3062,0.6836020695145013,0.11613881089319847,0.68 +3063,1.8090706055053438,0.11424720459579991,1.96 +3064,1.4455786256830692,0.11281341443027897,1.46 +3065,1.2076226030806332,0.11461967385604716,1.32 +3066,2.11532641580747,0.11343374811468213,2.2 +3067,1.3956886760969418,0.11302917229839532,1.34 +3068,0.06293800933186411,0.1280628732252713,0.1 +3069,1.5565378146725166,0.1136006059524031,1.54 +3070,1.1678028943072718,0.11503951167421048,1.2 +3071,1.5151919071301272,0.11431384588773527,1.48 +3072,2.3561911438116034,0.11374950302259582,2.54 +3073,0.46307953828811144,0.11670713134225286,0.46 +3074,2.088057554537272,0.11370421373676173,2.04 +3075,1.6370551461917344,0.11494975762062772,1.6 +3076,3.034001349172268,0.11703062383420067,2.76 +3077,1.7697936591361163,0.11368617396459496,1.76 +3078,0.9821256893791528,0.11559354459874538,1.0 +3079,2.0499414865098586,0.11322840006040813,2.06 +3080,1.801097486887567,0.11371122417411221,1.8 +3081,0.5725605396959352,0.11541003534635653,0.6 +3082,1.0850357452303143,0.11421249391806106,1.14 +3083,2.0938989675541784,0.1132183288744157,2.08 +3084,0.9412897234129787,0.11446667365804147,0.96 +3085,2.009598522492844,0.11325656139063288,1.96 +3086,1.8797285384049012,0.11410188304956154,1.82 +3087,1.2190461523223348,0.11430490870174934,1.32 +3088,1.6272647303511114,0.11457601327427452,1.76 +3089,1.8246623629817975,0.11396090714016893,1.82 +3090,0.8786320862469932,0.1151484959897464,0.84 +3091,1.98155301857323,0.11319267470928956,2.04 +3092,1.578662980265225,0.11344721547902138,1.3 +3093,1.3172351990515132,0.11390203295443288,1.3 +3094,2.1784768986633587,0.11355707830925363,2.18 +3095,1.9279732127991842,0.11344696030825795,1.98 +3096,1.1270997557236555,0.11414878207869622,1.16 +3097,2.296450140146721,0.11356435589576859,2.32 +3098,0.9741599443525679,0.11478987407814495,1.04 +3099,0.6615481824545242,0.11477899808787423,0.62 +3100,1.4988244934582937,0.11295064768241443,1.5 +3101,1.8228540738025814,0.11479185180855742,1.86 +3102,0.5003575011844497,0.11535758878347134,0.44 +3103,1.2073631743197382,0.11411688333968144,1.22 +3104,1.2656913762749014,0.11322566897645021,1.36 +3105,1.7863292475568073,0.11353848096847527,1.82 +3106,1.1636851525698866,0.11394231239622973,1.22 +3107,0.2134948072751115,0.1225002369155871,0.3 +3108,1.5225412051529972,0.11364152461691973,1.46 +3109,0.7558127272448942,0.1167857295469462,0.74 +3110,0.7849926577999398,0.11525676051975386,0.74 +3111,2.119495308446723,0.11331585774370362,2.06 +3112,1.2313602050892776,0.11438456831198707,1.16 +3113,2.4101543151366194,0.11394834799949703,2.36 +3114,0.9249224978452908,0.11513255207647263,0.92 +3115,0.2554166253887544,0.11998814711564842,0.3 +3116,0.9647849974533997,0.11430220855308493,1.0 +3117,0.805654324972835,0.11541119601086935,0.86 +3118,0.7011450332482294,0.11701550646473781,0.7 +3119,0.6290693629578392,0.11531931039484701,0.68 +3120,1.2376376025701923,0.11437764476158437,1.16 +3121,2.4078987226958617,0.11391644365811106,2.38 +3122,2.013329384142942,0.11329638146417569,1.98 +3123,0.8121946038509638,0.11515079472149312,0.84 +3124,1.4465507809103784,0.11303454901969141,1.36 +3125,0.7643035331171468,0.11434781506092828,0.66 +3126,1.2938708407625192,0.113132225288334,1.28 +3127,1.0765970252774473,0.11500723823616919,1.04 +3128,0.7114389160150161,0.11467634459667318,0.72 +3129,2.7627932745546318,0.1154953748532042,2.82 +3130,1.0342330976132637,0.1142412364594074,0.98 +3131,0.9110702524928769,0.1146243405990194,0.98 +3132,0.40704958427642524,0.11764868641318467,0.5 +3133,1.3327728169673883,0.11586855824851208,1.32 +3134,3.237081372193604,0.1178138356322491,3.2 +3135,1.270678833635781,0.11360078664966161,1.3 +3136,1.7581775385846186,0.11386403018481515,1.74 +3137,1.1971233358506232,0.11336112465676784,1.16 +3138,2.2571247310102684,0.11351841362080677,2.66 +3139,2.1491660807802084,0.1137897850492176,2.14 +3140,1.6098305163298434,0.1151451636785318,1.5 +3141,3.007193708822893,0.11683239181164704,3.0 +3142,0.9647841811670865,0.11472393842546988,0.9 +3143,2.0433617401212985,0.11317780713067277,1.96 +3144,1.000137052381504,0.1153147143176208,0.9 +3145,0.9964015625130536,0.11806577202067464,1.0 +3146,1.58260597306586,0.11454979929701414,1.56 +3147,1.534030203991687,0.11344512523685316,1.46 +3148,1.2508934384117083,0.11331438935374294,1.28 +3149,2.8930764565824596,0.11824330112859377,2.9 +3150,1.1961117652396567,0.1137582549423383,1.24 +3151,1.5243608551101673,0.11414746759622527,1.52 +3152,0.80671126972398,0.11597058503161214,0.78 +3153,1.495996513005224,0.11338249671100309,1.4 +3154,1.105584108850369,0.1157032711852085,1.12 +3155,0.5639037119132588,0.11482751157065932,0.62 +3156,3.011805023143186,0.1166873378147702,2.96 +3157,2.936500781166515,0.11616731941536289,2.84 +3158,2.470458342838395,0.11433569281718362,2.38 +3159,1.0603819708076436,0.11416481488958959,1.1 +3160,0.637027762933279,0.11562033725856789,0.68 +3161,0.5609332740251123,0.11576923923114502,0.52 +3162,1.4147333903127794,0.11530777514305104,1.48 +3163,0.37338402457743847,0.11962856853836916,0.26 +3164,1.621055186968885,0.11477145931309977,1.7 +3165,1.4340176498968447,0.11288673638249641,1.38 +3166,1.6616992929064338,0.11477104217549783,1.64 +3167,2.3919260252410766,0.11397519989268637,2.34 +3168,0.3525794294083546,0.11865462187583453,0.4 +3169,2.3563436656541086,0.11390651136090904,2.3 +3170,0.34499877719891536,0.11729833945803102,0.42 +3171,1.8249745151875523,0.11362248844064758,1.68 +3172,1.4087567830219676,0.1140047588655228,1.44 +3173,0.3837171212212773,0.11714714737838039,0.42 +3174,1.4796565198251983,0.11301747344838516,1.44 +3175,2.0114127870150718,0.11447562682205972,1.84 +3176,0.5175968462365219,0.11741626907424581,0.48 +3177,2.281976506235946,0.113905628311449,2.2 +3178,2.9354747265281773,0.11650892169486728,2.98 +3179,2.424170027364543,0.11411411232646751,2.38 +3180,0.7483722883877455,0.11672257034994907,0.78 +3181,2.3392467538530113,0.11384657494078032,2.42 +3182,3.0768921224835637,0.11893609522051353,3.52 +3183,-0.05008837613761585,0.14507159213377865,-0.06 +3184,1.9584297243080186,0.11325703473676368,1.94 +3185,-0.17698569696161393,0.15863642260834646,-0.18 +3186,0.8610379396191341,0.11598247742655295,0.94 +3187,2.352321755961583,0.11382576421137845,2.48 +3188,1.3532116714425015,0.11578249512424485,1.3 +3189,2.185227605694074,0.11352180071800103,2.26 +3190,1.3661809376335228,0.11350989148010687,1.66 +3191,1.0315856178174805,0.11532321705275937,1.04 +3192,1.275224880970736,0.1138958326511671,1.18 +3193,2.2930503891625946,0.11434966360981683,2.24 +3194,1.3637650432907726,0.11387697629303681,1.34 +3195,1.5934397600866461,0.11388812251294332,1.52 +3196,0.6690106750090941,0.11529703638938944,0.66 +3197,2.080611451400376,0.11322784181427296,2.0 +3198,2.8596656949207,0.11625578359887954,3.08 +3199,1.037716455875664,0.1138090794909787,1.1 +3200,0.9002353024687473,0.11394965753142812,0.88 +3201,1.197101952400704,0.11619483404013253,1.34 +3202,1.2280432043842495,0.11394428640724505,1.16 +3203,2.093515616491217,0.11321464630690123,2.06 +3204,0.9489839617754967,0.11561884263760948,1.0 +3205,3.4038676835875847,0.11863817116026883,3.64 +3206,1.5702854270658477,0.11422260614885152,1.48 +3207,1.9944275246680796,0.11402341574987253,1.84 +3208,1.395854554256097,0.11341942383321355,1.44 +3209,1.6537602774894147,0.11421332176504409,1.58 +3210,1.3101997851508607,0.1137126571208394,1.3 +3211,1.6938691551012077,0.11470007189889679,1.8 +3212,0.776418798761636,0.11579711170444384,0.76 +3213,1.9261728727007217,0.11337473817542709,1.76 +3214,0.48746855828627744,0.11540332408304817,0.46 +3215,1.6773127857850127,0.11410227993187344,1.78 +3216,0.666319819155941,0.11498190529899546,0.6 +3217,0.6383891122568706,0.11470876628831475,0.68 +3218,0.8447616405544807,0.11510215007229523,0.68 +3219,0.7786703419414955,0.11476406658551566,0.84 +3220,1.0375931288830245,0.11437787064588964,1.04 +3221,0.9994447031317009,0.11558027725758771,0.98 +3222,0.6909152884452929,0.11464997568774599,0.68 +3223,1.1084415203750524,0.11508614612912269,1.1 +3224,1.2095161599080413,0.11378800527108483,1.14 +3225,1.2161492836549144,0.11383365129823629,1.32 +3226,1.1335931476588428,0.114536376318916,1.1 +3227,1.0270127824000141,0.11491878242774191,0.98 +3228,1.3247092471817403,0.1142206421003142,1.34 +3229,1.8032004837416977,0.11360192530967383,1.72 +3230,0.6853145964340897,0.11565261342314578,0.74 +3231,1.072410029437215,0.11495700567664624,1.14 +3232,2.7963175391305874,0.11590076427295966,2.82 +3233,1.8144559235202848,0.11534578071293193,1.72 +3234,1.1003107849698424,0.11400514167188583,1.1 +3235,3.1329351672281796,0.11742310472804879,3.06 +3236,1.3408436293684467,0.11388762791042836,1.3 +3237,1.6664141114535234,0.11377225481040476,1.68 +3238,0.9673413249346758,0.11533551952157366,1.08 +3239,2.8168808121186473,0.11617975802124127,2.9 +3240,0.4055940828761777,0.11650336023264521,0.5 +3241,3.4800701913003955,0.11979186010877076,3.7 +3242,0.4749752695283842,0.11580495303381186,0.64 +3243,1.796634758790475,0.11382791716671124,1.74 +3244,1.251880770163492,0.11337851902814058,1.24 +3245,1.5685492642988486,0.11329330158410424,1.44 +3246,1.3271780389279577,0.11360014161879466,1.16 +3247,0.5913410213054533,0.11574390665834544,0.32 +3248,0.512658870413798,0.11925069974105058,0.54 +3249,0.3520831972973859,0.1177087933293766,0.36 +3250,0.8832646993221189,0.11485243043974432,1.0 +3251,1.6069639086326717,0.11331535243799837,1.64 +3252,2.040744806311551,0.1139718320695261,1.96 +3253,1.8123855594936948,0.11350735759931234,1.82 +3254,1.2483570147883967,0.11338047136010893,1.2 +3255,1.3724560096647735,0.11392852264144071,1.3 +3256,1.5932501193411603,0.11329024065774508,1.5 +3257,2.0296483413279276,0.11320295833291666,1.92 +3258,1.9364091433966415,0.11344988955321197,2.02 +3259,1.7772933782673768,0.11440484678949922,1.72 +3260,0.8827436520657059,0.11482408443073897,0.9 +3261,1.3719253590294187,0.11478397437615993,1.36 +3262,0.9886985474105785,0.11455150376746161,1.12 +3263,1.3351698318885212,0.11346506539708141,1.38 +3264,0.5558406402017511,0.11512717199651827,0.54 +3265,1.1303884603465981,0.11384526150367906,1.16 +3266,1.321961362540403,0.11325218206280668,1.36 +3267,2.353174245444727,0.11407178207613526,2.34 +3268,1.9287182683339594,0.11370314599366135,1.86 +3269,0.7363603317193643,0.11564553103048912,0.76 +3270,2.201725985839669,0.11444526146367165,2.26 +3271,1.6055987605109934,0.11362918944039765,1.54 +3272,2.0543914267647487,0.1134373853464038,2.06 +3273,1.0297251307207667,0.11438166709933628,1.0 +3274,1.0142591930633245,0.11512184314888028,1.0 +3275,2.2981393949063857,0.11367225430872671,2.34 +3276,1.7688869122478046,0.11416562157999685,1.76 +3277,1.355582752470621,0.11331909141204534,1.4 +3278,1.3664329009858172,0.11352557768915675,1.32 +3279,1.4468747158452189,0.11344040887527422,1.48 +3280,1.474355347764206,0.11315478504960218,1.58 +3281,1.5083256362825388,0.1147949814782418,1.58 +3282,0.44077521267832154,0.11685464533782282,0.42 +3283,1.6429376059494665,0.1135593199741377,1.62 +3284,1.6429256793489095,0.11435284066910902,1.6 +3285,3.0945989847770825,0.11741781245010255,3.26 +3286,1.622702825907254,0.11423486769341766,1.62 +3287,1.3810250661827226,0.11422693236319503,1.48 +3288,1.7844511093095576,0.11399341010557504,1.76 +3289,1.4134683747786028,0.1137718045302391,1.5 +3290,2.3126476991242484,0.11360740423199626,2.22 +3291,1.8966747122927607,0.11340401475267627,1.94 +3292,2.1103268218006868,0.11371406907295008,1.96 +3293,1.8180815396992926,0.11397375915483421,1.78 +3294,0.4683536157225099,0.11649865872245668,0.48 +3295,2.247623597510401,0.11345754545231031,2.34 +3296,1.4466407799763985,0.11354601080221217,1.4 +3297,1.1996061315004987,0.11341035094528655,1.3 +3298,1.0317123816131826,0.11558284589585761,1.08 +3299,0.9370339056973016,0.11453900747262671,1.0 +3300,2.817085623548632,0.11833815495119178,3.0 +3301,1.1437862789355115,0.11389913963224704,1.14 +3302,0.7492133906078884,0.11504778170397158,0.72 +3303,0.8231386525819531,0.11435966035356421,0.86 +3304,1.2863271931620694,0.11347905700815951,1.28 +3305,1.0129844751271477,0.11435741983770191,0.96 +3306,1.1605665330460582,0.11362827368393388,1.22 +3307,4.099421901544833,0.16120323751038057,4.2 +3308,1.6823004773348131,0.11442167778879239,1.76 +3309,1.3917019834637436,0.11402940335280298,1.34 +3310,2.2196887606492517,0.113527986889943,2.08 +3311,0.6055256486123497,0.11550303364074238,0.62 +3312,1.9577073195374695,0.11326661669759965,1.86 +3313,2.0116699664911977,0.11357984358715248,2.0 +3314,1.4355447297159145,0.11409009905753743,1.54 +3315,2.3361390074761452,0.11380565169339144,2.22 +3316,2.5838087096724927,0.11497469024563407,2.68 +3317,1.7925350610220043,0.11439505718226854,1.68 +3318,2.4471197381579977,0.11466025752198014,2.36 +3319,1.0479795958110003,0.11434144349268542,1.08 +3320,0.9791147675870455,0.11465797636035302,0.9 +3321,1.4781673739967935,0.11280851757964278,1.36 +3322,1.4502270957968122,0.1132288270730784,1.36 +3323,1.7096032502867935,0.11428585858289883,1.66 +3324,3.513606545432914,0.12007005426267746,3.42 +3325,1.1282180384382592,0.11452052471834728,1.18 +3326,1.305969025282213,0.11338165587602314,1.32 +3327,0.8123849463590211,0.1152062410049131,0.86 +3328,1.0392790025764178,0.11519123184754983,1.12 +3329,1.5724448785987732,0.11400124526075943,1.58 +3330,0.8329719539015237,0.11434891318312533,0.9 +3331,0.173267682493897,0.12106014404994354,0.02 +3332,2.6652842837784974,0.11525479751284949,2.76 +3333,1.1345627572908086,0.11435236885396077,1.26 +3334,0.576990910080438,0.11469099722287363,0.52 +3335,2.609651701550142,0.11520207757951274,2.62 +3336,0.9188671915129039,0.11517450323000109,0.84 +3337,1.6230338579803991,0.11348021738772808,1.62 +3338,1.5931081464054735,0.11396900032122427,1.58 +3339,0.9898149218696801,0.1155612312826761,1.0 +3340,0.8056220396906788,0.11552139444435655,0.76 +3341,1.4492436719887003,0.11289015552647912,1.38 +3342,1.2433837453891883,0.11361022176832444,1.28 +3343,0.6331028914997994,0.11457306223015448,0.64 +3344,2.3154987077383886,0.11392259127998415,2.32 +3345,1.2791026419531804,0.11452732632898889,1.24 +3346,1.1805546286421134,0.11419731559291994,1.18 +3347,1.6958800770401048,0.11396238544036352,1.66 +3348,1.4474337816107052,0.11418488241670584,1.52 +3349,2.0951945310161086,0.1132542086824388,2.02 +3350,1.7774252209505086,0.1136527651239725,1.74 +3351,1.110187283355387,0.11522592756146184,1.1 +3352,1.5795731486297342,0.11441448191761422,1.58 +3353,1.8783082909113382,0.11360836750437886,1.86 +3354,1.2756817056417482,0.11381862821635855,1.3 +3355,1.0327152730530678,0.11440910444092424,1.08 +3356,3.0046249437396852,0.11665089566017292,2.94 +3357,1.9919799337663626,0.11321360087541105,1.94 +3358,2.9659263773794713,0.11668306829162711,2.98 +3359,1.1064367903202417,0.11336204803959936,0.98 +3360,1.8940602079089395,0.1135585780499535,2.08 +3361,2.0662225844882407,0.11317771210604496,1.96 +3362,1.0774405295250702,0.11599474719578301,1.08 +3363,0.7014356412141733,0.1146064403758326,0.7 +3364,2.0925670526455207,0.11332922389919785,2.38 +3365,1.6058977819956688,0.11485774302067187,1.62 +3366,3.435698814716112,0.11876866649735594,3.6 +3367,1.034463793390092,0.11500645563436399,0.96 +3368,1.2473339443892861,0.11606548472005454,1.22 +3369,0.9013163763224838,0.11577765001635865,0.84 +3370,1.8998178285080805,0.11379114809366736,1.92 +3371,1.2638258080740954,0.11415803891947869,1.22 +3372,2.595157877216547,0.11478941028560448,2.56 +3373,0.561312299431389,0.11656894805351296,0.52 +3374,1.2305278426964392,0.11394575989628075,1.26 +3375,1.3860226268349756,0.1139973982926034,1.42 +3376,1.6603023754033188,0.11454282867234747,1.54 +3377,0.14727674634140442,0.12297010432456094,0.24 +3378,2.4897301872653053,0.11485342853511141,2.56 +3379,1.695707142344375,0.1140361651387505,1.68 +3380,1.070660153169353,0.1147069080442661,1.04 +3381,2.131798970473607,0.1132944371322194,2.1 +3382,1.7833387503721134,0.11407803040574777,1.84 +3383,2.548137072686334,0.11485066841951092,2.52 +3384,1.6871954763669663,0.11417435738482751,1.68 +3385,1.644458819297487,0.11458290899422074,1.54 +3386,0.6346155160443381,0.11511348882987549,0.68 +3387,1.5693599703705772,0.1138639255763646,1.64 +3388,1.7830621516358,0.11441488757451933,1.74 +3389,0.7056659288111895,0.11797787261965996,0.72 +3390,-0.015723449682763402,0.1348383238871097,0.02 +3391,0.3138218964132129,0.11915538626057087,0.34 +3392,0.8967620641999332,0.11551978521341916,0.86 +3393,1.2037604418961507,0.11371049206499169,1.22 +3394,1.3508599312773413,0.1137694314383521,1.4 +3395,2.5802654322333005,0.11474518275309975,2.74 +3396,1.7143036001295577,0.11453668514691785,1.86 +3397,1.465649615720185,0.11398042442928615,1.44 +3398,1.590260810396007,0.11465483705510493,1.58 +3399,0.9314818607132374,0.11525276225216144,0.96 +3400,0.8454903635335107,0.11509994606974104,0.86 +3401,0.5136344691406016,0.11551494554048138,0.5 +3402,3.647820807340839,0.12236061415665776,3.62 +3403,1.1480854661435025,0.11377498829541205,1.12 +3404,1.8591030712584953,0.1137947521130356,1.86 +3405,1.745458974317092,0.11456637896138047,1.7 +3406,2.584993105799999,0.11510021526626094,2.54 +3407,1.1882571520019098,0.11383777442456422,1.22 +3408,0.9340935334731668,0.11535111640057931,0.9 +3409,1.242877004839194,0.11322974009379635,1.22 +3410,1.6131314248820097,0.11402499502328875,1.52 +3411,1.2205338141606354,0.11336871159761074,1.22 +3412,0.841059447416022,0.1144195786032947,0.82 +3413,1.2944415205567665,0.11386322640453587,1.24 +3414,0.8614295234094484,0.11520991082368907,1.04 +3415,0.15022092317251712,0.12431119292893285,0.08 +3416,1.0019679714052359,0.1148230074475826,0.92 +3417,0.8424929646653965,0.11456409501277817,0.82 +3418,1.715405952881877,0.1140993778467119,1.68 +3419,2.5471932216139166,0.11448517215298941,2.6 +3420,1.2614322171495438,0.11326586029534554,1.32 +3421,3.460287123004761,0.11917139939528952,3.54 +3422,0.524257356253301,0.1156765558372909,0.5 +3423,0.7366346326674584,0.11518700670073856,0.72 +3424,1.9423373226716834,0.1133351470497869,1.92 +3425,2.138279876384267,0.11318089427724037,2.02 +3426,0.8596300882823851,0.11630992427433834,0.78 +3427,1.7320711772453912,0.11424687480891654,1.74 +3428,1.373684193359189,0.11392153316904122,1.3 +3429,1.5856792231635453,0.11350866471905098,1.46 +3430,0.9891726635896312,0.11422010466346444,1.06 +3431,2.5123581712938297,0.11456786289358202,2.38 +3432,0.968243182836467,0.11423536705576433,1.02 +3433,1.5493689036681673,0.11320480514819949,1.48 +3434,0.9906499568139076,0.11458259895974035,0.92 +3435,1.2425941435088923,0.11587512805951941,1.2 +3436,1.9736741421208386,0.11347570868767182,1.9 +3437,1.4675348004692985,0.11274033304040747,1.38 +3438,1.469447162895431,0.11297999483334148,1.4 +3439,2.1091643952687207,0.11332134872440562,2.38 +3440,0.9983495224624583,0.11478477320848267,1.0 +3441,1.053710310098218,0.11356945175555257,0.94 +3442,0.8794968872742004,0.1150928028732451,0.88 +3443,0.7329729879832385,0.11517632363555379,0.72 +3444,1.152645697009575,0.11739312567268517,1.22 +3445,3.7903238503818066,0.1284355429091442,3.72 +3446,1.7565660720453025,0.11387993641632146,1.82 +3447,1.3212821258909173,0.114394205445682,1.3 +3448,0.3465775117311871,0.11714359556186078,0.46 +3449,2.2238807231682785,0.1142565570922131,2.22 +3450,2.784084077853688,0.115847711017965,2.72 +3451,0.8821892983097825,0.11439124475441753,0.84 +3452,0.24569580047612227,0.12018216967479455,0.26 +3453,1.5940964432766265,0.11335456912514347,1.54 +3454,2.317254542159901,0.11383875444830995,2.32 +3455,2.2066476301122293,0.11334479068046105,2.3 +3456,0.8686463554837296,0.11629507173760714,0.84 +3457,1.702706246258579,0.11527906264315421,1.82 +3458,1.071868878955783,0.11419599303617634,1.06 +3459,0.24435771391887506,0.12022710250338842,0.28 +3460,0.8649209711297097,0.11591094434841644,0.88 +3461,1.865880429322452,0.11348778465904766,1.86 +3462,2.126610460419183,0.11324446125794443,2.18 +3463,3.6822355556851747,0.12367294816716787,3.64 +3464,0.9863053341339878,0.11411422382314111,0.94 +3465,1.5735053771541558,0.1135273139245414,1.5 +3466,1.1054701877018758,0.11423646569839728,1.06 +3467,1.9487856882431913,0.11336334398422979,1.98 +3468,1.9927524195348951,0.11321389415336341,2.16 +3469,0.5692456464428766,0.11651877199756898,0.7 +3470,1.797329269693261,0.11372073552910657,1.76 +3471,2.1136046559823214,0.1133271281200287,2.02 +3472,0.4730898828153087,0.11556354658608471,0.42 +3473,1.6194259232865065,0.11414332387196961,1.52 +3474,2.6784786460155416,0.11531068596092907,2.58 +3475,0.5033498526932139,0.11509805572057269,0.54 +3476,0.684358403204385,0.11524996763730416,0.68 +3477,0.754822209715936,0.11457528731562398,0.72 +3478,1.4864861542881016,0.11316063342978103,1.48 +3479,0.9127613614589905,0.11661536252476001,0.76 +3480,1.0326425706253772,0.11381176394299614,0.94 +3481,4.610649300439675,0.3253224514861324,4.66 +3482,1.4809585513199934,0.11400330256781227,1.44 +3483,1.0738839591212184,0.11453461747440218,1.04 +3484,1.3334623168874913,0.11591821130271944,1.28 +3485,1.2620883433330476,0.11322188077895187,1.28 +3486,1.5150802167365072,0.11363278325606846,1.56 +3487,1.2985295723758625,0.1137293585075153,1.22 +3488,1.7288788662183912,0.11409190927053423,1.7 +3489,1.7326224134288424,0.11415012312965954,1.74 +3490,1.1369635562250053,0.11404978320809264,1.14 +3491,0.9069122814833896,0.11708459991751682,0.94 +3492,1.675585886098311,0.11431218852726997,1.66 +3493,0.6702555724299089,0.11492533417359711,0.52 +3494,1.600907122055304,0.11466434810911362,1.52 +3495,2.515497220983118,0.11446650386981301,2.5 +3496,0.9558421475165986,0.11432250145483205,1.0 +3497,1.6612068387144454,0.11394819789316331,1.54 +3498,2.1105971280853453,0.11329395945144398,2.14 +3499,1.836082807354245,0.11358801812133165,1.78 +3500,1.9492195346822925,0.11352221686343764,1.88 +3501,0.5392759463837589,0.1150830126638127,0.56 +3502,1.0390722492564137,0.11434381888151841,1.04 +3503,0.5839525201957283,0.11602832416184652,0.58 +3504,1.8452095650641205,0.11461480226076967,1.8 +3505,1.2777414942374747,0.1141134324330693,1.32 +3506,0.8936150781051104,0.11475069455269783,0.9 +3507,1.2383941966805736,0.11416035884162005,1.06 +3508,1.370921023192885,0.11360838692246865,1.44 +3509,1.334865824300369,0.11385838502390985,1.44 +3510,0.7884054166404688,0.11486299873715498,0.82 +3511,2.0155833344724563,0.11321691791479614,2.04 +3512,1.9427117628076402,0.11367032725022623,2.02 +3513,1.7659060294530384,0.1140105107409957,1.76 +3514,1.1712703810132048,0.11354678674140484,1.2 +3515,1.5698993141141209,0.11391042893587812,1.54 +3516,2.089667683465162,0.1132244167405556,2.5 +3517,1.2432723919385005,0.11446788654546193,1.22 +3518,1.624927658711389,0.11459727892394508,1.62 +3519,1.458386514634629,0.11303054717584529,1.44 +3520,1.7069567475945746,0.11445135683298698,1.78 +3521,1.7199350315196753,0.11433568690799543,1.76 +3522,1.9250056322585039,0.11366495092132123,1.88 +3523,1.5826577755545586,0.11376602681313036,1.54 +3524,2.834971834036697,0.11600803362167827,2.94 +3525,1.9735782520311567,0.11343826724897148,1.98 +3526,1.6179274548618068,0.11444037790690048,1.6 +3527,1.018237799829791,0.11531263889547284,1.02 +3528,0.9938880733933644,0.1141992940152967,1.02 +3529,2.5592067289621028,0.11546307147776369,2.72 +3530,0.7625683523105771,0.11479489776125201,0.78 +3531,0.7214822951493787,0.11623313528839557,0.7 +3532,1.596169580829141,0.11346921450162899,1.62 +3533,1.5765638771231423,0.11522656555347986,1.6 +3534,3.6627890475868945,0.12386790171529687,3.88 +3535,0.9950731509342745,0.1144264401704748,1.0 +3536,1.513870654984487,0.11468157596232155,1.38 +3537,1.250507338854888,0.11435646978184817,1.2 +3538,1.2681633291750138,0.1166396316638678,1.44 +3539,1.7077222760203519,0.11461758793805704,1.74 +3540,2.7819015854945377,0.11609092848079286,2.74 +3541,0.8406474314013384,0.11609566686132423,0.88 +3542,0.9725505676222035,0.11422398445542939,0.98 +3543,1.2003918532561784,0.11449921959037766,1.26 +3544,0.3015241559650246,0.11742087707583639,0.36 +3545,3.2764998190801187,0.11833196536177039,3.4 +3546,2.767252248372003,0.11595379769357829,2.88 +3547,1.8430077642045752,0.11355601509391966,1.86 +3548,1.119627735296124,0.11617360734548485,1.18 +3549,1.1027779023714004,0.11506106651847496,1.1 +3550,2.646407847352652,0.11542308956490055,2.7 +3551,0.9123781919404763,0.11428719460065341,0.94 +3552,1.826773574139544,0.11359112480828648,1.76 +3553,1.7919163844215866,0.11390567589965425,1.74 +3554,0.7139412166936978,0.11642291874955053,0.62 +3555,0.9883720749412106,0.11419565211559425,0.98 +3556,1.0956210665238295,0.11405248370876994,1.1 +3557,0.9579107416629107,0.11568727530683692,0.92 +3558,1.5509976378150547,0.11409401752166672,1.54 +3559,0.7164362392443806,0.11581955707330555,0.78 +3560,0.7419103055391467,0.1149476128930731,0.72 +3561,1.1826186865887394,0.1146066017756072,1.22 +3562,1.3343829147894333,0.11379064183267357,1.92 +3563,2.893304636914653,0.11625758570542781,2.96 +3564,0.7969673076884725,0.11473960207441118,0.92 +3565,1.272206293500858,0.11386434655579433,1.22 +3566,1.0685744025746793,0.11402887762059387,1.0 +3567,1.972534057575814,0.11390009280272971,1.92 +3568,0.07178754579080504,0.12928597126222688,0.14 +3569,1.4885778591387364,0.11295177692354601,1.52 +3570,0.5737555760625632,0.1155511931914159,0.62 +3571,1.0658869977422079,0.1139787948116563,1.14 +3572,0.9374203968965702,0.114381092330042,1.04 +3573,1.863417598262501,0.11363119665799745,1.82 +3574,0.8770591403381776,0.1151354241507903,0.86 +3575,1.4079081478452444,0.11310185803110946,1.3 +3576,1.5311906856886068,0.11744520696429284,1.56 +3577,0.5567788115700925,0.11542077245585665,0.54 +3578,1.5289908538835313,0.11303432780840057,1.6 +3579,0.9335300397257882,0.11432960002824266,0.98 +3580,3.6207804214072326,0.12201801050073585,3.82 +3581,1.2961534013951663,0.11368970001845367,1.32 +3582,0.5604170895468688,0.1166342149920053,0.58 +3583,0.2562662978591881,0.12076241819211798,0.22 +3584,1.514728284927088,0.11278280698301736,1.44 +3585,2.123466862722431,0.11359467359789228,2.14 +3586,1.438290534220922,0.11273068017498146,1.34 +3587,0.4686162791484829,0.11612980059729695,0.44 +3588,2.1249835647914246,0.11362822424786315,2.18 +3589,1.765439645598839,0.11440402259154368,1.82 +3590,1.0094969080605019,0.11426224929749491,1.02 +3591,0.5376427956597531,0.11602188581721018,0.44 +3592,0.9806300082539394,0.11465429620200406,1.06 +3593,1.515924591083337,0.11304196659128365,1.54 +3594,1.4071730430989327,0.11412626223340847,1.42 +3595,1.8014435147621377,0.11366376005527366,1.78 +3596,0.6638137699194626,0.11653092211610583,0.6 +3597,1.302377189999497,0.11365050362315146,1.3 +3598,1.870577479549226,0.11347141714781517,1.82 +3599,2.2425885447613965,0.11354133981972563,2.16 +3600,1.8578948396737331,0.11394092379313826,1.94 +3601,0.5716309366036771,0.11534778279576524,0.6 +3602,0.6469749770030404,0.11483371763314378,0.68 +3603,4.198350255561742,0.18047234908284462,4.14 +3604,2.3644563500310873,0.11407231355280179,2.32 +3605,2.216200248040007,0.11331164717527731,2.04 +3606,0.3401189066311101,0.11911595545156801,0.36 +3607,1.4441899483813998,0.11375803244049026,1.34 +3608,1.3233372826818055,0.11375102982146203,1.3 +3609,1.5002212219104152,0.1139308465938619,1.42 +3610,1.2136929499170925,0.11450977269673333,1.16 +3611,2.4050713883438597,0.11393652040012664,2.28 +3612,1.8334388947118931,0.11396638019025505,1.84 +3613,0.7807308343635917,0.11559369308651161,0.76 +3614,1.236316203060042,0.11321361836398365,1.3 +3615,1.2330827002125275,0.11398253012792911,1.22 +3616,2.204936260695323,0.1138116861574998,2.14 +3617,1.1621786921859147,0.11398704657976795,1.1 +3618,1.2086580937546323,0.1133713868497428,1.22 +3619,0.716758367717981,0.11568282800931952,0.54 +3620,1.3043398735019842,0.11346695925502104,1.34 +3621,1.3168741839040017,0.11372404097418966,1.36 +3622,0.6174545437940591,0.11528347091866932,0.62 +3623,1.4170236973062735,0.1130623969416106,1.4 +3624,0.901847960281426,0.11457102441609918,0.92 +3625,1.2373799172594353,0.11381891921925287,1.22 +3626,1.086521862258646,0.11465649375221297,1.16 +3627,1.6008612604341366,0.11323791225208049,1.66 +3628,0.6110417933225438,0.1153908596768985,0.56 +3629,1.3320883236187768,0.113486144728324,1.34 +3630,1.4473181565639166,0.11284329190735429,1.42 +3631,0.9290924296514582,0.11461704044523885,0.96 +3632,2.376460142659429,0.11417182425696333,2.22 +3633,2.161711202702275,0.11380885223256819,2.14 +3634,1.2032805759423262,0.11494347597152813,1.24 +3635,3.808486331371249,0.1295966610365712,3.66 +3636,2.5719848961860485,0.11513761310848471,2.54 +3637,0.9675021649899502,0.11954190677942565,0.98 +3638,-0.1602165200020238,0.1535050308353043,-0.14 +3639,1.5659736296203768,0.11339842904184806,1.56 +3640,1.6890525633646725,0.11492804390901853,1.72 +3641,1.7645988100737675,0.11403841051344854,1.76 +3642,0.07015517599765886,0.12708676427352691,0.16 +3643,0.5409217962148674,0.11571262024219546,0.62 +3644,0.6535903012899436,0.11521302379582442,0.7 +3645,1.5265846761664683,0.1142302654817994,1.5 +3646,1.1076806502211127,0.11423900864640563,1.14 +3647,0.9854144543827346,0.11448371832469598,0.88 +3648,0.8302073935999381,0.11512618419490994,0.84 +3649,1.0444859468239258,0.11570070067117778,1.1 +3650,0.9010960460216335,0.11839452698530345,0.9 +3651,1.4236274535708375,0.11369758252454029,1.5 +3652,0.9175517023671347,0.1145532899275992,0.96 +3653,1.0651298812355492,0.11381653414567248,1.06 +3654,1.079655801635493,0.11441664996934411,1.08 +3655,1.4273487864503274,0.11478683348756527,1.42 +3656,1.9824541806765623,0.11327440740560761,2.3 +3657,1.5904448905371353,0.11312861855622723,1.42 +3658,1.2937689088463564,0.11397866728325999,1.26 +3659,1.3151205665583525,0.11341548911401933,1.26 +3660,1.6875544375453977,0.11502700443470236,1.72 +3661,1.0965824779249047,0.11389057228203799,1.18 +3662,2.159881978146533,0.11329108102948487,2.04 +3663,0.8050892966746552,0.11516479168703446,0.82 +3664,0.8555664787169839,0.11516200121180988,0.9 +3665,1.1292714814490417,0.11641929885027108,1.2 +3666,2.0562185417155945,0.11333042108027497,2.02 +3667,2.697056423151654,0.11547418426779642,2.66 +3668,1.0522197172440393,0.11441234300950888,0.9 +3669,1.926935112747973,0.11325347594802931,1.88 +3670,1.233492947812472,0.11436052868565881,1.18 +3671,2.2028072705906077,0.11376995170007329,2.18 +3672,1.4739385764274715,0.11355932540867468,1.44 +3673,0.4001584052362741,0.11671504874140207,0.44 +3674,1.4063770771010944,0.11344194221776065,1.3 +3675,4.288768639059267,0.20210336760586317,4.12 +3676,1.815943440491722,0.11366464075986216,1.78 +3677,0.9404179443184333,0.11567058568742086,0.98 +3678,1.2183975911168545,0.11319690794454638,1.24 +3679,1.8530300525829055,0.11360372948791754,1.92 +3680,1.0669026997160707,0.11445441423666461,1.02 +3681,1.4176346226270269,0.11466793666211705,1.42 +3682,0.8930654177161568,0.11504750043485355,0.86 +3683,0.24031708942152719,0.12279796737962366,0.28 +3684,1.8723755631112944,0.11388867713709595,1.92 +3685,1.4857971995620858,0.11346693335663188,1.5 +3686,0.867238362379549,0.1157740937679947,0.9 +3687,3.3471960947351747,0.1182288222919301,3.42 +3688,3.3428075792706444,0.11926865683283415,3.12 +3689,3.187030701424767,0.11782694724232069,3.08 +3690,1.0367382433737937,0.11448853904761169,1.04 +3691,2.092528538556831,0.11326373067103565,2.14 +3692,2.4747705746865165,0.11429140263120079,2.4 +3693,1.5308295069796394,0.11373702313012787,1.4 +3694,1.343771545323765,0.11439395007254842,1.32 +3695,1.7151256607928964,0.11426423359335343,1.7 +3696,1.9946073839053966,0.11318931681340308,1.94 +3697,0.9775278321211669,0.1154356149313948,0.98 +3698,1.4845168514220326,0.11283137425201858,1.44 +3699,1.434230766017503,0.11500372916059505,1.4 +3700,1.4637429429236555,0.11337021849577258,1.48 +3701,1.9339634536086514,0.113463587104216,1.8 +3702,1.2328437793399232,0.11361105156472431,1.22 +3703,1.7341606495205113,0.11424777302111558,1.74 +3704,0.7647087563073676,0.11620886119560528,0.76 +3705,0.989503889424455,0.11483687002395011,1.04 +3706,1.1288755592454116,0.11469067237595199,1.08 +3707,1.032633296273172,0.11432653320627717,1.04 +3708,1.7211505049269569,0.11390610703866065,1.62 +3709,1.4315979759665751,0.11294428884310218,1.36 +3710,1.4158428186402325,0.11295654329087129,1.4 +3711,1.2471574971879207,0.11472048584371457,1.22 +3712,1.6162142483091664,0.11407653840246212,1.7 +3713,1.0428840850363699,0.11440108296965076,0.92 +3714,1.0256415999524293,0.11508514491757318,1.02 +3715,1.5303429755034976,0.11365623306222512,1.34 +3716,0.4876190978172179,0.11539651075932073,0.5 +3717,0.7681961514374471,0.11502775782053194,0.78 +3718,2.3344928080856704,0.11391979060172917,2.3 +3719,1.420686077728373,0.11342465284782181,1.36 +3720,2.2929503624920535,0.11362840690973897,2.44 +3721,1.036115099450896,0.11445004348968324,1.0 +3722,1.2302973687045053,0.11419799155183734,1.4 +3723,0.5471072616435908,0.11548013382771267,0.66 +3724,1.5515339363651783,0.11411360674633664,1.46 +3725,0.7007205779338896,0.11457506283382492,0.68 +3726,1.0349306392916873,0.1149954580494288,1.0 +3727,1.5442518565563361,0.11355043465063426,1.56 +3728,2.2649125814370663,0.1137453549877113,2.32 +3729,1.2825081975455603,0.11318686326250543,1.3 +3730,1.1602829653305307,0.11488710937716683,1.18 +3731,1.8175631072389251,0.11381627562535886,1.88 +3732,2.08729247424041,0.11361333727948009,2.08 +3733,0.9218879815500998,0.11440704211256991,0.86 +3734,1.6304966309185076,0.11487189481781437,1.64 +3735,1.499424386051313,0.11316682301344912,1.4 +3736,1.3607577892172813,0.1147269661626411,1.4 +3737,2.696147339774697,0.1159512547081452,2.72 +3738,1.2578442458808574,0.11327023680237176,1.24 +3739,1.9739003932052661,0.1133809956038221,1.98 +3740,2.4453226392183716,0.1140518249597934,2.46 +3741,0.9755092192448132,0.11414223511393949,0.94 +3742,0.5700091550265363,0.11529708076460864,0.56 +3743,3.011133926774324,0.11675987222089522,3.16 +3744,0.9810349632923199,0.11489548215809237,1.12 +3745,2.1481894868824014,0.11456349699569308,2.16 +3746,1.1037828724054002,0.11393908414843562,1.12 +3747,1.0137280476439159,0.11404251959074403,1.0 +3748,0.5028302793576689,0.11570229855802973,0.56 +3749,1.587467145797909,0.11361003183053575,1.44 +3750,2.012745948997903,0.11334362435634017,2.14 +3751,0.6159547232920062,0.11504540797081339,0.54 +3752,1.7761906237668832,0.11377070432844551,1.76 +3753,1.7704002964764562,0.11364519709117811,1.74 +3754,0.9946523804169765,0.11398674183649653,0.98 +3755,2.128285226616441,0.11326786992937025,2.46 +3756,1.3352970319220177,0.11374798931553912,1.46 +3757,1.5920525903675085,0.1144456990535092,1.6 +3758,2.5938111285731402,0.11494758095984928,2.5 +3759,0.9209926305812708,0.11423186359300819,0.98 +3760,2.4038551518028513,0.11402819139965004,2.24 +3761,0.9329872582965741,0.11494303073401024,0.9 +3762,1.92020767783443,0.11354605496272671,1.9 +3763,1.9986179754374582,0.11321832868919536,1.98 +3764,1.123685796226109,0.11471855942132406,0.98 +3765,0.9768243864411481,0.11440312856582285,0.94 +3766,1.7074021509444925,0.11434466492946438,1.94 +3767,1.2521811985686497,0.11508120811369711,1.28 +3768,2.6428853588987877,0.11524801039507189,2.62 +3769,0.9427787794864884,0.1147766610659801,0.92 +3770,1.8209888823163105,0.11376460943211912,1.84 +3771,3.279524684335982,0.11770569115649566,3.32 +3772,1.6249705171229216,0.11566956902084741,1.64 +3773,0.6426704616681942,0.11486248890172472,0.8 +3774,1.4181181695746865,0.11449802028981403,1.5 +3775,0.8482269171081818,0.11519471412824281,0.9 +3776,0.9167042367740699,0.11428156156025575,0.86 +3777,1.4102645400200196,0.11394856457836676,1.36 +3778,1.6545123660670953,0.11427083552357131,1.56 +3779,0.19585379770735223,0.1267541843936743,0.16 +3780,1.7475043127804426,0.11392908207525876,2.04 +3781,2.023674068543876,0.11372068259014068,2.2 +3782,2.186690684215794,0.1135966449925075,2.16 +3783,2.4410840959381908,0.11432763512588258,2.48 +3784,1.017286218650284,0.11418854053520837,1.06 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-4/val-metrics-2022.02.11.11.30.59.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-4/val-metrics-2022.02.11.11.30.59.csv new file mode 100644 index 0000000..54b04bb --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-4/val-metrics-2022.02.11.11.30.59.csv @@ -0,0 +1,7 @@ +,0 +nll,-721.7002213025461 +sharpness,0.11619424433963514 +variation,0.101796481025077 +mae,0.058413426013677695 +mse,0.007706878620779947 +rmse,0.08778882970389768 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-4/val-metrics-2022.06.23.16.40.45.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-4/val-metrics-2022.06.23.16.40.45.csv new file mode 100644 index 0000000..4c349d2 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-100-4/val-metrics-2022.06.23.16.40.45.csv @@ -0,0 +1,7 @@ +,0 +nll,-721.7003786901329 +sharpness,0.11619424724050317 +variation,0.10179648140713722 +mae,0.0584134595794082 +mse,0.007706873124757576 +rmse,0.0877887984013768 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/2022.01.20.15.38.59/train/events.out.tfevents.1642693139.node-l00a-002.myriad.ucl.ac.uk.86397.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/2022.01.20.15.38.59/train/events.out.tfevents.1642693139.node-l00a-002.myriad.ucl.ac.uk.86397.0.v2 new file mode 100644 index 0000000..384a180 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/2022.01.20.15.38.59/train/events.out.tfevents.1642693139.node-l00a-002.myriad.ucl.ac.uk.86397.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/2022.01.20.15.38.59/validation/events.out.tfevents.1642693184.node-l00a-002.myriad.ucl.ac.uk.86397.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/2022.01.20.15.38.59/validation/events.out.tfevents.1642693184.node-l00a-002.myriad.ucl.ac.uk.86397.1.v2 new file mode 100644 index 0000000..db700fc Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/2022.01.20.15.38.59/validation/events.out.tfevents.1642693184.node-l00a-002.myriad.ucl.ac.uk.86397.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/2022.01.26.17.01.42/train/events.out.tfevents.1643216504.node-e00a-006.myriad.ucl.ac.uk.160309.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/2022.01.26.17.01.42/train/events.out.tfevents.1643216504.node-e00a-006.myriad.ucl.ac.uk.160309.0.v2 new file mode 100644 index 0000000..4efbfa7 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/2022.01.26.17.01.42/train/events.out.tfevents.1643216504.node-e00a-006.myriad.ucl.ac.uk.160309.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/2022.01.26.17.01.42/validation/events.out.tfevents.1643216557.node-e00a-006.myriad.ucl.ac.uk.160309.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/2022.01.26.17.01.42/validation/events.out.tfevents.1643216557.node-e00a-006.myriad.ucl.ac.uk.160309.1.v2 new file mode 100644 index 0000000..effd705 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/2022.01.26.17.01.42/validation/events.out.tfevents.1643216557.node-e00a-006.myriad.ucl.ac.uk.160309.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/2022.02.10.17.11.05/train/events.out.tfevents.1644513065.node-l00a-004.myriad.ucl.ac.uk.243846.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/2022.02.10.17.11.05/train/events.out.tfevents.1644513065.node-l00a-004.myriad.ucl.ac.uk.243846.0.v2 new file mode 100644 index 0000000..4d12ce9 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/2022.02.10.17.11.05/train/events.out.tfevents.1644513065.node-l00a-004.myriad.ucl.ac.uk.243846.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/2022.02.10.17.11.05/validation/events.out.tfevents.1644513117.node-l00a-004.myriad.ucl.ac.uk.243846.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/2022.02.10.17.11.05/validation/events.out.tfevents.1644513117.node-l00a-004.myriad.ucl.ac.uk.243846.1.v2 new file mode 100644 index 0000000..b57ead9 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/2022.02.10.17.11.05/validation/events.out.tfevents.1644513117.node-l00a-004.myriad.ucl.ac.uk.243846.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/metrics.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/metrics.csv new file mode 100644 index 0000000..22e837d --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,-3835.3445816455574 +sharpness,0.10083221511609612 +variation,0.04524287279293121 +mae,0.06118716769969719 +mse,0.00765100076387796 +rmse,0.08746999922189298 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/predictions.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/predictions.csv new file mode 100644 index 0000000..5cff627 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/predictions.csv @@ -0,0 +1,3787 @@ +,Predicted value,Predicted standard deviation,True value +0,1.4831756038890453,0.09867630907132988,1.48 +1,1.3272926496048292,0.10029853663214308,1.4 +2,0.9818268005346347,0.09963990039940372,1.08 +3,0.46367496581861256,0.0997556270370819,0.62 +4,1.194171619526103,0.0992203574264552,1.18 +5,1.4392734401672989,0.10019906782296183,1.44 +6,0.009343638364701645,0.10448723932866061,0.0 +7,3.339242287655016,0.12327680270520776,3.34 +8,1.11404647522668,0.09925475004110948,1.08 +9,3.662410007595203,0.11691013949810919,3.74 +10,3.138020814119753,0.11900922363355616,3.2 +11,2.0824768459412484,0.09977543620334244,2.22 +12,0.5482092205782372,0.10001171034602574,0.62 +13,1.7041215500020435,0.09926623049542359,1.86 +14,1.4618942423882053,0.09919461979046242,1.44 +15,2.140841071102611,0.0996517284368364,2.32 +16,0.952575770439261,0.09970900346444386,1.02 +17,2.8405145046473814,0.10482259930891698,2.8 +18,1.4677577773628918,0.09875144643301183,1.54 +19,1.0373801248514176,0.09961775959744637,1.1 +20,1.9930639997439819,0.09933591797860071,1.92 +21,1.1355469924394803,0.09964537969433922,1.14 +22,1.1082688267875518,0.09910232013969147,1.1 +23,1.0175348212238056,0.09919465811095886,1.0 +24,1.199872730161318,0.09919553388384054,1.28 +25,2.5264223398511776,0.10152004495943862,2.48 +26,1.119014020624882,0.0995427761833853,1.1 +27,1.4103915543294654,0.09948996829723537,1.4 +28,1.385521295892503,0.09888228462020972,1.44 +29,1.1215062048700595,0.09904359129546009,1.14 +30,0.2279817602167611,0.1041508725111525,-0.04 +31,0.6581511208219772,0.09955624487702058,0.66 +32,1.610069898569791,0.09958789744506996,1.7 +33,1.0547788834536724,0.09957820048841835,1.18 +34,1.0336959936271064,0.09946027924756995,1.02 +35,0.7316332230216396,0.09960243430150406,0.88 +36,0.5783145413769766,0.09949676716052769,0.56 +37,0.9824791694905677,0.09969757509503575,0.92 +38,0.6470376725607785,0.0998800973871627,0.58 +39,1.5464942142542746,0.09945474100924256,1.54 +40,0.9926577406740058,0.09974596213720592,0.98 +41,2.0198954482482785,0.09997304567221003,2.04 +42,1.305274247083802,0.0990937344778344,1.36 +43,3.9471860570885307,0.12494114793390661,3.96 +44,1.7708884037312067,0.10005042073521093,1.82 +45,1.645809519965021,0.099705586016775,1.74 +46,2.2403963829245237,0.10212437239805071,2.26 +47,1.1909755339280046,0.09952501490860173,1.22 +48,0.4976611214290265,0.09989264978849788,0.48 +49,1.1995165636144882,0.09952648905706833,1.2 +50,2.168165943918898,0.10035015239153486,2.1 +51,0.9038048804236929,0.09956767790688457,0.94 +52,0.9587955613853587,0.09956803462612501,0.9 +53,2.696363020625161,0.10603406344432245,2.72 +54,1.6457235519951048,0.09932353728675203,1.6 +55,1.6269611742066565,0.10032135760227051,1.66 +56,1.0782654240825529,0.09944207839348237,1.18 +57,1.8446410571660337,0.09980999574759283,1.88 +58,1.1341757699705546,0.09898581600670603,1.26 +59,0.8729398406473485,0.10001944626181855,0.82 +60,1.7235039294301664,0.09944131871204166,1.62 +61,1.37052439639777,0.09866310644774391,1.26 +62,1.5564972703837945,0.09946101248871878,1.6 +63,1.8307495786266805,0.09907946711352653,2.08 +64,0.5505527276086049,0.10066925010477906,0.5 +65,0.9246253266619469,0.09953223911499191,0.92 +66,1.1875552312242525,0.09951695801989306,1.28 +67,2.330980920810533,0.10175067161163469,2.3 +68,1.0418358252736446,0.09919184505716629,1.06 +69,0.7591169832156417,0.099606939202414,0.8 +70,1.9152740849004004,0.09987692483071393,1.96 +71,1.2015400934271774,0.0991463454355571,1.24 +72,3.0484627012692984,0.1124612154014703,2.86 +73,1.586688429571162,0.09926298525073757,1.5 +74,1.229058894565349,0.09950741671359273,1.26 +75,1.097045239243294,0.09912625587198548,1.06 +76,1.4154552080810567,0.0997779401092963,1.36 +77,1.3220135775501525,0.09950535859164489,1.26 +78,1.5260750827354321,0.10004499172780057,1.6 +79,0.875262347008779,0.09946378383491722,0.84 +80,1.2098673992094084,0.09965789583618452,1.24 +81,1.3134683266915423,0.09964174649214985,1.3 +82,1.5463175458071283,0.09978295257500708,1.58 +83,1.366376883495655,0.09871875921465768,1.2 +84,1.3229435157011558,0.09949356076369574,1.44 +85,1.8734143939949426,0.0989908254001907,1.82 +86,1.597572166603556,0.09954750798245493,1.66 +87,2.1855176769114815,0.1006896855171113,2.16 +88,1.304914313149937,0.0993234428417124,1.36 +89,1.6001297897949491,0.0992782692418184,1.44 +90,3.305732065490937,0.11078830813153406,3.26 +91,3.5454081889285733,0.11261134016051937,3.42 +92,0.9004924219256913,0.10002617614316033,0.9 +93,2.0503161260461917,0.09969117849438601,1.92 +94,1.7426583149547568,0.09919003112007214,1.62 +95,-0.03489164841151582,0.10494977506157714,-0.2 +96,1.3691947081158282,0.09905802866957378,1.3 +97,1.6034871288916939,0.10018322207187133,1.72 +98,1.7451151877441908,0.09949761105116442,1.88 +99,0.8064975176466056,0.0995503358809328,0.68 +100,2.389588332474635,0.1007727666716539,2.28 +101,2.302449057620028,0.10167208350007476,2.28 +102,1.1219323031338042,0.09948316823081384,1.16 +103,1.4872362501637688,0.09863678779292574,1.46 +104,0.8121379750905084,0.0998879753953255,0.88 +105,1.7796684795906408,0.0992702505067599,1.72 +106,2.5683707581109276,0.10203665519263261,2.56 +107,0.4167089143809626,0.0999067591962952,0.4 +108,2.113175338223276,0.0997635793159596,2.04 +109,1.0708970483903648,0.09934799975083707,1.0 +110,1.0045147039609297,0.09939234179878106,1.12 +111,0.5170352743583855,0.09966370712108251,0.6 +112,1.6651290213367254,0.09950225668768665,1.62 +113,0.19204402283406163,0.10185274456210167,0.1 +114,1.209989405146353,0.0994943605275704,1.28 +115,1.8900423928742078,0.09965971172534703,1.9 +116,0.9695509423683297,0.09935020961999662,1.04 +117,3.3502329415517673,0.12557748893459905,3.48 +118,0.7332457734942401,0.09955810837744425,0.72 +119,1.2700711641974258,0.10188691329790844,1.28 +120,1.5018586178157356,0.09907487663537473,1.5 +121,0.5912730750994093,0.10070663015634364,0.6 +122,1.658206799678269,0.09923481682221694,1.78 +123,1.2309559002316213,0.10016825912988686,1.3 +124,1.2822024184357665,0.0990735907591447,1.26 +125,2.547111940512612,0.10062963753097079,2.5 +126,1.7039415100662942,0.10071838005464913,1.6 +127,1.0329339103573438,0.09916414397825249,1.2 +128,1.983564525048746,0.09948170191917857,2.02 +129,1.6622545154990724,0.09938951498825606,1.58 +130,3.0008264092409833,0.10365222721611957,3.02 +131,1.7315096020413783,0.1012169209628585,1.74 +132,0.9552075788250469,0.09976518880859785,0.98 +133,1.19881088759874,0.10019686362451928,1.24 +134,1.6545805972056236,0.10004133915109813,1.64 +135,2.018989439048771,0.09921413385777153,2.0 +136,1.5947446666949865,0.10032668117282499,1.56 +137,3.0342307953098,0.108676249168812,3.02 +138,1.1144356325099458,0.09908620530469173,1.14 +139,3.046011047928155,0.10769382246190735,3.24 +140,1.4217515044942253,0.09855823894253446,1.32 +141,0.8059179716158276,0.0996955098328141,0.8 +142,1.794805518005252,0.09975640235639789,1.8 +143,2.0592626540023007,0.09974365549325168,2.06 +144,0.6351925992992526,0.0994404752012959,0.6 +145,1.5079733368940473,0.09884236221320526,1.38 +146,3.400821343635614,0.11289164132549806,3.42 +147,1.7506549570676142,0.09976169481472788,1.7 +148,1.0255937928659982,0.09960447325432421,1.12 +149,1.5569157321032072,0.09950274471241347,1.5 +150,0.3447150451498906,0.10053459675175548,0.3 +151,-0.20564801869983573,0.11313330780485543,-0.32 +152,1.1307571394752152,0.099398905607939,1.12 +153,1.5384024433337522,0.0991309937612241,1.44 +154,1.2194839491276646,0.09913483202903059,1.24 +155,1.4243974781203697,0.09908935014568292,1.5 +156,1.336421537251504,0.09878256851482524,1.42 +157,1.7441514660625799,0.09963663497776788,1.7 +158,1.6602187726339401,0.10172295540327778,1.66 +159,0.5139030752582066,0.09994536425126847,0.48 +160,0.9927175748882682,0.09952593390700563,1.02 +161,0.9917379827224273,0.0995202083599839,0.98 +162,1.3910707668830333,0.09948611692266934,1.26 +163,0.7824681565331708,0.0996875372722224,0.74 +164,2.4865076838932696,0.10068587907346283,2.46 +165,2.3932792594000327,0.10038718282433787,2.18 +166,1.4420817610687002,0.10020230121126308,1.4 +167,2.126025156717078,0.0997243033850176,2.22 +168,1.5342353560424236,0.0997441383687105,1.52 +169,1.1573176014773956,0.099273244587554,1.22 +170,0.8276670029788782,0.09994307345921578,0.78 +171,1.6847301375017458,0.09934998394133027,1.58 +172,0.6806911289344064,0.10165739084934562,0.56 +173,0.9837405590458708,0.09922278707430227,1.02 +174,1.3436921569880702,0.09884341412484013,1.38 +175,1.301620493105667,0.09974230881377069,1.46 +176,1.00212001776653,0.09930132931238848,1.0 +177,1.6886262732147805,0.09919905168125988,1.66 +178,0.9191952214148393,0.09953299724102485,0.94 +179,1.9067683740753523,0.09905616231005068,1.86 +180,0.35270445855437127,0.10154152591202921,0.32 +181,1.913337377839462,0.09955329074325184,1.94 +182,1.319128491854294,0.0992357687412123,1.38 +183,0.9588375424749536,0.09924783235911361,1.0 +184,1.7949423171612835,0.09983568222815682,1.88 +185,3.9995550027982434,0.11761656875918824,4.08 +186,1.631934071999752,0.10008375417874188,1.7 +187,1.9215651845419763,0.0989040119244862,1.98 +188,1.2767018411819329,0.09918300280345417,1.28 +189,2.188261076521532,0.0997441975031693,2.3 +190,0.9130168178565945,0.09989082210706689,1.02 +191,1.1621491214914321,0.1001938560062003,1.14 +192,0.8112377685471237,0.10053922625898419,0.72 +193,2.6233323534297748,0.10346513088822978,2.56 +194,1.2233768395933289,0.09973941049833272,1.2 +195,1.330175277260644,0.09905869738360232,1.22 +196,0.35253629690701227,0.10234652377893665,0.32 +197,0.7755994986117549,0.09974155675387268,0.76 +198,1.8475199640237931,0.09920783426148608,1.86 +199,0.9652276341457557,0.09940851458311882,0.96 +200,0.8248096864908454,0.09973161356824234,0.88 +201,1.8362897062729153,0.09923428043158683,1.86 +202,1.2789259582603953,0.09914648134737644,1.3 +203,0.6524307126024389,0.10013697031267024,0.6 +204,1.4217467128934949,0.09869213147685284,1.42 +205,1.0848321971450552,0.09906476278184508,1.12 +206,0.8632263326767748,0.0996105722533568,0.9 +207,1.5985300085889527,0.0993336424205048,1.68 +208,0.4672002020238899,0.10017891900937614,0.5 +209,0.8077401674921851,0.10110780280461565,0.8 +210,1.4000241909483442,0.0987843215063915,1.3 +211,1.4116776597932563,0.09883629861896998,1.42 +212,1.5310848367232104,0.0998881403724952,1.58 +213,1.6489628469972721,0.0997854317158,1.6 +214,2.7766790550163636,0.10948935283795672,3.08 +215,0.29304110017612994,0.1025281616801683,0.2 +216,0.6845132261050615,0.09952371823207065,0.64 +217,1.6555324141411496,0.09931878137005375,2.0 +218,0.5395636577373757,0.10108166857011888,0.6 +219,1.553754341212916,0.09942189140796406,1.38 +220,1.4798946076076127,0.09975266737181314,1.5 +221,1.524672424732956,0.09951119761750114,1.46 +222,1.0228918892903074,0.09949813445439103,1.04 +223,2.121322546498793,0.09958674764900917,2.16 +224,0.5491554898051454,0.10103308290287906,0.46 +225,0.6783054082565207,0.09960644559563707,0.76 +226,1.294555419048138,0.09893109249245072,1.32 +227,2.079696886595756,0.09989071583226444,2.08 +228,1.4503524955791398,0.10091097690124888,1.48 +229,1.078580746693661,0.09887863280812288,1.18 +230,0.30612687525965465,0.10116168532478065,0.2 +231,0.9763276158320344,0.09939088374620098,1.04 +232,1.6607949888606306,0.09969574711007852,1.7 +233,2.4787800488258194,0.10200956804622145,2.44 +234,2.3494539887061565,0.09988875603787346,2.3 +235,1.0523968363375509,0.09891419263327315,1.08 +236,0.39586171624953503,0.10096163171963782,0.48 +237,0.8070325328582946,0.09983730826417332,0.9 +238,1.506530377395827,0.10011805835691598,1.48 +239,2.091065177831756,0.10056202781900753,2.04 +240,2.458259629504778,0.10221248325369296,2.5 +241,1.3519293121684164,0.09870521709291882,1.4 +242,1.2275045845658787,0.09931000345343038,1.18 +243,1.3903698149316746,0.10007542724101282,1.34 +244,0.6587923152010908,0.09961792219840827,0.72 +245,2.3409251853101525,0.10196515438957801,2.4 +246,3.405726310965794,0.11489945441766329,3.42 +247,1.2548157157566358,0.09912052581469885,1.46 +248,4.598423479157684,0.14987154242943027,4.52 +249,1.5205621420798756,0.09953822379237773,1.46 +250,1.1818274682770855,0.09975589406374438,1.12 +251,2.6098603646154723,0.10084677918880962,2.54 +252,0.5783836811721492,0.099715297289424,0.54 +253,1.3890160177263204,0.09870618585217834,1.4 +254,0.35483588663009935,0.10166394359331327,0.38 +255,1.7213442483706671,0.0992366326927188,1.76 +256,1.1667167240969796,0.0995927349346235,1.16 +257,0.8240931588896323,0.09976457534999572,0.96 +258,1.7335902097506384,0.09940752801902965,2.02 +259,1.554639022401141,0.09909408501795972,1.5 +260,0.884277421609611,0.10018554567724758,0.96 +261,1.2707836685679446,0.09947323710018015,1.28 +262,1.0789487149893737,0.09969463583959731,1.06 +263,1.5542104594578852,0.09893128542672494,1.6 +264,1.1602721511254195,0.09901914224423532,1.18 +265,0.9156296552185317,0.09962404239099655,0.86 +266,1.408721648158363,0.0989108306479514,1.48 +267,1.4941149630980497,0.0990160890890717,1.46 +268,2.4485465544443885,0.10185873583011786,2.54 +269,1.468802108642408,0.09936786732298437,1.5 +270,0.9812946060224099,0.09937565518899848,1.04 +271,1.3247908250692368,0.09995581321279659,1.36 +272,2.4857885676992852,0.1026860292543233,2.5 +273,2.0628438392738717,0.09954836400998719,2.12 +274,0.9727745387039028,0.09925698458322232,0.92 +275,0.12287894636154273,0.10634184556079769,0.16 +276,1.0412172874831718,0.09907417292291684,1.04 +277,1.6668961427312545,0.09934119284231653,1.64 +278,0.8357648761886274,0.09976010999910427,0.86 +279,0.9872597068022138,0.09928691714575238,1.08 +280,0.7407747575501566,0.09957412728066777,0.82 +281,1.6216426139135158,0.09952398645942419,1.6 +282,1.885094632208031,0.09943156406070092,1.8 +283,0.887807213322511,0.09954852325457901,0.9 +284,1.8386853345324823,0.09919616065249987,1.9 +285,0.42870458274013923,0.10055445585067588,0.52 +286,1.8873450099932227,0.09901715481607362,2.02 +287,1.0447984698469959,0.09890495892244118,1.1 +288,1.413076527191621,0.09859274001828512,1.42 +289,2.131434924224462,0.10035750483922733,2.24 +290,0.8039305670580255,0.09986528669072185,0.82 +291,1.768965182716063,0.09911504548950882,1.84 +292,0.8497155525270095,0.10010588410006029,0.94 +293,2.7235286505957754,0.10203592845769971,2.64 +294,2.7206540702117836,0.11196180205363794,2.86 +295,0.7652993632912348,0.100068549120512,0.74 +296,0.9753092672204822,0.09969576639102548,0.98 +297,1.7569941024345759,0.09939757865431234,1.82 +298,1.6125202960816771,0.09952203939201465,1.5 +299,2.1947826065566085,0.10179954862408944,2.52 +300,3.431976783756366,0.11923850772943462,3.5 +301,1.8121814223233208,0.09972668652861792,1.68 +302,1.0618195591200255,0.0991196778462562,1.14 +303,1.4687151467476844,0.09951156491669157,1.34 +304,1.257539817718375,0.10005032142981934,1.3 +305,3.860624469027859,0.12767454653450552,3.62 +306,1.6927284734461245,0.0996662378074078,1.7 +307,1.0634048769288789,0.09934716328856003,1.12 +308,1.5686256964551297,0.09950370875016692,1.6 +309,2.0374110915339623,0.09998026627810493,1.8 +310,3.463232877798249,0.11453547291453786,3.42 +311,1.8444669834060796,0.0990093331664813,1.88 +312,0.8020692577487842,0.10007730323502857,0.8 +313,2.783978330769746,0.10880455818852926,2.8 +314,1.0353199758137073,0.09944601549679193,1.04 +315,1.8586781837136754,0.09906346755057555,2.06 +316,3.4752569499217474,0.1199221782606897,3.06 +317,1.7649597399320462,0.09926421816776633,1.72 +318,0.6715346989452449,0.10053566085072053,0.66 +319,0.8844916249734573,0.09984350420780766,0.9 +320,0.475056909110372,0.10000968413319045,0.44 +321,0.8679381093378005,0.09958773404093263,0.94 +322,3.180200517843592,0.10830631378261944,3.2 +323,1.8674121651470166,0.09961449150963453,1.88 +324,1.3081255543343395,0.09919475360939091,1.36 +325,0.7614013036028247,0.09963584925055584,0.8 +326,1.0584098662805281,0.0993638108424456,1.06 +327,0.9593208366570571,0.09947574269491348,0.94 +328,0.8229180366064106,0.10001525063681146,0.82 +329,0.5125752051936281,0.10024832019096201,0.42 +330,1.1993291076252823,0.09957997485637861,1.34 +331,2.1187555207496844,0.09998326522932807,2.08 +332,1.5851908212267183,0.09935454912227545,1.54 +333,1.0023845719637599,0.09920662413837883,1.0 +334,1.0094921591877728,0.09993355677145317,1.1 +335,1.8565626843700194,0.09903837683089182,1.8 +336,0.8500341431268204,0.09994505972419823,0.8 +337,1.3478022995813255,0.09921189023064801,1.34 +338,0.496438347921903,0.10035741449880552,0.48 +339,2.0027784028731306,0.09928168942046843,1.96 +340,2.004204287814116,0.09948811231848664,2.0 +341,0.46051585468745837,0.1003828526239681,0.42 +342,2.9715233784971042,0.10535236662209006,3.12 +343,1.0238946931594348,0.09910246700358902,1.24 +344,1.7100912152088312,0.0992361590873834,1.68 +345,1.8421677979055928,0.09954192001024818,1.84 +346,2.4645757130626444,0.1003309729234586,2.28 +347,1.5526015925134338,0.09925009759187738,1.54 +348,2.054625923330538,0.09940295242566553,2.02 +349,1.7103753067248995,0.09976262816337336,1.7 +350,1.7750413303979904,0.09937600280030053,1.82 +351,3.0168663857906397,0.10548119476588856,2.98 +352,0.9631104886315363,0.10004480018450555,0.96 +353,1.0415488633204155,0.09935343956807934,1.06 +354,1.0700659963023262,0.09938158514060673,1.12 +355,1.7095849826815346,0.0992822557203655,1.68 +356,1.4614683367350672,0.10015658968587608,1.5 +357,1.1477945270462733,0.09897159993505032,1.18 +358,1.3983647112227124,0.09870403774504125,1.38 +359,0.985930983603162,0.09974256166492268,0.98 +360,2.035996546038427,0.09909283688226317,2.02 +361,0.7957205741430691,0.09981692382055937,1.06 +362,0.6844459089298389,0.09966135389002972,0.7 +363,2.4279753962183124,0.1006349972951226,2.42 +364,-0.006841462849020319,0.10398337003648019,-0.06 +365,1.058209626440857,0.09914733821683308,1.12 +366,1.2332596770652848,0.09954881810339913,1.28 +367,0.9865353659171425,0.099186747798549,0.94 +368,1.2318381562654828,0.09930167951504662,1.24 +369,1.5277234920757372,0.10001945279365108,1.5 +370,0.0357122938387604,0.10406306706730041,0.06 +371,2.944025783845974,0.10492659919213229,3.12 +372,0.7710276623972667,0.0996697455476559,0.82 +373,0.804986212810008,0.09995307405667207,0.9 +374,2.5876219514214087,0.10533324333426011,2.58 +375,1.356382010757678,0.09907068978388325,1.38 +376,0.8599039436435028,0.09949043160941241,0.78 +377,1.417722243662731,0.098734414904014,1.42 +378,1.7992520111802335,0.09927269657582224,1.72 +379,1.615825333741484,0.09950752046175494,1.66 +380,0.23048351451565874,0.1013072598618667,0.22 +381,2.6139671362350443,0.10329846792139316,2.62 +382,1.4989722815250708,0.099163431200503,1.48 +383,1.9815608607909787,0.09915531661575946,2.04 +384,1.145425735918203,0.09953184502479324,1.2 +385,1.7429555157229764,0.10056894392322469,1.64 +386,0.5085424733328956,0.09971988068116293,0.52 +387,1.0770562422433236,0.09896310255676041,1.22 +388,1.8299431407542393,0.09943774356686236,1.86 +389,1.6504868566786406,0.10011294727153078,1.74 +390,0.6191877649659012,0.09992154326426023,0.62 +391,0.8604036607239116,0.09979018524496672,0.88 +392,2.01251587236201,0.09932663141854693,2.04 +393,0.7672871339819032,0.09988919355666158,0.84 +394,1.660289706555013,0.10035203865399164,1.74 +395,1.1903914728112148,0.09953207904399435,1.16 +396,2.1643487361959766,0.09990265205142658,2.14 +397,1.1568653766212769,0.09925919950253993,1.22 +398,1.1521813185329115,0.09899215931623681,1.22 +399,-0.06670265984904877,0.10913325901703298,-0.26 +400,1.5568062523762343,0.0995729755434083,1.54 +401,0.9979579006929036,0.09911709355148302,1.06 +402,0.924087657030676,0.09949339261674793,0.96 +403,2.864510484644833,0.10852360875733927,3.02 +404,2.9480430451212856,0.10579915490689425,2.64 +405,0.5011057029680053,0.09988516104117008,0.44 +406,1.5352932320009394,0.09959538903395808,1.52 +407,2.946674921633055,0.10813834430309967,2.74 +408,1.220679238082831,0.09985108735119486,1.28 +409,2.514861461189512,0.10079573427624917,2.58 +410,0.35796449219216053,0.10017497580765226,0.4 +411,1.1204582384869048,0.09979639703959743,1.18 +412,0.8426790400910213,0.09979163523724127,0.78 +413,1.691135254991729,0.0991280664805805,1.68 +414,1.5481476035179405,0.09925317461265702,1.32 +415,0.6414485957923908,0.09992934964224916,0.76 +416,0.6856160173715444,0.09959824315710153,0.66 +417,3.1100244174112435,0.10718176980375559,3.02 +418,1.9830089279637597,0.10064842564348112,1.92 +419,1.49756923450525,0.09921170807691909,1.54 +420,1.1248222675719155,0.09958832762404636,1.08 +421,0.424600589044531,0.10049835815089338,0.44 +422,1.6406417980453234,0.10131068961582268,1.7 +423,2.5415388708626283,0.1014565985113412,2.28 +424,1.0849005555436058,0.09948530550661962,0.9 +425,1.3633429164900697,0.09944807133802086,1.46 +426,2.1211298402904157,0.10063274281366182,1.96 +427,1.518285494164943,0.09928594939800287,1.46 +428,0.5699475840000339,0.10083372124195442,0.68 +429,1.3355707133550474,0.09883617754361985,1.36 +430,2.052633129405682,0.09960001523268384,2.08 +431,1.9125508284471742,0.09939973666257125,1.98 +432,0.4494311257487673,0.09987483020272112,0.5 +433,1.3193173083269094,0.10006022950448679,1.38 +434,2.9486144648898795,0.1051360619056748,2.9 +435,-0.0078003964334059095,0.10470372809636823,-0.04 +436,0.9325634002923031,0.09973664725937649,0.9 +437,3.4923787164072175,0.11321390425299821,3.54 +438,1.3653305645050728,0.09929245260503326,1.38 +439,0.8733248769704367,0.09949865296821023,0.9 +440,0.88052865686548,0.0996749995656375,0.9 +441,-0.0009025865137595179,0.10540440146816524,0.0 +442,2.3043437214479505,0.09982201342466873,2.22 +443,2.6336907224017603,0.10324395984769957,2.68 +444,1.418723568144032,0.09877806510398757,1.52 +445,1.9746047465137628,0.09905806004935035,1.82 +446,1.182293583606438,0.0997419246709006,1.22 +447,1.5792253566491048,0.0993100710680375,1.46 +448,1.603579902954302,0.10019382488552919,1.58 +449,1.4011897181461854,0.09881714200865578,1.52 +450,1.2133269907073945,0.09924900463654124,1.26 +451,1.38031973505715,0.09891567098173057,1.22 +452,1.213753018968405,0.09951960535282346,1.18 +453,1.2757725152929573,0.09969370508384628,1.16 +454,1.9733757836171832,0.10137867817287655,2.02 +455,2.4789195880628023,0.10188211154001198,2.56 +456,2.2541821511792444,0.10196992418240952,2.32 +457,1.1141782182719957,0.09917722050497109,1.14 +458,1.279866593923004,0.09921572694253983,1.32 +459,0.8612745869291067,0.10021001078885339,0.82 +460,0.929694756891579,0.09986050073119272,0.94 +461,1.6508945685809813,0.10052477999373134,1.64 +462,0.9426510716201626,0.09944981664858225,0.98 +463,1.4818616264581272,0.0986807543659751,1.52 +464,0.18771421751974482,0.10184659106643235,0.2 +465,0.3298695683637909,0.10169661296698146,0.38 +466,1.2069130155672532,0.10013690791373667,1.16 +467,0.9013683677770181,0.09966013408371724,0.96 +468,1.09585807135008,0.09928370740371585,1.16 +469,1.293218609343058,0.09935733419074563,1.24 +470,0.5876935785372204,0.0999861136268474,0.62 +471,2.07775720738993,0.10278975268022175,2.12 +472,1.7950518768630033,0.09914980628762975,1.82 +473,1.6216857883136917,0.09962520656427595,1.58 +474,1.838739957793156,0.09960782766244891,1.82 +475,0.3698319960839178,0.10146457550711314,0.34 +476,1.8121117258118111,0.09937444719210824,1.94 +477,1.0998799032856332,0.09934966508052155,1.12 +478,1.7458010784281697,0.0992414414264919,1.8 +479,0.9542884619430658,0.09945967131033859,0.94 +480,1.043674324769342,0.09954608415629788,1.1 +481,1.0524400259593356,0.09913305237732101,1.08 +482,1.690394960681396,0.09953194736119193,1.72 +483,0.3654760457644144,0.1018421138295073,0.32 +484,0.8508274048327287,0.09992546060544343,0.9 +485,1.8435134402737112,0.09930887272504497,1.92 +486,0.5810452944450268,0.09945704502146745,0.54 +487,1.3350678989321956,0.09870342545636804,1.26 +488,1.855007208761578,0.0994565062760418,1.72 +489,1.8572845146805619,0.09917976104904501,1.78 +490,0.37874443896657506,0.10087621075235824,0.22 +491,0.5892694883297913,0.10037254253768826,0.62 +492,1.2373871258160143,0.09920589449156171,1.26 +493,0.36561872468068723,0.100489419690434,0.38 +494,0.8784053861828773,0.09968324260235327,0.94 +495,2.8445922141745728,0.10442145857981382,2.92 +496,0.8889215681038685,0.09973385675000343,0.82 +497,0.8362568346933663,0.09956183393211544,0.78 +498,1.2987456384422635,0.09953010154550745,1.3 +499,1.275402392199802,0.09993786066566078,1.34 +500,2.372053556874513,0.10196857564486281,2.38 +501,1.599837985560179,0.09983810210122304,1.62 +502,1.223925703826837,0.09907746224311109,1.24 +503,0.24977065119316388,0.10121196067145342,0.26 +504,1.0750716721740055,0.09941688125364251,1.14 +505,0.6859927903124408,0.09975605751973994,0.54 +506,1.0105562822672105,0.10014902086915005,1.04 +507,1.5368467111429573,0.09992168168969086,1.62 +508,0.9327208104233911,0.0998350451170598,0.94 +509,0.8088738933376767,0.09976171950800691,0.66 +510,0.7783012093096893,0.10000538440404777,0.88 +511,2.768214248781974,0.10321710270519141,2.72 +512,0.8065022769692554,0.09959040715090989,0.88 +513,1.5432967915533176,0.09940946055961125,1.56 +514,1.8960864016133996,0.09948189693632938,1.84 +515,1.3456401795160182,0.0993161409121674,1.34 +516,1.516080341537127,0.09940444859556355,1.46 +517,1.00882861881636,0.09914174905210135,0.98 +518,0.17396436295961304,0.10265758841415654,0.22 +519,1.4880341412099731,0.10043387230971138,1.5 +520,1.486704247072219,0.09968426108097328,1.42 +521,2.365705459660643,0.10026657559565383,2.36 +522,2.6278238105975946,0.10109728087266483,2.52 +523,2.0162902505028066,0.1003610120245959,2.18 +524,1.3617624973330116,0.09869401030246423,1.32 +525,1.6109774192336495,0.10204964307531307,1.66 +526,1.2060424248394248,0.09999614385357138,1.3 +527,4.113325008465634,0.1217177403153322,4.06 +528,2.52551487149269,0.1008246781522738,2.44 +529,1.3265006937930444,0.09993959081372682,1.46 +530,1.6191434404464224,0.09995741590245445,1.62 +531,0.6222924024451835,0.09968790813881397,0.66 +532,0.8525525348683025,0.09956964216564622,0.86 +533,0.6758445974936371,0.09951400076502788,0.7 +534,0.9258865952125965,0.09942488612669453,0.92 +535,1.2389885259016686,0.0994504007233966,1.3 +536,1.7166924678630486,0.09927164417052577,1.66 +537,2.0977592330478716,0.10011907857188763,2.16 +538,0.21626017798900743,0.1014436460141621,0.26 +539,2.082920999005979,0.09988685856522804,2.12 +540,0.8521892254554195,0.09977512749672744,0.94 +541,1.5526625814742665,0.10009272305331467,1.46 +542,1.6566212200195671,0.09945182087169384,1.76 +543,0.7249833729175428,0.1002090617554769,0.78 +544,0.17671522117431304,0.10196240002619264,0.2 +545,1.0652469975703986,0.09908892200628551,1.1 +546,0.9814486423922524,0.09942676901750562,0.98 +547,1.1378784048215642,0.0989190432943466,1.02 +548,0.7793276125550299,0.09957739598570559,0.88 +549,0.5170934030376848,0.0998602275691447,0.56 +550,1.2197393613105099,0.09916785554104654,1.14 +551,1.701145958977279,0.09975712102472219,1.82 +552,1.1253738461746117,0.09986643022650481,1.14 +553,0.8068587357284833,0.09984465259468431,0.82 +554,1.457322662300826,0.09872795094009024,1.44 +555,0.16457974777034745,0.10192690010327429,0.22 +556,2.1407439290242616,0.09939725568067513,1.88 +557,1.282882431224906,0.09968447868068894,1.3 +558,0.9144658045108123,0.09983655452246275,0.94 +559,1.279720861518286,0.0990507951163286,1.26 +560,1.603744716389756,0.09929933011563674,1.58 +561,0.9528963250305231,0.09969073181513566,0.94 +562,1.3439289431889427,0.0990344551979075,1.32 +563,1.8266431516019288,0.09906366469251227,1.86 +564,0.5853307592870969,0.09975150180586699,0.54 +565,1.7838005215852675,0.09927334473165726,1.82 +566,2.2276074589726926,0.09977053436933346,2.1 +567,0.4881018613189887,0.10065572811899388,0.54 +568,1.1745284432219953,0.09958585542463477,1.24 +569,1.0393434442005691,0.09933425745653603,1.08 +570,1.534354501854147,0.10021595829745221,1.56 +571,2.366521327837053,0.09991526045767554,2.44 +572,3.0266495976927645,0.10636273065214318,3.08 +573,1.1161873166991192,0.09889519361341734,1.2 +574,1.4020280152058369,0.09940432227719982,1.48 +575,1.2606136479954422,0.09998411814206214,1.24 +576,0.9765447525149973,0.09914355927777531,1.04 +577,1.4341152956669851,0.09941065049992,1.48 +578,1.5652707408896596,0.09910374954432807,1.48 +579,2.3280178764220425,0.10015143382281548,2.0 +580,1.308733307565604,0.0990526363207494,1.26 +581,1.3353696897605694,0.09926317010370293,1.36 +582,1.4518994809737513,0.09986334724331312,1.48 +583,1.0363856636100344,0.09920941433122935,1.06 +584,1.8933146558512817,0.09906642355889077,1.96 +585,1.4901752554339474,0.09947404995680585,1.48 +586,1.45472634439571,0.09947653734549848,1.52 +587,1.6687595414935508,0.09926083202228475,1.62 +588,0.5060778624367337,0.1011310343218027,0.58 +589,2.336345130032055,0.1047879891697904,2.14 +590,1.5708838158339808,0.09926219443225963,1.6 +591,1.4375063164159065,0.09916071411746649,1.52 +592,1.1559814417145524,0.09927317399125633,1.26 +593,1.9837273281713628,0.0994340188950042,2.0 +594,0.7168803319797241,0.09972188354038493,0.68 +595,1.576795032770186,0.09942310681837468,1.66 +596,1.585836092198506,0.10033448657090288,1.62 +597,0.5573417225368693,0.09950365560702717,0.5 +598,0.47349385423260837,0.10119404986348758,0.56 +599,1.1439057197953495,0.09966648936528905,1.06 +600,0.6658323566553725,0.09975595732154736,0.92 +601,4.040995452105586,0.13213790981973839,4.08 +602,1.3674614405048267,0.09889818838805424,1.28 +603,1.8834942374271264,0.09937944466181405,1.86 +604,0.7653920547242812,0.09971569756963586,0.86 +605,1.98307516714845,0.10035508597052507,1.86 +606,1.22487225753055,0.09932794031294523,1.18 +607,1.2063739009829184,0.09959029149723264,1.32 +608,0.7012684131919051,0.09972647298507897,0.72 +609,1.3685637923217449,0.09896304645411434,1.38 +610,1.5711301046488024,0.10087982591896118,1.64 +611,1.6190809193619564,0.10054090657172482,1.6 +612,1.3599361911908765,0.09866419224672325,1.42 +613,2.8354534702454517,0.11336638084850342,2.82 +614,1.9578916819111363,0.09932510039255443,1.86 +615,0.6488267709666153,0.09965951893830269,0.6 +616,1.1698499108613027,0.09915607462236599,1.14 +617,1.706296163572184,0.09932565067472197,1.78 +618,1.2541098095496401,0.10010817191536456,1.4 +619,0.7254804496000424,0.09973507915749427,0.82 +620,0.5005779129677286,0.10030629488827243,0.52 +621,2.551081030697479,0.10119615698713912,2.36 +622,0.9917571344909326,0.09943113467556793,1.0 +623,2.8502122839190855,0.10544594858206043,2.88 +624,1.4721063441716573,0.09866220820143064,1.42 +625,1.4214844247549088,0.09878609095323378,1.34 +626,0.5700067534380657,0.1006537935591365,0.54 +627,2.347847660585594,0.10018514836102162,2.32 +628,2.2772468667920593,0.10000336947780016,2.26 +629,1.8035619088457586,0.09948210756923585,1.8 +630,0.41549924685355744,0.10012163211194011,0.46 +631,0.5612436544188248,0.09953599044718128,0.56 +632,1.933822211549107,0.09960941015679357,1.86 +633,1.3244067680436522,0.0989412554738673,1.34 +634,1.578898226922633,0.09935921329795915,1.62 +635,1.7565102912825068,0.0992210644642793,1.94 +636,4.274671671836026,0.13106673235887148,4.4 +637,2.635274219378574,0.10495961607598873,2.66 +638,0.01673244721848799,0.10441006309835683,-0.14 +639,2.6092657101428225,0.10129743578255727,2.52 +640,1.0652766872206534,0.09984024552477441,1.1 +641,0.9411752386570391,0.09950617077662233,0.88 +642,0.4830175270924435,0.10043615423574674,0.5 +643,0.6128001224237571,0.09988283559830563,0.64 +644,1.947009531145892,0.09939303976125446,2.0 +645,2.6306165367402814,0.10366842838549102,2.58 +646,2.933349394118136,0.10463902789573389,2.84 +647,2.0253114684397113,0.09958279423106921,2.1 +648,1.244165320182234,0.09935461178972038,1.2 +649,1.8681732138345637,0.09961986160151441,1.78 +650,1.00087869243469,0.09925611830067756,1.06 +651,0.5859477153911363,0.09954802979111105,0.56 +652,2.156795380507952,0.10150410784727285,2.14 +653,0.9669752468680393,0.09909171162184027,1.0 +654,0.6451503856809147,0.09979983525016477,0.66 +655,1.9562033012338211,0.09968260569714557,1.98 +656,1.0833464967380102,0.09897927815624456,1.18 +657,1.0460816713446526,0.09908009769740381,1.06 +658,2.231439351316575,0.0996642023965664,2.16 +659,0.9405715053750761,0.09979613090627443,0.92 +660,1.5207238151908775,0.10025948065234729,1.62 +661,1.5903347976442468,0.10032924849001777,1.7 +662,3.060474056832221,0.11075202536530743,3.12 +663,1.0717598893120417,0.1014571315237678,1.0 +664,1.759887901721332,0.0997477492541261,1.76 +665,1.5911418298286086,0.10055225916979846,1.68 +666,1.8717991155441644,0.09930522149738047,1.96 +667,0.9560155961442269,0.09941558246813136,1.06 +668,1.3810916038208638,0.09864196165325116,1.34 +669,2.1124348557622143,0.09957511003989795,2.12 +670,1.6813880544371862,0.09940052609524186,1.62 +671,0.8819538261158051,0.0997481028984025,0.96 +672,2.1217946229634146,0.10059737829432332,2.2 +673,0.6857696304750938,0.09979405277387247,0.78 +674,1.612860302750058,0.09947130227374111,1.6 +675,3.3874735772677385,0.11215416448031937,3.48 +676,1.899414123795023,0.09948610602156499,1.98 +677,1.8084631571011094,0.09958710532148847,1.7 +678,3.629633423342452,0.1157256231980372,3.66 +679,2.004586874865418,0.09949050281110758,2.04 +680,2.3903032263897375,0.10054878023121926,2.2 +681,1.8063207489395523,0.09923691086939505,1.76 +682,3.165485251513787,0.10876039442679136,3.0 +683,2.7894208951089974,0.10480285124942873,2.78 +684,1.1106799286217928,0.09918920000217993,1.1 +685,1.266837897387952,0.09932915285768446,1.28 +686,2.2774806929330866,0.10069994159474924,2.28 +687,0.22226611983398992,0.10261837875167978,0.2 +688,0.5814050382717262,0.1000005355088646,0.56 +689,1.4093032311919493,0.09919460875436277,1.46 +690,0.7903972351760238,0.09983192248999709,0.84 +691,1.0581309618730763,0.09932596942829128,1.12 +692,1.3462357932022477,0.09912561210688905,1.46 +693,1.6750697329698603,0.10080510664142742,1.74 +694,0.8305339632110964,0.09960392208693854,0.94 +695,0.9639117688322549,0.0997379389100974,1.16 +696,2.288941395036553,0.10029296725602126,2.34 +697,1.7062544456578486,0.09948970784301157,1.72 +698,1.5688264080073189,0.09949050157044938,1.64 +699,1.3341380713508364,0.09930206066084508,1.36 +700,1.1017305596464702,0.0999162656917116,1.22 +701,1.608293212824379,0.09943491138017552,1.52 +702,1.1464383602973534,0.09920998356968401,1.08 +703,2.1155658417166174,0.09934623371603424,2.08 +704,0.9066846601357674,0.09979974453403757,0.94 +705,1.847811862105076,0.10021944676960502,1.7 +706,1.9542117691896024,0.09924770127743278,1.92 +707,0.9544047808064,0.0992913080337108,0.96 +708,2.0412993553180288,0.09916719351666547,2.0 +709,1.4603623044049392,0.09907601156063833,1.44 +710,2.9356715302983227,0.10937140056363828,2.9 +711,2.7274808648832662,0.10307196750145785,2.78 +712,0.9545207799007478,0.0992402566744736,0.98 +713,1.389248139637531,0.09928178623485563,1.34 +714,1.7557663051703585,0.09939096198880126,1.74 +715,0.4570089785409557,0.09975721203087276,0.5 +716,1.9718400345485037,0.09948458391710914,1.94 +717,1.3256919481311733,0.09904299707728256,1.22 +718,0.7210622368356006,0.0999239644376546,0.7 +719,1.6395266905683463,0.10069468207958701,1.72 +720,1.8944104891405515,0.09924457094660777,1.9 +721,1.64502325247419,0.09930000842961177,1.58 +722,1.5664011803640896,0.09954459456434897,1.6 +723,1.3069698717599685,0.09900472623596439,1.22 +724,1.2743198530101416,0.0996459618705035,1.32 +725,2.7368746193360396,0.10225926995671863,2.64 +726,3.3404556126268945,0.11058423652887811,3.48 +727,2.2580013454625254,0.10150391990493335,2.18 +728,2.980801616425233,0.110742564083059,2.88 +729,1.5493528263170695,0.0995957316586341,1.54 +730,1.1574624360125731,0.09938724187629995,1.22 +731,1.590125677550987,0.0995145567940777,1.54 +732,3.4904698110881336,0.11125993676421966,3.82 +733,1.4846350274423734,0.09991246705779863,1.52 +734,2.2267952784783924,0.10242705843413726,2.2 +735,0.8893906171356114,0.0997017523043122,0.76 +736,0.47854879345720813,0.10037324507651824,0.74 +737,1.5488103733924994,0.10024696687898332,1.56 +738,0.6816847638689019,0.10051666575448708,0.74 +739,1.1549510564655214,0.09946062237139536,1.2 +740,0.787811396779255,0.09970812988170774,0.88 +741,0.8864968195926586,0.10054737512385992,0.92 +742,0.8409876311302262,0.10013435887522501,0.82 +743,0.6611854769858645,0.0995571554371796,0.68 +744,2.10902380280113,0.09993244797240397,1.98 +745,1.0127544717974792,0.09914366356946046,0.86 +746,0.5024764908254518,0.09985266312826901,0.48 +747,2.6675426158497446,0.10188016226723239,2.66 +748,1.620448414492835,0.1000414430828817,1.64 +749,1.1999584377941666,0.09903447723466244,1.26 +750,0.9188123825455399,0.0994779370627615,0.78 +751,1.1074074255207769,0.1003221641465133,1.04 +752,1.9030449368156652,0.09922012307229348,1.96 +753,0.8860419950640199,0.09975631679984563,0.94 +754,3.2334945406826465,0.11039802110314369,3.22 +755,1.3639393054487108,0.09968364468803062,1.36 +756,2.4043363523833756,0.10029029802553659,2.32 +757,-0.1688160812546926,0.11421426531364928,-0.28 +758,3.74531668239256,0.12109529747953116,4.64 +759,2.103992948010771,0.09966275055540606,2.12 +760,1.3120135392327235,0.09898344971550498,1.32 +761,1.4963925751709872,0.10053451845362425,1.6 +762,1.6868005103559305,0.09948329046902545,1.74 +763,2.2360024524044286,0.09965861336137907,2.18 +764,1.418831797244544,0.09868524482561748,1.34 +765,0.6710681470685393,0.09975565181132702,0.6 +766,2.239960515351382,0.1000817513014706,2.4 +767,2.374960905218125,0.10099082890930325,2.18 +768,1.7637468690708296,0.09956248499623874,1.8 +769,2.26143184179426,0.10063536672141908,2.1 +770,2.049853433107242,0.09966460146160215,2.06 +771,1.661875771098068,0.0993594560722681,1.64 +772,2.077079595972184,0.10095436900938433,2.1 +773,0.9887219385837447,0.09995608037749794,1.1 +774,0.37414104112431157,0.1005917249057564,0.46 +775,0.7068586056732833,0.0998422206496713,0.74 +776,0.04981482713362406,0.10626467391715322,-0.1 +777,0.9240165367099997,0.0997026088376842,0.9 +778,0.6940825699544966,0.09989978456001318,0.78 +779,1.7901073062407746,0.09896899638971203,1.74 +780,1.1244166521662826,0.09955575026369842,1.14 +781,1.084015326474202,0.09919037433531261,1.16 +782,1.0613283595486116,0.09919398202408779,1.2 +783,1.6385440704779206,0.10029644416267386,1.7 +784,0.554495350597201,0.09963004759155403,0.62 +785,2.0100361839733845,0.09929468803316464,2.04 +786,2.0264035598093075,0.09919827688395287,1.9 +787,2.2052828616447266,0.10019151739563346,2.3 +788,1.6381438252039906,0.09938582820208242,1.7 +789,0.5953195309057768,0.09957792310252638,0.8 +790,2.457146770269998,0.10205418692669026,2.46 +791,1.6714491260910556,0.09927898004528829,1.64 +792,1.1890858328477953,0.09962427191683025,1.24 +793,1.5008466093915878,0.0993948350119738,1.52 +794,2.4861351112219277,0.10100964702313951,2.6 +795,1.0759027924554523,0.09910472545841839,1.22 +796,1.9749766178920793,0.10029579320732657,1.98 +797,1.7954805518320327,0.09989423864237855,1.78 +798,1.1523837941535724,0.09943731007026006,1.14 +799,0.95349123978555,0.09970917983295145,0.98 +800,3.056334318613673,0.11016708288603155,2.98 +801,1.672069920102193,0.09996805209254328,1.64 +802,1.4670419329007351,0.09976410455213618,1.48 +803,1.4467613935846664,0.09923779844769069,1.4 +804,0.895343957748836,0.09971337100157303,0.9 +805,1.6636054952973616,0.09933072152567315,1.74 +806,1.3902720231350976,0.09877568574238589,1.44 +807,2.005778965926834,0.09925174716984188,2.0 +808,1.208553908345899,0.09924149098447772,1.28 +809,2.0482788790075768,0.09912281711930328,2.02 +810,4.730010788692586,0.22203556662457868,4.96 +811,1.276862828535308,0.09949556922078638,1.48 +812,0.8232839927511726,0.09981466938463424,0.78 +813,1.1332154107912096,0.09968077368804489,1.14 +814,1.894755568327352,0.09951729627355087,1.94 +815,1.9443263111156674,0.09910211940195529,1.88 +816,1.472138056586602,0.09876529055328574,1.52 +817,0.5309295084389454,0.10004940972290095,0.44 +818,2.8846770370490846,0.10657105084089089,2.86 +819,0.5888948627953574,0.09969485031112629,0.54 +820,3.5748793772241436,0.11977989878109382,3.52 +821,1.1589769961032637,0.09923804499476924,1.46 +822,1.5213282315142755,0.09928577950454347,1.5 +823,1.7614061306653255,0.09916776771757224,1.8 +824,1.4652582245337633,0.0991096538261918,1.46 +825,0.7608192348626239,0.09960131115198033,0.7 +826,0.40601247327676115,0.1014980617087467,0.34 +827,1.5926250813267948,0.09980931744664799,1.58 +828,0.8730622898338829,0.09944141539350661,0.98 +829,1.6586299547657297,0.09948569105458863,1.7 +830,1.9822219768826634,0.09921249825642928,2.0 +831,2.399892395897276,0.10026956821486659,2.5 +832,1.7774593552158542,0.09972727268183071,1.82 +833,1.4248359928156809,0.09895198267853546,1.4 +834,0.547424937003641,0.09968572067779327,0.46 +835,2.223279342508129,0.09979137174803669,2.34 +836,1.3115025234252549,0.0991495333711797,1.44 +837,1.5034153399756256,0.09914721540170196,1.5 +838,1.9871287797383352,0.09962753810247407,1.94 +839,1.6524615980282398,0.09983066895232232,1.72 +840,2.059675374633053,0.10020568324738466,1.92 +841,0.7985349504821293,0.10012400969811042,0.88 +842,1.7693426851025016,0.09957062500715284,1.82 +843,1.1375044852254568,0.0989994211315785,1.16 +844,0.76708279328139,0.09962629819439665,0.84 +845,1.0312618759517143,0.0996819198356775,1.12 +846,1.2156143745506192,0.10039177221722947,1.26 +847,1.2700138927214233,0.10010331497651626,1.46 +848,1.8359157316897032,0.09917634518609454,1.8 +849,1.3351864621143654,0.10018755703993365,1.22 +850,0.5344791366135062,0.09955626114713284,0.66 +851,1.301734412710602,0.09934611877944571,1.3 +852,1.5114758058609687,0.09926862587348757,1.5 +853,1.4935323313114999,0.09972595509101588,1.52 +854,1.8962369162666206,0.09946120099060497,1.92 +855,1.2513080554540756,0.09933043189358817,1.24 +856,0.8931717993547046,0.10007769780200272,0.96 +857,1.7419690965221768,0.09938253136038014,1.74 +858,2.017173602660752,0.10046785436586811,1.9 +859,0.9552458541323368,0.09945091287176978,1.0 +860,1.49552194593035,0.10054688803774223,1.44 +861,2.8548508157755075,0.10535101542985761,2.88 +862,0.38926690290265564,0.10149990456231309,0.52 +863,1.1102439057850908,0.09953462625959285,1.14 +864,0.19766535948348785,0.10274249986593639,0.26 +865,1.1572405933216892,0.10008085572217086,1.16 +866,1.5953249328489896,0.09948863191646147,1.64 +867,1.1658334482653891,0.0997724275944125,1.16 +868,1.2040900791622995,0.0997849939259403,1.3 +869,1.373685854562418,0.09892342533870062,1.32 +870,0.866334260861948,0.09977059647122316,0.96 +871,2.4232893010648064,0.10079030848439914,2.56 +872,1.5353892183556688,0.09925826029500334,1.56 +873,1.9065009556094317,0.09955792335313167,1.84 +874,1.39069531694576,0.09999795720383059,1.38 +875,1.6529377084737653,0.0991517052908195,1.68 +876,2.4937597450899327,0.1009825229315909,2.58 +877,1.4774016325647075,0.10090106928111339,1.52 +878,0.9911252396628718,0.09984291231779145,0.96 +879,1.2640953940649176,0.09956421711532326,1.34 +880,0.6233721973334319,0.09964602160177732,0.62 +881,0.7803774535980927,0.09960367689276481,0.78 +882,2.383310247237273,0.09990059974829164,2.38 +883,1.238868475068373,0.09960620673245824,1.24 +884,1.5142395627723821,0.0996052096539749,1.58 +885,0.74461724608203,0.09964575820434379,0.78 +886,1.5586840027872675,0.09944901478138994,1.62 +887,1.1017083134367176,0.09929095499074819,1.08 +888,1.652448745439053,0.09976237998373295,1.68 +889,1.5779338703998114,0.09958009709367777,1.64 +890,0.6348253144386156,0.09952181910228945,0.8 +891,1.0047551124367053,0.09976417753123326,1.04 +892,0.9068739317730781,0.09964000443701344,0.92 +893,2.0645538499665266,0.10046313018934354,2.08 +894,3.9894738471436257,0.12393922254037532,3.8 +895,1.0516128417468884,0.09892562026863662,1.16 +896,1.6105793333821203,0.10015613962647643,1.64 +897,2.4028783038832,0.10115241966966047,2.44 +898,1.4117172740198647,0.099866917717478,1.44 +899,0.8389635800232405,0.09965712395819595,1.04 +900,1.100013920934672,0.09960618998631665,1.16 +901,1.0481661159525906,0.09923772264211779,1.78 +902,2.7096941244285775,0.10526012451636434,2.72 +903,0.5383836566008788,0.10037702524388814,0.66 +904,0.3872198003554608,0.100999396481223,0.28 +905,1.6704672062922092,0.09941924578653395,1.74 +906,1.020120975659801,0.09889700536586825,0.98 +907,0.7990159275151505,0.09990312689251368,0.8 +908,0.24028194918239687,0.1017300167932947,0.26 +909,0.8935137435807838,0.09968586700588701,0.84 +910,1.4751721557850679,0.09895472423031561,1.42 +911,2.2465329966739,0.1000143283482857,1.98 +912,2.1999857702205867,0.10008875470985168,2.2 +913,2.1562874523843165,0.10012141699052499,2.26 +914,0.7013435285548162,0.09961711023217282,0.76 +915,0.8971614132100718,0.09978736523413599,0.96 +916,1.9634310338159728,0.10095531172399512,1.98 +917,1.151232989564243,0.09920619422685384,1.08 +918,3.6138204104550455,0.12108253004870105,3.58 +919,1.6011074064823851,0.10030561658089147,1.68 +920,1.5907753195105776,0.09985790752217776,1.5 +921,1.90569688926253,0.0994832152260868,1.92 +922,0.8060360286318164,0.09974189410601955,0.9 +923,1.1869738348977428,0.09915715461714371,1.26 +924,1.940731122105906,0.09940236241449846,1.96 +925,0.6001367860210614,0.09967493079085972,0.58 +926,1.388844790047785,0.09896668911486652,1.34 +927,1.0487133352005464,0.09931542343084433,1.18 +928,0.9021448332326905,0.09949610439960724,0.88 +929,2.7458475150907526,0.10176799782913071,2.58 +930,1.6370609493635164,0.09948102578526087,1.6 +931,1.3382242833600635,0.09867174486515837,1.34 +932,1.373388519561552,0.09865431701558702,1.36 +933,3.514158024375214,0.11176925132433169,3.5 +934,1.3812426024458666,0.09886354317192211,1.42 +935,0.6109202133228073,0.09988122058475639,0.6 +936,0.670973877218288,0.09967376925664262,0.74 +937,1.8834553028734369,0.09936150203231003,1.86 +938,0.6174438580485606,0.09964500140753302,0.56 +939,1.5660638949206749,0.10078699474582002,1.64 +940,1.757355950725718,0.10046924505537436,1.84 +941,1.1462367292722682,0.09900729049784673,1.14 +942,1.1257460358998876,0.09907322147324289,1.24 +943,1.0795553340371675,0.09921543216663964,1.14 +944,3.068145771044727,0.11063182099717243,3.1 +945,0.5956084922415037,0.09957313982403976,0.58 +946,0.5059726768561823,0.09959631908617719,0.54 +947,0.7327496481245539,0.09970441962573823,0.76 +948,1.5314732126596062,0.0995205096547288,1.52 +949,0.44014593366135624,0.10109686986708752,0.44 +950,0.43002809082004556,0.10072931717515289,0.36 +951,2.031206605223038,0.09963084335254316,2.1 +952,0.8623587294785942,0.09983829401909321,0.88 +953,1.0365310797509302,0.09926281911670336,1.02 +954,1.9288141405560004,0.09912371840884755,1.88 +955,2.040376723589916,0.09945188179119538,2.0 +956,1.1333681866366383,0.09893509741478239,1.18 +957,1.6609167431527474,0.09959208576117036,1.56 +958,0.8966300119672688,0.09952387561676174,0.92 +959,2.293380539222164,0.09974120566080798,2.4 +960,2.245255818535875,0.10158866189407982,2.22 +961,1.8685051873193081,0.0996439236948055,1.9 +962,1.906225756604212,0.10000266400931794,1.82 +963,0.8741008877806429,0.09969789114417421,0.96 +964,1.8753263273071148,0.09925360347781373,1.68 +965,1.909378242428091,0.09939673296212949,1.92 +966,0.8995480925733197,0.09974805588467758,1.0 +967,1.8720448409840038,0.09972412777574227,1.86 +968,1.4260897695610886,0.09862885555686525,1.34 +969,3.033969800423372,0.10740612755906476,2.92 +970,1.2423846169152888,0.09919685809522187,1.22 +971,0.527273461611842,0.10168620017412187,0.56 +972,0.817736726489003,0.0997074820733694,0.84 +973,1.1850345778458127,0.09964623102620365,1.18 +974,1.9460874477721937,0.09916663857146926,1.92 +975,2.1306302493715927,0.09946219776076565,2.0 +976,2.12639375196735,0.1026682938823026,2.1 +977,1.2548376918153685,0.09924830395891626,1.28 +978,1.0787062915593715,0.09909374591280078,1.12 +979,3.7944710609971404,0.11521882928246911,3.6 +980,0.5563667934304994,0.1005049685468413,0.52 +981,2.694693330117258,0.10441911676267364,2.68 +982,1.0940562048378275,0.09912087033980871,1.18 +983,1.7155238988052879,0.09962291700742089,1.8 +984,0.6863668020607399,0.09965844881009664,0.78 +985,3.0456799427914456,0.10861976553156995,3.06 +986,1.7248010369823497,0.09994369827570729,1.76 +987,1.4502090121798055,0.09872931639043211,1.44 +988,0.7974518221109228,0.10210540341406696,0.7 +989,0.9562703235535899,0.09992695878606823,0.94 +990,1.7280058553914486,0.09922067861013753,1.64 +991,2.010125160816739,0.09961713373843761,1.92 +992,2.054123066302986,0.09908893194990419,2.02 +993,1.6964728110818974,0.10104429067179806,1.78 +994,2.110520493402455,0.10022878210615825,2.1 +995,4.429010006523881,0.13216173448593238,4.36 +996,1.4614998049722565,0.09968732220035363,1.46 +997,3.6984091831054373,0.11622356762214489,3.74 +998,1.1363663838087639,0.09890952822553341,1.2 +999,1.132908166605177,0.09903113850086932,1.22 +1000,1.8703566247651835,0.09905822438526393,1.8 +1001,0.7422158917751112,0.09975793499663138,0.74 +1002,2.3133753442264373,0.10397719774986112,2.22 +1003,1.9044216979406066,0.09940960476576295,2.02 +1004,2.780892273410754,0.10520313653640125,2.8 +1005,1.117113022078599,0.0992311782003194,1.12 +1006,0.8091994367066,0.09960437675682222,0.82 +1007,1.6028317863626362,0.09942691005839742,1.6 +1008,1.1345550643391753,0.09939346291523454,1.16 +1009,2.058448145520292,0.09959426653672908,1.98 +1010,1.3250434717980972,0.09881888295338294,1.46 +1011,2.22699329609521,0.10099355002192462,2.3 +1012,1.0941770428070192,0.09916856685147932,1.22 +1013,0.9601264188268679,0.09949049692086895,0.94 +1014,0.26214775121982536,0.10094969812922863,0.26 +1015,1.8660858468830035,0.09897192806635555,1.92 +1016,1.1224172090590165,0.09962414573500133,1.14 +1017,1.8898777109370435,0.09944838145914268,1.86 +1018,0.8314110271837911,0.09985593274508954,0.84 +1019,0.8658126145558789,0.09956778849021113,1.02 +1020,0.668869606769271,0.09984257746450902,0.68 +1021,3.139092455414503,0.10651296501880116,3.1 +1022,1.3921729393526554,0.09930742066769895,1.38 +1023,1.101898551347184,0.09881413727944446,1.2 +1024,1.4433192144768234,0.09953776857364253,1.36 +1025,1.069007449043483,0.09964936280676506,1.1 +1026,0.8522531086277574,0.10001586470713236,0.9 +1027,0.7234791796916589,0.09953019959753492,0.66 +1028,0.7951922447208666,0.09994352532669133,0.84 +1029,1.013428327624809,0.09888412715530898,1.02 +1030,0.5430038679606717,0.09961384619632256,0.56 +1031,1.4130765758046742,0.09902105682262988,1.44 +1032,2.3477233193296607,0.10073119682809573,2.48 +1033,0.9505265957933353,0.09938143446165741,1.04 +1034,1.9732847360186347,0.09935649895072171,1.9 +1035,2.1024908256047654,0.10123387366068524,2.06 +1036,1.3341605293320462,0.09924671821091367,1.36 +1037,1.4470836525768582,0.09899107584886481,1.46 +1038,2.028320956595622,0.09934966756347803,2.08 +1039,0.932007298281136,0.09963171520435034,1.04 +1040,1.9123327697611259,0.09910000069390915,1.98 +1041,1.1421705869618684,0.0991726067133691,1.2 +1042,0.7585422097383094,0.10222342649153038,0.84 +1043,1.547186080949168,0.0996200728939786,1.68 +1044,0.7174438090652167,0.09988346544631332,0.72 +1045,1.7756408506131798,0.10130488831240411,1.7 +1046,0.7845977705129534,0.09982079919546684,0.88 +1047,3.372584570841558,0.1098225534653306,3.34 +1048,0.8565475227910688,0.10007607385335895,0.9 +1049,3.2866627841050766,0.10826680939990756,3.28 +1050,1.6832579276743445,0.09940398695483331,1.7 +1051,1.6327353750301306,0.09972690079437672,1.68 +1052,0.5903036513207816,0.09987071970522651,0.62 +1053,1.9208896711414247,0.09920142113601162,1.86 +1054,1.1671885679067777,0.09925400980422337,1.2 +1055,0.5605160532949831,0.09948673924292331,0.54 +1056,3.7215456004262757,0.11713654486128575,3.68 +1057,0.6991129928794357,0.09963383313011928,0.66 +1058,0.4410128047558366,0.09984972619595929,0.48 +1059,1.175114009074364,0.10012291155542753,1.2 +1060,1.2283408831618352,0.09916339006841891,1.32 +1061,2.318421117145264,0.10043157632502492,2.28 +1062,1.0249438042148504,0.09919377852951339,1.06 +1063,2.679845692832381,0.10225293693174504,2.72 +1064,0.3632513061052485,0.10036078146429084,0.44 +1065,0.7576971282885914,0.09968799313722254,0.76 +1066,1.2826278154546251,0.0994028546910618,1.26 +1067,2.16998462061001,0.10020072029922013,2.36 +1068,0.8956623033545277,0.09986790712522596,0.9 +1069,2.6661141359739,0.10091327129989645,2.6 +1070,1.2839467251135595,0.09922756928623451,1.34 +1071,0.910063864056611,0.0999246244475252,0.92 +1072,1.5239590688254345,0.09915694195332096,1.48 +1073,0.3125666040230406,0.10132124020520632,0.18 +1074,0.9865245525556225,0.09976342074860864,1.0 +1075,1.3476259216582,0.09869075351705552,1.36 +1076,0.8071987697507204,0.09976901150107809,0.86 +1077,0.9549887192717186,0.09932162366122033,0.94 +1078,0.47010741448757254,0.09983118968336838,0.58 +1079,1.2121233518920895,0.09925857662777637,1.16 +1080,2.747829152848454,0.10145630810026886,2.64 +1081,1.9847878029973252,0.09966941053607568,2.04 +1082,1.5518474006211285,0.09994654814502006,1.7 +1083,0.9737121977464802,0.09944287244062858,1.14 +1084,1.5187085533163092,0.10073533326734792,1.6 +1085,1.0664740414451763,0.09959764384394858,1.14 +1086,1.3716298779738387,0.09896390977478618,1.48 +1087,1.589993307499548,0.09939593916908501,1.56 +1088,1.5071655061514668,0.09981703266585763,1.6 +1089,2.199999267644295,0.10034782717455451,2.1 +1090,0.9193238247093098,0.09989960678223925,1.02 +1091,1.750819828654614,0.09908518389041794,1.76 +1092,1.0528077843566954,0.09959685803217398,1.08 +1093,2.988023205465759,0.1043719710146563,2.82 +1094,2.4049966871625914,0.10023155447989472,2.36 +1095,1.8000089305281441,0.09913031643407273,1.8 +1096,0.6604584572043002,0.09965575133386903,0.68 +1097,1.8804320722895873,0.09904319966066699,1.9 +1098,1.1062662340846579,0.09943364250451114,1.1 +1099,0.9944704008963903,0.09924406539887803,1.02 +1100,0.7850231178964087,0.09968953342275726,0.84 +1101,1.4055792590716798,0.09908969628874588,1.4 +1102,1.337308391570908,0.09896765231294628,1.26 +1103,1.3219579995668915,0.0993578182352278,1.28 +1104,0.5996324749916944,0.09954336543824364,0.6 +1105,2.3408217157719955,0.10177569716698548,2.32 +1106,0.42032866172144234,0.10034014978602036,0.42 +1107,1.8912066532050715,0.09903311649672168,1.86 +1108,0.31266044024281636,0.10229664647860866,0.28 +1109,1.8287552027642142,0.09909459749550155,1.74 +1110,1.4267744701185456,0.0990198785073505,1.24 +1111,1.2987560662297788,0.10031943478234595,1.32 +1112,3.890877485217822,0.11749656826193565,4.08 +1113,2.615348080771736,0.10246346380759849,2.56 +1114,0.7634267419446992,0.09984874485271436,0.8 +1115,1.398825756423222,0.10006537723304607,1.42 +1116,2.6360243851188416,0.10540974015661551,2.54 +1117,0.2655708521058251,0.10117218465604857,0.3 +1118,1.0565707396670667,0.099501106083056,1.08 +1119,1.836072304296512,0.09925200566317624,1.88 +1120,1.3848110012764117,0.09924933253681806,1.4 +1121,1.9564797225463202,0.09916324646265622,2.0 +1122,3.6522454948638066,0.11443844593043488,3.62 +1123,1.2074843390140522,0.0996029143291739,1.24 +1124,2.2373579979497835,0.09977406776942484,2.06 +1125,2.002882609104149,0.09982821100824622,2.06 +1126,1.7811017304475463,0.09974952018941956,1.74 +1127,1.3068252958046507,0.09912708553363013,1.24 +1128,1.6874650225010022,0.09959704175235198,1.54 +1129,1.444478028744897,0.0985672903557654,1.48 +1130,0.34113641693738894,0.1004515403300193,0.32 +1131,0.8954386223701156,0.10003413717932748,0.9 +1132,1.5530940719628112,0.09982367668932063,1.66 +1133,2.0116158768385235,0.10051743691902434,2.06 +1134,1.2109198970542472,0.09936475019039083,1.22 +1135,1.1645416820243362,0.09944589134431304,1.2 +1136,0.8025770838085513,0.09984697909463622,0.74 +1137,1.2258125367508022,0.09909999712908717,1.24 +1138,1.0812647281683574,0.09905198011419013,1.1 +1139,1.3192807815630025,0.09945982198868214,1.34 +1140,0.825031993302958,0.0996019323749613,0.84 +1141,2.3684923680938903,0.10177732557422738,2.46 +1142,2.640728044921464,0.1016661617049862,2.62 +1143,0.9257305301268424,0.09967196085267803,0.94 +1144,0.7336434700234598,0.09967808817059837,0.7 +1145,1.3076475167758168,0.09937594044740668,1.2 +1146,2.226628290073138,0.10011919316010834,2.14 +1147,1.4683108725108986,0.09918854712654342,1.44 +1148,1.1244888295574718,0.1001163171634067,1.18 +1149,1.5641913687565754,0.09906072504428771,1.62 +1150,1.4462123318206188,0.09881013829356854,1.42 +1151,1.1528113117102599,0.09966787205418445,1.3 +1152,1.7447943938723725,0.09997988815660934,1.84 +1153,1.3043433611576922,0.09936297133127142,1.28 +1154,0.8216627901405793,0.09962393484395712,0.9 +1155,0.689009428233647,0.09961466706094704,0.72 +1156,2.4785346355919886,0.1046090806698423,2.46 +1157,0.9900160089589967,0.09942917650325558,0.96 +1158,1.950719084675243,0.09950907518579144,2.16 +1159,0.40383942481127444,0.10040337466691313,0.32 +1160,1.4630578079839942,0.09909480769342581,1.54 +1161,2.3870076398715563,0.10131421542912035,2.32 +1162,4.308071359594586,0.12514967919304512,4.2 +1163,1.6503921173028082,0.09972275797629347,1.6 +1164,0.31353752523547196,0.10188550325128881,0.32 +1165,2.041835085099689,0.10014185487260792,2.14 +1166,1.6950221659420037,0.10016032095432306,2.06 +1167,2.2104561100477023,0.10147014572876786,2.24 +1168,0.8361115246629971,0.09986014554623433,0.82 +1169,1.542359699215624,0.10069898030961925,1.52 +1170,1.3586283463823257,0.09965545901524867,1.44 +1171,0.9594314646981494,0.09936457033736881,1.38 +1172,1.1563690253328651,0.09904955886351532,1.18 +1173,1.9628963782005548,0.1009390328967115,2.06 +1174,1.8058181386614123,0.09911253031322842,1.9 +1175,1.3807717375476336,0.09986692586060067,1.52 +1176,2.622169884684461,0.10266160827749886,2.54 +1177,1.0259028620415058,0.1004211311773312,0.92 +1178,1.2567359598767716,0.09912978191996358,1.28 +1179,2.119745296269934,0.09940796800084165,2.14 +1180,1.7291180431403503,0.09928254613161824,1.76 +1181,1.50027702903946,0.10023285152191329,1.52 +1182,1.4972583569028621,0.09886969969859766,1.46 +1183,1.5214892775101851,0.10014651403445908,1.48 +1184,1.0742922747150068,0.09911680282228141,1.18 +1185,1.6807864678835365,0.10008106177918767,1.76 +1186,1.900660928164666,0.09952110431105286,1.98 +1187,2.131463869391653,0.1003771428747423,2.24 +1188,1.0945982425231129,0.09916919707097815,1.14 +1189,0.520582016938065,0.09967981415665648,0.54 +1190,1.48788328409399,0.09889822023943812,1.48 +1191,2.2700747216884887,0.09985158925781086,2.32 +1192,0.5434922040460684,0.1006214308565077,0.58 +1193,0.8981892900443433,0.09973360448711226,0.92 +1194,1.1283738519381863,0.099151315893982,1.18 +1195,0.9625438391387255,0.09938446186152212,1.02 +1196,0.8280618516681109,0.10001067318598837,0.86 +1197,1.4178878187500608,0.0996267144141244,1.4 +1198,1.5791423568295364,0.09913835690525359,1.48 +1199,1.174844293128374,0.09913061438685007,1.14 +1200,2.2396764101649405,0.0996649336602659,2.3 +1201,2.075617473156819,0.09968084805575596,2.06 +1202,1.4916469642752979,0.09923839104913178,1.5 +1203,0.366297848657674,0.10326741231322366,0.42 +1204,1.9413692596829015,0.0991039215949203,2.0 +1205,1.7828608140621334,0.0994478762004246,1.8 +1206,1.5856394598654482,0.09972555958473579,1.6 +1207,0.8439470022280993,0.09988716258610718,0.9 +1208,1.3203664390671441,0.09946873458995258,1.38 +1209,2.408914505854292,0.10231327606296445,2.44 +1210,1.7651036027191835,0.09952471120271926,1.78 +1211,0.43988555314381794,0.0999062548016049,0.42 +1212,1.828508614118381,0.09955050771373267,1.78 +1213,1.0682995395441075,0.09928323700765017,1.06 +1214,0.7293092111787167,0.09985784761480877,0.94 +1215,0.3160088015563296,0.10143338515229436,0.48 +1216,0.12363374276829542,0.10249725397718683,0.16 +1217,1.527955710220916,0.09904410681142366,1.5 +1218,1.4416908433856015,0.09866662225932604,1.22 +1219,1.1214212796618106,0.09921416407211668,1.14 +1220,1.3883078619172913,0.09887456253610061,1.4 +1221,0.16038923549335204,0.10364249043680637,0.14 +1222,1.7024028388521166,0.09965452625919613,1.62 +1223,1.0313990517606804,0.09918816529220552,1.04 +1224,1.0088134148452432,0.0991052057991862,0.92 +1225,1.5416229268360275,0.09898003544311262,1.46 +1226,2.439948290145904,0.10022776124516752,2.4 +1227,1.4118593622927456,0.09891900193398658,1.3 +1228,0.8100598136218984,0.09979387644849044,0.82 +1229,3.4040119235878707,0.11218625771057748,3.3 +1230,0.5850891762352723,0.10029896538429088,0.52 +1231,1.0514589496806515,0.09914727746792722,1.0 +1232,2.5728359462074026,0.10096907471382224,2.58 +1233,1.7648842520708505,0.0990826755454225,1.78 +1234,0.6165277810222427,0.0995459062536772,0.62 +1235,1.7777910705296847,0.09936389751957618,1.7 +1236,0.5149305559723991,0.09958749688358967,0.56 +1237,1.0553421886738128,0.09976916695783687,1.1 +1238,1.5803120444364331,0.09975437303857898,1.5 +1239,1.8505401967004118,0.09985410085909745,2.0 +1240,1.3717056991313903,0.09919624558109684,1.4 +1241,0.4504103775331678,0.10024489107305469,0.74 +1242,1.4748963823197563,0.09888877887564441,1.4 +1243,1.715733040628561,0.09939022611977433,1.74 +1244,3.196885615996508,0.10790479824180348,3.16 +1245,1.1334545130467795,0.09917491747019391,1.26 +1246,0.431525219334852,0.10049029660757554,0.32 +1247,1.7388324820036487,0.09931206553814574,1.76 +1248,1.1389732434810262,0.09950410623491701,1.16 +1249,0.2581553061917219,0.10200441027760385,0.2 +1250,1.003080628045901,0.09922737543636999,0.96 +1251,1.0888885092006084,0.09960027708541798,1.1 +1252,1.3516841562220783,0.09923048490351574,1.24 +1253,4.120237275289424,0.12485105332333,4.36 +1254,1.2506321844651118,0.09933876636796977,1.26 +1255,2.1229868347148306,0.09985743789396431,2.1 +1256,1.4947302087785423,0.09940789620784457,1.5 +1257,1.5480033587076114,0.09939442897935072,1.54 +1258,1.7695358399202277,0.09900252124106441,1.68 +1259,0.9198066307100852,0.09955860297040656,0.9 +1260,1.0464797690887913,0.09914125427448935,1.18 +1261,0.8760979592770901,0.09976337902700347,1.0 +1262,1.7084905158247359,0.09980403678013418,1.7 +1263,1.568881254776543,0.09937245250098965,1.6 +1264,2.2730959931480053,0.1013896546339216,2.32 +1265,1.2398742752377607,0.09919564203448168,1.3 +1266,3.0172044624889276,0.11939663576043487,3.1 +1267,1.5394064548452213,0.09988457124463977,1.6 +1268,1.1379376521833258,0.09904573160999604,1.16 +1269,1.450336322015773,0.09923890459848382,1.42 +1270,2.4834743466118896,0.10029271547061258,2.44 +1271,0.5739869064843297,0.10006792948507551,0.52 +1272,0.6117269247819912,0.09959526212382089,0.62 +1273,1.3320039335249454,0.09880299440254905,1.28 +1274,1.921348608990251,0.09917510145322614,2.04 +1275,1.0845989231719109,0.0998993824050886,1.1 +1276,1.186126885468419,0.09953309246029761,1.12 +1277,1.5426031026945857,0.09954862912601513,2.1 +1278,1.4880236945213035,0.09932508584887782,1.44 +1279,0.6006794353510407,0.09980661681713655,0.62 +1280,0.7709084027818143,0.09965957068616121,0.8 +1281,2.5198088915675045,0.10202119133061592,2.78 +1282,3.243870247405643,0.12076527187576075,3.84 +1283,1.6814230046389944,0.09930251204277839,1.68 +1284,1.37705857557036,0.09916916582349825,1.36 +1285,2.5014502603210547,0.10072662142744136,2.48 +1286,1.228849656033838,0.09985111403929676,1.34 +1287,2.266491521031381,0.10044471134822618,2.26 +1288,1.081788066528454,0.09918330026180865,1.14 +1289,1.9121705178212565,0.09917738732743106,1.9 +1290,2.9936921796068683,0.10765790011046616,2.9 +1291,1.7785841595492122,0.09923989236909045,1.62 +1292,0.9304096933080082,0.09940288104762145,0.76 +1293,0.7514626414286816,0.09962652303295821,0.66 +1294,1.6552399645001266,0.09971205903574132,1.64 +1295,0.8407407767141286,0.09969746356460524,1.24 +1296,0.6407817354903791,0.09948218977009629,0.66 +1297,1.531901076239692,0.09914231416551471,1.68 +1298,0.7928551897199234,0.09967303475822233,0.94 +1299,1.5219108244695654,0.0987764555790227,1.52 +1300,1.9942633598692232,0.10044552558245572,1.96 +1301,0.9198023665532069,0.09958621265375094,0.96 +1302,1.9200209039621725,0.09947134584029048,1.92 +1303,1.0822356376501439,0.09909467984423267,1.1 +1304,2.9148910526273726,0.10443214039949679,2.84 +1305,1.7521768470999823,0.09959138976098732,1.84 +1306,1.1699049004079505,0.09984558485178029,1.22 +1307,1.5261840760630754,0.09989053713766664,1.6 +1308,1.1974968594592503,0.09928906153557335,1.26 +1309,1.6469200918566294,0.09929561296242316,1.66 +1310,1.5859881825411868,0.09915145748155355,1.58 +1311,1.402813157715358,0.0997773412878725,1.46 +1312,1.045818958194787,0.0990782154576991,1.14 +1313,1.4796466852587364,0.1001572989736716,1.5 +1314,0.7135277922112031,0.10080002102436096,0.82 +1315,0.4982766625017454,0.09968385403574062,0.54 +1316,1.8694169551947482,0.09893644703465929,1.9 +1317,0.8304486824749098,0.10020413765883564,0.86 +1318,0.3031409316034448,0.10065069268826088,0.36 +1319,0.82643671201997,0.0998616669368244,0.9 +1320,1.9125610285812946,0.09975631991914435,1.92 +1321,0.7769977327766291,0.10049960460329417,0.8 +1322,0.8042588770162034,0.10003596024709799,0.88 +1323,2.5333792146003065,0.10040473661543085,2.56 +1324,1.1340091444535012,0.09940564111877731,1.16 +1325,1.6575045403646491,0.09969241674342397,1.5 +1326,0.8983351776193096,0.09982925106775543,0.96 +1327,1.706659395895582,0.10042562513794316,1.78 +1328,2.1556638366190564,0.0998700872535467,2.18 +1329,0.6997594747895881,0.09955019580907491,0.88 +1330,0.7096148066654215,0.09975792694126652,0.76 +1331,1.4723884338133082,0.0992758606686808,1.5 +1332,1.5119760520561847,0.09955395582772969,1.58 +1333,1.1292853663044233,0.09960000847912219,1.22 +1334,1.8038333688085053,0.09923405954096115,1.74 +1335,0.7427333578337361,0.0995384646225984,0.78 +1336,0.8840091683917926,0.0999229893441777,0.82 +1337,1.9873558414353105,0.0992092303884908,1.94 +1338,1.9887530791223298,0.10012852551237239,2.0 +1339,2.967715119802336,0.10533989557047574,2.9 +1340,0.8232218316079603,0.0998192440012541,0.86 +1341,0.7871877438342885,0.10016611075367567,0.7 +1342,0.43134245695127826,0.10016105457847059,0.5 +1343,0.4162033652789112,0.10062948888624865,0.48 +1344,1.770013193141463,0.09964837638847289,1.7 +1345,1.3012257368722053,0.09937247581628823,1.36 +1346,0.4608548728214934,0.10091188994561408,0.42 +1347,1.9431334223190369,0.09929051981783617,1.82 +1348,1.665723711316894,0.10162522578482268,1.66 +1349,3.5732036480160803,0.11610577494512102,3.54 +1350,1.8614007860297057,0.09905267027748774,1.76 +1351,0.7411334321756591,0.09966602101528388,0.84 +1352,0.7714098841382728,0.09981572618275628,0.84 +1353,1.387527661688005,0.09887489063485906,1.46 +1354,1.0152549985457646,0.09928958173702501,1.04 +1355,1.854946512376778,0.1002419833338886,1.88 +1356,3.277468537135129,0.1139416992381622,3.44 +1357,1.58268906963037,0.09972441529616399,1.56 +1358,1.0717672066859982,0.09937217999954384,1.1 +1359,1.0885492584342635,0.09882427028971627,1.2 +1360,1.9873647337382259,0.09979669628884018,2.0 +1361,1.7616297344191423,0.09923014112507775,1.78 +1362,2.4826107111100777,0.10231763163190649,2.38 +1363,2.4887790751395906,0.1005591323826649,2.62 +1364,3.199131504209043,0.1109084366616555,3.4 +1365,0.5926766021954399,0.09951332999362195,0.66 +1366,1.756457107548507,0.09931169000135595,1.74 +1367,0.9181422319096917,0.09969590060732447,0.96 +1368,1.509763950833915,0.09870370959023027,1.66 +1369,0.9323532952891334,0.09957759509529644,0.98 +1370,1.6478968854987321,0.10005574132015213,1.72 +1371,0.8642741974894583,0.1001992945152572,0.78 +1372,1.737539627272359,0.09935029062369391,1.62 +1373,1.1396005385395191,0.09914565695807835,1.28 +1374,1.195939407922048,0.09966063186433176,1.28 +1375,1.3949009802665067,0.10033186496363423,1.36 +1376,0.6176864597842886,0.09985216532186045,0.7 +1377,0.7820618382108868,0.0999089548878284,0.76 +1378,0.22214556495171034,0.10270003578526932,0.18 +1379,0.47104244530841366,0.10123368188012359,0.5 +1380,0.9589607417973844,0.09988611923671173,0.94 +1381,0.7439872340342368,0.09968539964856103,0.72 +1382,1.4515455288468722,0.09971775082540396,1.5 +1383,1.854873263113192,0.09914655234860516,1.92 +1384,1.74859008405381,0.0999321023375131,1.78 +1385,1.594792569019895,0.09973444681272815,1.5 +1386,1.1455936928553718,0.09986064195756642,1.16 +1387,0.8403401675655437,0.09962718849183397,0.88 +1388,1.995505709979242,0.09925018954268605,2.08 +1389,1.093414881131843,0.09993353844891086,1.12 +1390,4.3330610763427115,0.13460218284698766,4.24 +1391,1.79618240008421,0.09910156043155369,1.72 +1392,0.8986396152495437,0.09956473833110044,0.94 +1393,0.21158357371688719,0.10210160844834949,0.2 +1394,0.9039419420860717,0.10126300900354328,0.92 +1395,1.7755630870041947,0.09985879352956283,1.86 +1396,1.468999299036384,0.09924215324236892,1.42 +1397,1.0201393665440086,0.09964700839819837,0.92 +1398,2.2917579043433003,0.10063492877899216,2.58 +1399,1.8232453915960896,0.09952910651793347,1.76 +1400,2.286460046794958,0.09994963045053501,2.3 +1401,1.1680664108190448,0.10007774083974513,1.14 +1402,0.5162702744090601,0.09996103656216679,0.64 +1403,1.5660173125908947,0.09963076467656318,1.5 +1404,2.2457363691167354,0.1006442032134885,2.18 +1405,1.2790414566414448,0.09930482713589266,1.36 +1406,1.4034285833753521,0.09889386622747273,1.46 +1407,0.9242846040809105,0.09957847197826343,0.98 +1408,1.3379506764481384,0.09943901675135222,1.3 +1409,1.8654928807978919,0.1004819718256044,1.86 +1410,0.9609705511670945,0.09923208658064485,0.96 +1411,1.6932705392372405,0.09978247725535859,1.74 +1412,1.7747194907603123,0.09937562925471373,1.64 +1413,1.4691131050279942,0.09908298081409292,1.42 +1414,0.5696693519500478,0.0996666718045272,0.48 +1415,0.8114674727193012,0.09977165287797371,0.84 +1416,1.0423716721320069,0.09928243632872699,1.08 +1417,1.2441299448825809,0.09911464105057327,1.16 +1418,1.0756759784411265,0.09930673617213388,1.0 +1419,0.5991513684933956,0.09960849705352694,0.64 +1420,0.6896567787081842,0.0994803714572165,0.76 +1421,1.5112065914814188,0.0993118966877513,1.4 +1422,-0.23201246384353458,0.11311477841164864,-0.34 +1423,0.7397943429311915,0.1002868372671852,0.76 +1424,1.619961010649775,0.09968375726942016,1.68 +1425,1.9916612076329379,0.10178174177196102,2.06 +1426,2.8395123236296387,0.10592982164629315,2.84 +1427,1.0464412234580898,0.09922240713851833,1.08 +1428,1.952609533870853,0.09922863602259893,2.0 +1429,1.062096461657419,0.0994058519913187,1.1 +1430,0.3436367808379408,0.10066076667896741,0.3 +1431,0.4593067909142554,0.10095140317347846,0.54 +1432,0.5470256924917869,0.09977705537533584,0.54 +1433,1.7733647565019595,0.09946301480842129,1.76 +1434,-0.2205933379511642,0.11251952924122041,-0.24 +1435,1.1635208589044488,0.09959906809537764,1.22 +1436,2.8824806743533573,0.10396243640392848,2.8 +1437,1.4329743232082428,0.0987368167878415,1.22 +1438,0.816854569341573,0.09979850656917155,0.98 +1439,0.7058821831783255,0.09953170490031184,0.62 +1440,1.0989032780011534,0.10006505689311267,1.22 +1441,1.4008429293433202,0.09944046013927554,1.36 +1442,1.3524857581559864,0.09875589592753019,1.38 +1443,3.0793550021435196,0.10941696221715169,3.04 +1444,0.9987135584450904,0.09945288607399887,0.96 +1445,0.21215929117342536,0.10157195730673392,0.18 +1446,1.4092107351317942,0.09976231743034374,1.34 +1447,2.1936435888856005,0.10391138549391606,2.24 +1448,0.6894573164859643,0.09957618796021332,0.8 +1449,1.8120443268711888,0.0995428736823718,1.86 +1450,2.3093528105157306,0.10093157877771987,2.18 +1451,0.6725977435958377,0.09978008808529451,0.64 +1452,2.4692540094408324,0.1008303587555079,2.32 +1453,1.803210811121258,0.09944403080773219,1.76 +1454,0.29039432589774417,0.10253214169762193,0.24 +1455,0.8944853934751087,0.09971106592169206,0.9 +1456,1.5546452441992933,0.09941953679029979,1.58 +1457,1.5295396903106286,0.09961043884259117,1.52 +1458,1.1701378589807525,0.1003307301259915,1.12 +1459,0.5784126647802956,0.09953229659341628,0.64 +1460,2.5957015704803554,0.10055783624360144,2.66 +1461,1.0647836916374878,0.0997597672886085,1.34 +1462,2.124407770303063,0.09980629710643252,2.08 +1463,1.416797552706918,0.09950916685227283,1.44 +1464,0.4928626861641241,0.10320658574526138,0.42 +1465,2.870786590367623,0.10461258285795588,2.86 +1466,1.174484862711538,0.10017819679000535,1.14 +1467,0.7680380652369301,0.09982559349608475,0.84 +1468,1.5832104245087926,0.09945932605576877,1.62 +1469,1.4273850136588357,0.09867153060915962,1.28 +1470,0.42151049402284424,0.1009092108299367,0.28 +1471,1.7948372974972322,0.09957805742089727,1.82 +1472,1.4484149435190339,0.09910356574749027,1.5 +1473,1.3863114104801901,0.09930710143723193,1.44 +1474,0.994305253509993,0.0996142927392626,0.98 +1475,2.7557574891133045,0.10167342034681509,2.94 +1476,0.4130968845950427,0.10029101438251323,0.34 +1477,0.3462069274128303,0.10084674982048795,0.4 +1478,1.602100021918759,0.09993418116921098,1.66 +1479,1.3779483065700766,0.09913807933200199,1.32 +1480,2.281644682164953,0.10098145474433153,2.18 +1481,1.906525402216581,0.09972804044246407,1.9 +1482,1.329374730956794,0.09876716410758205,1.32 +1483,2.649410886747952,0.10327881110832221,2.7 +1484,1.7938147293795381,0.09926525133792459,1.66 +1485,1.336127969191282,0.09927666987377563,1.38 +1486,1.3186279053883403,0.09877439289233698,1.24 +1487,1.515758714046975,0.09888698923539992,1.54 +1488,1.043182846133505,0.0992056675013111,1.14 +1489,0.31205721138775355,0.10043837217539137,0.22 +1490,0.8233293354303377,0.09989449834611881,0.96 +1491,0.5056475037033372,0.09994925589345177,0.52 +1492,2.5138115398218774,0.10066957731338785,2.38 +1493,1.2721728409315964,0.10006901933605454,1.3 +1494,0.9225018952027504,0.09973402204693471,0.94 +1495,2.4788757267572104,0.10017541232985346,2.56 +1496,0.9286825930713156,0.09986803708249913,0.94 +1497,1.850372413559129,0.09920667621484992,1.88 +1498,1.7596066099468295,0.10031244234377712,1.78 +1499,0.9998190910145659,0.09949675561173463,1.0 +1500,1.2687436101955007,0.09905413874167068,1.24 +1501,3.3102482953979875,0.11661366981213214,3.3 +1502,1.0025330688515133,0.0991928436230302,1.08 +1503,2.446598670691416,0.10567200279112442,2.58 +1504,1.6516776044303476,0.09987019036703151,1.68 +1505,1.9121271779558533,0.09999256291875273,1.88 +1506,0.7753889323419478,0.09970463993966364,0.78 +1507,1.0676773632358454,0.0989186213275246,1.04 +1508,1.9115903162674044,0.09895066554146832,1.7 +1509,0.9786396756075255,0.0994614328125601,0.94 +1510,0.7506661851023118,0.09968452807372329,0.74 +1511,0.5264763647095172,0.10001184323143515,0.6 +1512,1.2013780206239637,0.0991767816847632,1.2 +1513,0.9477674878108935,0.0992506296602397,0.92 +1514,0.36384555230017024,0.10030365293490337,0.42 +1515,1.0783946855326583,0.09932079902776961,1.08 +1516,1.5402851066988041,0.10018460389508867,1.56 +1517,1.1392925421954565,0.09948129536051563,1.26 +1518,1.03449675709441,0.0994723973569557,1.06 +1519,1.2007796379738955,0.09960547323066656,1.14 +1520,1.2210825723676002,0.09910242144223531,1.12 +1521,1.7786615954813285,0.0991446216461634,1.84 +1522,1.8454987528941202,0.09901189784106869,1.76 +1523,3.203816926172874,0.1101009234380777,3.3 +1524,0.9639183198931256,0.09949992109191534,0.94 +1525,1.5365853762165862,0.09971286040955323,1.56 +1526,2.286343320771505,0.10007818950246941,2.32 +1527,1.159711445241556,0.0991750436249589,1.26 +1528,2.3754387425608003,0.1022985289922505,2.42 +1529,0.3560778006871359,0.10081285674626357,0.36 +1530,1.632633002616999,0.0995308587106738,1.52 +1531,1.3642541054755604,0.09944853065938467,1.3 +1532,1.2252207201050929,0.09983987659862734,1.3 +1533,3.2575550968214495,0.11780331111347168,3.0 +1534,0.22855298666692003,0.10128145269198612,0.28 +1535,1.0786860053843632,0.09908279885126473,1.04 +1536,1.0336566488862793,0.09914561420488602,1.08 +1537,0.9996787802548901,0.09979627465788561,1.0 +1538,1.0287916482111121,0.09930951191112096,1.04 +1539,0.46296504813833717,0.10000857365358665,0.48 +1540,0.2676443673175306,0.10080484664429615,0.28 +1541,1.9440263371750965,0.09932510002984357,1.96 +1542,1.807970836344915,0.10029682243137064,1.74 +1543,0.521742569887693,0.10007667926042227,0.56 +1544,0.8622642070916704,0.09948654714652688,0.88 +1545,1.5154335782868535,0.09931918573240538,1.52 +1546,1.4275662963456461,0.09864149299225261,1.34 +1547,1.501285287686543,0.09914539139680448,1.36 +1548,2.4147096315929497,0.1013068981469613,2.4 +1549,2.1752141779636114,0.10252977734856615,2.28 +1550,1.6465504088153728,0.09946066797382842,1.7 +1551,2.6387700124023548,0.10370650609432523,2.72 +1552,1.0348060267136752,0.09941977207297574,1.0 +1553,3.568248778349294,0.11901349527413162,3.58 +1554,2.63056801098226,0.10246077444980364,2.7 +1555,3.0346786974977933,0.10505082963223801,3.1 +1556,1.1195074202653508,0.09900955011474327,1.18 +1557,1.6567723059747415,0.09971371394057063,1.72 +1558,1.1084443758714293,0.0990810342777122,1.14 +1559,0.39043583250634195,0.10083555765929277,0.34 +1560,1.1926780550895593,0.09936829724152753,1.18 +1561,1.8948230437852096,0.09897974599278624,1.9 +1562,1.1610137292743736,0.09919668064487847,1.24 +1563,1.6368261013879184,0.09922874763284979,1.68 +1564,1.9893843894448764,0.09943262259821911,1.96 +1565,0.9551498168659982,0.10003139512631792,1.0 +1566,0.8733434781605574,0.09981465321130548,0.9 +1567,1.8867241193717497,0.09927488909793523,1.92 +1568,1.665724959169453,0.09959511325747027,1.6 +1569,3.21609364833881,0.10807518961502108,3.2 +1570,1.586762797009684,0.09924164363468985,1.54 +1571,0.8415921534059343,0.09999613717552643,0.82 +1572,0.8287709534464731,0.09965671948006052,0.82 +1573,2.032119134230844,0.10029525552025019,2.08 +1574,1.3185079172052603,0.09873251240723721,1.22 +1575,2.288147162569378,0.10361464205794849,2.3 +1576,2.539764815336498,0.10219882246580025,2.54 +1577,1.7128540759544826,0.0995369403872509,1.76 +1578,1.4069847012173546,0.09930658848481393,1.4 +1579,2.2107660529177133,0.09977700179938422,2.26 +1580,1.9372980689724748,0.0990510318750549,1.92 +1581,1.6795906315628109,0.10000932779903503,1.78 +1582,2.932832285884502,0.10483279534288854,2.98 +1583,0.6772520759948584,0.1001945544910731,0.64 +1584,1.389226893038377,0.10097878279752612,1.42 +1585,1.2001723012976064,0.09960877814273852,1.24 +1586,1.6908138239350705,0.09976456166564124,1.78 +1587,1.429272775763622,0.0987409139943442,1.42 +1588,1.6378258803010872,0.10126811340055498,1.66 +1589,0.8458178593326984,0.10040376830209637,1.0 +1590,2.021843570630076,0.10009146337123678,2.0 +1591,0.636779476662128,0.09956853581274247,0.5 +1592,1.1806256942394036,0.0998380732192498,1.22 +1593,1.5257988217240814,0.09955326987234447,1.54 +1594,0.6739583869784347,0.09986666956607626,0.76 +1595,1.6409442246211874,0.0994879500242949,1.44 +1596,0.7839817177758241,0.10031427101492692,0.76 +1597,1.3151554563779235,0.09899219485967535,1.46 +1598,1.5307630794774034,0.0992069606086913,1.48 +1599,1.896501331650598,0.09921686332688763,1.76 +1600,0.5668566888655995,0.09989382929308367,0.58 +1601,0.8642781929600225,0.09987039149610735,0.84 +1602,2.120309004050754,0.10004428732302721,2.1 +1603,1.2398090605369354,0.0992793844974908,1.24 +1604,0.5597309060195321,0.09978090310320116,0.54 +1605,0.6047624080890805,0.09965939908490795,0.56 +1606,1.3500996362269155,0.0995755273276452,1.22 +1607,1.7773687415209742,0.09950689977595535,1.84 +1608,1.0040314802370183,0.09946084596098229,1.06 +1609,4.654123262854433,0.1637858506290569,4.6 +1610,1.5652885524710818,0.10049499156090796,1.62 +1611,1.7841815008078228,0.09924893786101155,1.7 +1612,0.4035528171430165,0.10137863508022427,0.42 +1613,2.696475757350272,0.10225693280126273,2.6 +1614,2.3679100617959614,0.10018351305702809,2.3 +1615,0.6330476374850924,0.09955837916212845,0.56 +1616,1.497891067862718,0.0991368022768837,1.54 +1617,0.6831557403183985,0.09953781537583006,0.7 +1618,0.9507025872030617,0.09928437473269565,1.0 +1619,1.3917658600512375,0.09923603590374672,1.36 +1620,2.669348326671124,0.10329476210151962,2.68 +1621,0.584130745229303,0.09968121067751072,0.6 +1622,1.3180456760822288,0.09890740666030616,1.28 +1623,1.9034241025153882,0.10016260107879968,1.96 +1624,2.3121977440547647,0.10116477239412122,2.32 +1625,1.094036434753719,0.0993985864160704,1.04 +1626,2.50315576676572,0.1002535253399668,2.58 +1627,2.3130403954150163,0.09987644689450453,2.36 +1628,1.1425435060319564,0.09918151187605963,1.24 +1629,1.7499977385399113,0.09939360957471606,1.86 +1630,1.210046560901916,0.09992882873736326,1.96 +1631,0.9329839481207933,0.09949303553790412,0.96 +1632,0.9922976460565784,0.09947131020176563,1.1 +1633,1.0438944093144122,0.09901559126606689,1.1 +1634,0.9730754139289466,0.09919767050163923,1.0 +1635,1.1488371518836977,0.09938777822639584,1.22 +1636,0.7949170179988563,0.0998457633562816,0.8 +1637,1.8242026489281329,0.09930390332823896,1.84 +1638,2.558396671703144,0.10169980239961884,2.52 +1639,1.0671049353818425,0.099117872707148,1.16 +1640,0.9678001356993782,0.09936195858549465,0.84 +1641,0.6726819243097217,0.09961110215781546,0.6 +1642,1.0949852660672412,0.09967531651692596,1.14 +1643,0.8493789879513975,0.09986540617011574,0.88 +1644,1.3718782910754832,0.09864045445357848,1.38 +1645,0.8484993119920012,0.09996550640766384,0.82 +1646,1.8326363066799238,0.09942807907091576,1.84 +1647,2.092181569515952,0.09991846561659044,2.0 +1648,0.5541649008378691,0.0997632263309867,0.52 +1649,3.489396106401146,0.1198438615358271,3.44 +1650,0.8838519769600957,0.10092664196497587,0.92 +1651,1.0728318126676093,0.09928259884806091,1.14 +1652,2.546177651040776,0.1007178251932648,2.52 +1653,1.8401740645734044,0.09934735755470064,1.88 +1654,0.5320401172484217,0.09963279942392536,0.5 +1655,0.8567524468546004,0.09968885577547654,0.9 +1656,1.9032810319094622,0.0993581803054031,1.88 +1657,0.9800476223921428,0.09925744873510438,1.0 +1658,1.78231816948825,0.1014009390963166,1.84 +1659,2.0153461558144317,0.09974066505868234,2.18 +1660,1.5633750360880334,0.09947939566140701,1.56 +1661,2.3023429438793253,0.10071334993683695,2.26 +1662,1.6605943020252745,0.09966598005759207,1.68 +1663,1.5820368763859711,0.1006122873095986,1.58 +1664,1.3809063606867518,0.09905913194567773,1.3 +1665,1.2424578574028906,0.09940551083700408,1.22 +1666,1.9207407603649578,0.09924899616394076,1.86 +1667,2.7145339268238944,0.10184628274762138,2.76 +1668,1.5610411447531056,0.09970434680856284,1.5 +1669,2.23146171708379,0.10136884361465076,2.18 +1670,1.8197422519662971,0.09934854721858143,1.82 +1671,3.010434351380227,0.10793889969218988,2.96 +1672,0.9350939778425917,0.0996357432734385,0.94 +1673,1.2652303484923386,0.09948424025780048,1.16 +1674,0.3557650655908169,0.10077384026543107,0.54 +1675,1.1404514884885948,0.09918341393840456,1.16 +1676,1.2445384641548436,0.09943579297496705,1.28 +1677,0.9367915565081695,0.1000861082281089,0.9 +1678,0.8570262251935012,0.09966777266507948,0.84 +1679,1.1790111674766457,0.0994849204442109,1.12 +1680,1.257381704262287,0.09918255036227226,1.32 +1681,2.9576574607999584,0.11057599035372992,3.18 +1682,1.0192582576567666,0.09964721524253312,1.06 +1683,1.9948748729699382,0.09936847055574444,2.14 +1684,1.8257040007432728,0.09921101784469759,1.78 +1685,1.4486628906497792,0.09924938010301396,1.56 +1686,0.6780810564932558,0.09950224966392546,0.64 +1687,0.6130986899492334,0.09997874492484217,0.62 +1688,1.8812150742442177,0.09942183753253782,1.84 +1689,1.4589792420689072,0.09897266186593988,1.5 +1690,1.8897260598826768,0.09974965615767584,1.92 +1691,0.843454590040978,0.09975663307798417,0.82 +1692,2.229605097363657,0.10043694324763032,2.36 +1693,2.829792219012874,0.10764763970176135,2.76 +1694,2.0723469081895525,0.09988688507190206,2.04 +1695,1.6052149104238402,0.09952230364114932,1.5 +1696,0.8521949689740616,0.09958180058257013,0.86 +1697,2.3541104400048427,0.1001206954124836,2.16 +1698,0.8606336810485693,0.10019923342298047,0.9 +1699,2.2226629529841526,0.10073225696420395,2.34 +1700,2.1494947531320188,0.10007148551968319,1.94 +1701,2.253605625546606,0.1000820364275103,2.2 +1702,1.2553876402443656,0.09973632045511754,1.3 +1703,2.489764738363019,0.10042899069343306,2.44 +1704,2.797760163931369,0.1086471232959862,2.78 +1705,2.4157776123698733,0.10075016022920352,2.48 +1706,0.7217102605253636,0.10028344614117007,0.76 +1707,1.6313094982643441,0.10002322862242312,1.66 +1708,2.1008084945026875,0.09978344314857805,2.2 +1709,2.443105362788132,0.1009919799421425,2.44 +1710,0.6212203407205059,0.09948817319445599,0.6 +1711,0.8089755145615036,0.09973186492863773,0.9 +1712,1.1467587699699855,0.09977119699334487,1.04 +1713,1.4490584055138747,0.09953366757429084,1.48 +1714,2.4602260594675878,0.10015526193853423,2.48 +1715,0.19061392160784574,0.10267783308855817,0.12 +1716,0.6287780149229227,0.10533509016759644,0.5 +1717,0.491999818827616,0.09964551744287854,0.5 +1718,1.7258971994226975,0.10157126212582028,1.82 +1719,1.0324119024138276,0.09899741373574152,1.04 +1720,0.04508221421723557,0.1035951590355293,0.02 +1721,0.6260762155833681,0.09958439334509593,0.5 +1722,0.9527975526848145,0.09963715896439077,0.86 +1723,3.375497684052072,0.12346701386654617,3.48 +1724,2.0751547552559737,0.09942745732118616,1.96 +1725,1.3719432735911432,0.09979825861434155,1.46 +1726,2.168530016259102,0.09990088580937209,2.22 +1727,1.2317486075661683,0.09923285415811245,1.3 +1728,0.05696635174809184,0.10481606880785212,0.0 +1729,1.1413040283412819,0.09985947482001999,1.14 +1730,1.1152939557562795,0.0992877550220638,1.22 +1731,1.2599012154001492,0.10021414145040097,1.24 +1732,0.8342412878266934,0.0999031480997435,0.86 +1733,1.6018954738341271,0.09929878945807588,1.56 +1734,1.5537506409998378,0.09983136792080698,1.58 +1735,1.4115759801673853,0.09933112824495682,1.38 +1736,2.846129914673811,0.1070571119067123,2.78 +1737,1.3694915852555816,0.09900266626270664,1.32 +1738,1.7585340354305827,0.09936495941718812,1.76 +1739,1.1708417048992181,0.09939898818008981,1.2 +1740,1.4208462224662675,0.0987220015721778,1.52 +1741,1.9259255635879604,0.09950883888599445,1.82 +1742,1.7032393148317204,0.10008878104336598,1.68 +1743,1.24429468924614,0.10067764171718106,1.46 +1744,1.2795910270962743,0.09934934250931543,1.28 +1745,1.5478030861855678,0.09919939492662178,1.58 +1746,1.3845928461550876,0.09982065129904981,1.42 +1747,1.2702732561075727,0.09921433663001565,1.34 +1748,1.449169247685689,0.09869566687231537,1.6 +1749,0.41231972880396195,0.10138490142011433,0.4 +1750,3.0989923871065637,0.10655091151842487,3.24 +1751,0.371041976415335,0.10013051495892064,0.36 +1752,0.8650936619769645,0.09996722762968345,0.84 +1753,0.8095047103274104,0.09982466511705183,0.82 +1754,1.1139119813835527,0.09936096299664846,1.14 +1755,0.8716957226413136,0.09955691742187434,0.82 +1756,1.6916045206644845,0.09936904404440207,1.64 +1757,1.3580037501765012,0.09948303010161476,1.34 +1758,0.5731814050316337,0.09971585245740479,0.52 +1759,1.0821271218170103,0.10052359620594198,1.12 +1760,1.4144731114644251,0.0986204562926687,1.44 +1761,1.5285261203840868,0.0995405812482274,1.5 +1762,0.44705843502772136,0.10087399286104227,0.46 +1763,2.622737732081874,0.10456493199711528,2.68 +1764,1.1121481528306638,0.09898982238309867,1.12 +1765,1.0303302056267902,0.09924842243952223,0.98 +1766,3.214765105304278,0.11386066390287888,3.26 +1767,1.1097805265468004,0.09966710343175278,1.08 +1768,1.1584683628371273,0.09973027437075781,1.22 +1769,1.5672241332181194,0.09950746306057948,1.58 +1770,2.2609975035866627,0.10004171826900425,2.38 +1771,2.716178143687956,0.10459037597794546,2.64 +1772,1.1565252454426023,0.09911591040702336,1.22 +1773,2.830266499026071,0.10914149667937104,2.74 +1774,1.2358059229783371,0.09971105314810116,1.28 +1775,2.924298232438475,0.10904594561128807,3.02 +1776,2.395921552402993,0.10066841791161898,2.34 +1777,2.9034791102153514,0.11005271949634385,2.98 +1778,0.7087170857852676,0.09994175527414005,0.78 +1779,1.5795634255924262,0.09974546107798606,1.6 +1780,1.3232928441880538,0.09902647461049865,1.36 +1781,3.0430436104857757,0.11224068401055044,3.42 +1782,2.5911374193418455,0.1022502451301115,2.48 +1783,0.45815779037567306,0.10103614051936476,0.5 +1784,1.6978965372726342,0.09969172473928,1.74 +1785,0.7641767667715633,0.09956502107665706,0.74 +1786,1.4397298177242355,0.09945814199069476,1.44 +1787,1.634319954138541,0.09938251631787247,1.72 +1788,1.1835394121308276,0.10035315054228565,1.28 +1789,0.7329269464837018,0.1000530261584221,0.78 +1790,0.4416128779386461,0.09988804326398355,0.52 +1791,2.352135076062198,0.10030836624371899,2.44 +1792,2.34270592917476,0.10098652560276274,2.28 +1793,1.2251478599745276,0.0997106385451842,1.26 +1794,2.413347155783975,0.10032954241068094,2.32 +1795,1.7541669164235507,0.09988819599075163,1.82 +1796,1.588410116312702,0.10020687629118293,1.62 +1797,1.867047394209149,0.09995352060090858,1.8 +1798,0.43673853449604105,0.1035458177110755,0.6 +1799,2.495172046655445,0.10048468110948976,2.32 +1800,1.5673395166951003,0.09930292373368306,1.56 +1801,1.5674114990030155,0.10014406076574571,1.64 +1802,3.959723487740523,0.11882738897254129,3.88 +1803,1.7273704905530145,0.09917714961856608,1.68 +1804,0.7188686738435031,0.09958163041411984,0.76 +1805,2.6390686771251533,0.10467085837469255,2.66 +1806,1.6514078160998131,0.09919558053396473,1.64 +1807,1.051636383041825,0.09912100849371167,1.02 +1808,2.583993838557519,0.10084503239793595,2.3 +1809,3.384806386445196,0.11472507706792168,3.52 +1810,2.1232087046811623,0.09996592700312275,2.12 +1811,1.577540792109695,0.09961035846391611,1.54 +1812,0.930121514746191,0.09962614156071674,0.94 +1813,1.698386482537942,0.0995013401206021,1.66 +1814,2.4124526839511136,0.10031499072460526,2.26 +1815,1.5585549993610648,0.10055147205189092,1.6 +1816,1.2655663706358176,0.09947764151732444,1.34 +1817,1.2413524930858635,0.09957893996967494,1.18 +1818,0.4135275563108045,0.09998464188439002,0.4 +1819,1.0350507178671158,0.09949375558688259,1.02 +1820,1.9722589700179263,0.0991194702552178,1.94 +1821,0.549355519846167,0.0996655929656853,0.6 +1822,0.8590713201235267,0.09961266324027644,0.88 +1823,1.8402487245591181,0.09919055704253385,1.84 +1824,1.4985041447914476,0.10037671993930732,1.5 +1825,1.086767820512592,0.09896971762790485,1.06 +1826,0.5993058071792425,0.10218014931351545,0.62 +1827,0.15546804862543406,0.10231391790054317,0.18 +1828,1.1640708871811263,0.10008103230618974,1.08 +1829,1.6678949339519995,0.09930740276535283,1.62 +1830,1.9341894383134182,0.09914470433693484,1.9 +1831,1.4220486611289267,0.09885299786471757,1.44 +1832,0.9862385541964833,0.09974582394359778,1.0 +1833,0.4598591884398935,0.09969885846937569,0.48 +1834,1.0145197897841107,0.099445815396265,1.12 +1835,1.2368825192813595,0.09960676102337365,1.26 +1836,1.832772024033045,0.09922816312060427,1.82 +1837,0.9505699303513857,0.09942917829943108,0.98 +1838,0.800633975279269,0.09965455581073189,0.82 +1839,1.1845844307693703,0.09966339533713148,1.24 +1840,2.344931763014409,0.10112629808162102,2.3 +1841,0.9462758924802734,0.09986648274409836,1.02 +1842,0.6737629172899708,0.10003308902122965,0.64 +1843,1.988834138394339,0.09987406260499382,1.98 +1844,2.197819826629858,0.1005986999111206,2.26 +1845,0.6727913382734989,0.1003301585823989,0.74 +1846,2.33449319661331,0.09982729376099886,2.32 +1847,0.16744899901478827,0.1020911190643704,0.14 +1848,0.8908328690752831,0.09955212016064494,0.82 +1849,4.321736461170311,0.12594735307849997,4.24 +1850,1.16413723788611,0.09913027953971082,1.24 +1851,0.6116771678382384,0.10221008327465525,0.6 +1852,1.477218998488987,0.0988847764324409,1.4 +1853,1.8644997541874566,0.09905817847384586,1.98 +1854,0.8452939837535716,0.09978037935571071,0.84 +1855,1.1445523492585046,0.09984513409457782,1.24 +1856,0.9856344612235979,0.09963648209241471,1.0 +1857,2.7299154443330353,0.10184746226236166,2.8 +1858,1.9814408897548865,0.10028969893936202,1.98 +1859,0.766775044481421,0.09975601136182073,0.78 +1860,1.7870407625374447,0.0994407574030021,1.72 +1861,1.5543490770349997,0.09947804030366206,1.56 +1862,2.7394760396699427,0.10526421698710395,2.86 +1863,0.6857884781194776,0.09965865472988532,0.58 +1864,0.8171632275445979,0.09957665038248828,0.82 +1865,0.44045844044495364,0.10136129095091087,0.4 +1866,1.465453332854964,0.09878416491440489,1.44 +1867,2.2741690634545906,0.10041449162715181,2.16 +1868,0.9046908346686144,0.09932925998893494,0.84 +1869,0.413434511094146,0.1002199722292282,0.48 +1870,0.6336741505403019,0.09977205442994436,0.68 +1871,1.3989658880113545,0.09868930561679623,1.28 +1872,2.583975184497608,0.10221544545650796,2.54 +1873,1.1491017912999346,0.09990105254828978,1.2 +1874,1.257150482365369,0.09960277964044549,1.34 +1875,1.3703482223982355,0.09894725484070621,1.32 +1876,1.7674815395228591,0.09907253181413664,1.82 +1877,2.3150411915896543,0.10000556187813091,2.16 +1878,1.6158032524085761,0.09967364187095573,1.7 +1879,1.7372188247247606,0.09914631329231434,1.56 +1880,0.6434413031664981,0.10014396935099071,0.66 +1881,1.9095843549846883,0.0990604444170692,1.86 +1882,0.9174812186572445,0.0999322790377715,0.92 +1883,1.1120083648987993,0.09898001982420605,1.16 +1884,1.4144723214269639,0.0989603893927592,1.4 +1885,0.22544047972094883,0.10158200892845017,0.24 +1886,1.5672200726085712,0.09965578573187028,1.52 +1887,1.2821289042134232,0.0992485228135866,1.26 +1888,0.6720901195824147,0.09959661130133572,0.76 +1889,1.4120834648678062,0.09890045984637981,1.44 +1890,1.0692393694657276,0.09938990722638526,1.06 +1891,1.8931072148118602,0.0990569071114213,1.94 +1892,1.0339197190773681,0.09948316265761803,1.06 +1893,0.9585953387144961,0.0993697379497764,1.0 +1894,2.893797070022491,0.10448997712464063,2.92 +1895,1.811491309325082,0.0996537302636229,1.76 +1896,1.5054505473899702,0.09902017289652282,1.5 +1897,0.43076585169500414,0.10226395648902672,0.44 +1898,1.8021159109163747,0.09933287168398147,1.74 +1899,1.0510764057516588,0.0991105076394407,1.16 +1900,0.20754837985762076,0.10170909426523148,0.06 +1901,1.4469116092964363,0.09925397848823202,1.54 +1902,3.22690803723975,0.11032474686974801,3.34 +1903,0.5274251921973849,0.09967747045458575,0.52 +1904,1.1888134007828064,0.09925406553010947,1.26 +1905,0.8464655505953196,0.09986934522954993,0.84 +1906,1.5457934898452101,0.09952324250843142,1.48 +1907,0.428927268260584,0.10116658739433484,0.42 +1908,1.7928749024724702,0.10027292720493862,1.82 +1909,1.8788837940883283,0.09962901023050222,1.96 +1910,2.1476690279437642,0.10181344246894733,2.2 +1911,0.824151291368225,0.10000955858617776,0.9 +1912,0.6126066171157099,0.09969940893397684,0.78 +1913,2.408779606271527,0.10143401855657258,2.52 +1914,3.109217329334599,0.10749749951081403,2.94 +1915,3.1449060221453573,0.11256015246087618,3.22 +1916,1.0954202892457807,0.09913221592188377,1.12 +1917,1.4533817019147157,0.0985506569301295,1.58 +1918,2.1390988778390296,0.09980178409730862,2.1 +1919,1.0509454808711431,0.09941265731800993,1.2 +1920,1.0018375703173639,0.09956163559604339,1.02 +1921,2.2997199596888196,0.099856533821117,1.94 +1922,1.745920417409654,0.09939976030014598,1.72 +1923,1.329377998529872,0.0988324731058014,1.4 +1924,1.75263627506136,0.09934935566315863,1.76 +1925,1.9323432134511556,0.09964704027487102,1.78 +1926,1.9598152978698955,0.0999248372858641,2.02 +1927,2.093521738392174,0.10080605038783534,2.12 +1928,1.9784637703154793,0.10084308308179585,1.76 +1929,0.9688610748752644,0.09933631597088549,1.06 +1930,1.7037754164516208,0.1012757356795783,1.7 +1931,1.0010435219618266,0.09924288005748892,1.04 +1932,2.601277574980579,0.10426545695786961,2.5 +1933,0.9817890904908431,0.09980414759467973,1.04 +1934,0.671753509223749,0.09974971431727815,0.74 +1935,1.322642110742884,0.09947181541841126,1.36 +1936,1.5950619818509615,0.09935817058640199,1.58 +1937,0.7848309366757042,0.09956249127674145,0.76 +1938,1.558274121240715,0.0996347491421624,1.32 +1939,2.265136046344968,0.09978075128711127,2.28 +1940,1.9151282978977846,0.09948251724152661,1.98 +1941,1.0411756559022656,0.09978579305253028,1.04 +1942,1.160524898148325,0.09937313514851162,1.18 +1943,1.6642319213746368,0.09934959956907922,1.62 +1944,1.2848991354605352,0.09909775208420926,1.42 +1945,1.2425565203476274,0.099619595669722,1.3 +1946,0.43596207670734866,0.10000401794127155,0.4 +1947,1.295974388469994,0.09984656306037666,1.32 +1948,0.5732623616378383,0.10024168631830262,0.66 +1949,1.723523317566827,0.0997890172611124,1.58 +1950,1.5693930565528695,0.10042975900472222,1.58 +1951,1.6137492123211465,0.09961334065343479,1.7 +1952,0.24681404991567457,0.10161806454552623,0.3 +1953,1.7106549347628188,0.10054720584522021,1.66 +1954,1.4151088765774709,0.09854186899684424,1.44 +1955,0.6775393609319884,0.09980553952984421,0.66 +1956,0.5641385215905508,0.09977415421969187,0.56 +1957,1.2774350702645882,0.09945049658411009,1.26 +1958,0.8171773973180343,0.09966862283998812,0.9 +1959,0.8361029841534282,0.09983474443191236,0.8 +1960,1.778051004844486,0.09972633717281375,1.76 +1961,0.9949671776501396,0.09943445514307067,1.0 +1962,3.996889728025585,0.13546325410997553,4.12 +1963,1.1603041168273271,0.09972381712904643,1.2 +1964,1.3406022244332767,0.09899105954873696,1.34 +1965,0.6167257991218527,0.0996885498186464,0.74 +1966,1.8811174032058744,0.09958912976712375,1.92 +1967,0.708637386469946,0.09958773427983389,0.72 +1968,1.0562449762716575,0.09960492509342948,1.04 +1969,0.557776817891402,0.10083552709355899,0.56 +1970,0.4998299201544334,0.09959795712068745,0.44 +1971,1.5508919403026062,0.09952860005558528,1.56 +1972,0.5596890775948331,0.09959835943587209,0.44 +1973,1.6339988677528943,0.09943816677634397,1.6 +1974,0.6340173815320973,0.09953368277985614,0.56 +1975,0.5114039233034056,0.10395680151852311,0.5 +1976,0.6257551857271231,0.09955148169953071,0.72 +1977,1.0515354243881994,0.0992835246014801,1.1 +1978,1.9851794161497025,0.09969388306058867,1.96 +1979,0.6973651579129274,0.10024495591049208,0.72 +1980,1.7848395374189259,0.09931389079732954,1.88 +1981,0.623315503631894,0.0996931282947651,0.68 +1982,1.1909963669958692,0.0991346427343824,1.18 +1983,1.0737086118055152,0.09927504801620063,1.12 +1984,0.43298383336860335,0.10035809283058271,0.46 +1985,0.8553094395751948,0.09991157554097926,0.94 +1986,1.2109311388854642,0.0990677495642987,1.34 +1987,3.3902293429298824,0.12087756139241865,3.36 +1988,1.950671801220765,0.0995714726616139,2.1 +1989,1.4371485734940712,0.09927911218065022,1.46 +1990,1.961622222912635,0.09932587941667925,2.06 +1991,0.35864660634640866,0.10109500445345843,0.38 +1992,0.8954317969965266,0.09976666812706325,0.72 +1993,2.0583805849441044,0.09926469697393406,2.06 +1994,1.097663564144647,0.09920889016088351,1.14 +1995,0.4599720979557922,0.1036453526405659,0.6 +1996,0.948724291006976,0.0995209305648446,0.98 +1997,1.0927164437147148,0.0991148126342756,1.1 +1998,1.0211718556026035,0.09922301659664182,1.04 +1999,1.6206067430353464,0.10016085438551234,1.7 +2000,1.0317776848036366,0.09894019827733137,1.18 +2001,0.5105269416479821,0.09991939745683714,0.44 +2002,1.6795795540753928,0.099968773006208,1.74 +2003,1.2136626348204167,0.09976860655807619,1.32 +2004,1.059744067078882,0.09902314667861532,1.0 +2005,1.0279564732441606,0.09915522117067505,1.2 +2006,0.6061680254822412,0.09974922109147737,0.64 +2007,0.8563621937335533,0.10027238349257683,0.84 +2008,1.7169893538649361,0.09923086219628323,1.7 +2009,1.7714754018360679,0.0992887921146107,1.84 +2010,1.1273961444007916,0.0991478558971258,1.2 +2011,0.7810352701092362,0.09957994370040836,0.74 +2012,1.705087634161402,0.09995774732994966,1.6 +2013,1.1861463653402928,0.09959606251189382,1.26 +2014,1.0495337134402838,0.09922329646487876,1.08 +2015,1.9890804915513562,0.09976946227018993,1.96 +2016,1.15139670229376,0.10079929192800101,1.14 +2017,1.6353713991278418,0.0994984897986903,1.6 +2018,1.335969405881692,0.09899989191762892,1.38 +2019,0.7401815879097178,0.09999511187776888,0.7 +2020,1.9917476546404742,0.0993529619015849,2.04 +2021,1.52261024677911,0.09899695263522026,1.44 +2022,1.8768256998096688,0.09902125331905844,1.94 +2023,1.2499392882881686,0.09973724540890819,1.24 +2024,3.111024403428183,0.11226308280304699,3.04 +2025,1.542724912490187,0.09979214584966303,1.5 +2026,1.4020655599315865,0.09871616164811241,1.46 +2027,1.2677401475411478,0.09940316708157776,1.42 +2028,0.9416562157734922,0.09946655250022479,1.0 +2029,1.518424473459732,0.09884172857554392,1.54 +2030,1.753183614689285,0.09983170222688656,1.88 +2031,1.9533185210712396,0.09914309111477095,1.88 +2032,1.2702342224767527,0.09967144121860659,1.28 +2033,0.7145004382785636,0.09966431222335331,0.8 +2034,1.3864653398500628,0.10013661322393483,1.48 +2035,1.0026508657647504,0.09957069415681265,1.06 +2036,1.832933204235865,0.09968583012868724,1.72 +2037,0.7251586417049303,0.09985565936577347,0.78 +2038,2.1653616993990896,0.10150045994237938,2.18 +2039,1.4593692687161102,0.1001244041954934,1.56 +2040,0.889898921318008,0.09962403949958577,0.96 +2041,1.1959224163508828,0.09989987573228755,1.22 +2042,1.3373325853603724,0.09907234033924128,1.36 +2043,1.646669860063647,0.10130808501553147,1.66 +2044,2.769600739279075,0.10238003369495581,2.7 +2045,0.8998449734876395,0.09961510327391744,0.92 +2046,2.4479376693139345,0.10321484267883524,2.52 +2047,1.0913279514744907,0.09926189090076612,1.14 +2048,0.7234910628240321,0.09963267312104147,0.78 +2049,1.2622235759926788,0.09928160797696022,1.3 +2050,2.8097326913613765,0.11384334422542225,2.98 +2051,2.247455528061601,0.10083431504000682,2.18 +2052,1.525224477740047,0.09967195791694383,1.5 +2053,1.096745160852621,0.09915114701994879,1.1 +2054,1.4743408733503365,0.09917187822494479,1.48 +2055,1.5228824030720964,0.09939681969066828,1.52 +2056,1.707646937749012,0.09954200252906154,1.6 +2057,1.2022454120396382,0.09918487192921323,1.24 +2058,0.9661338619423894,0.10016032288179529,0.9 +2059,2.202303179375389,0.09985986393248741,2.2 +2060,3.3561259893473947,0.1093662526242158,3.28 +2061,0.7722975033939725,0.09980720691966388,0.8 +2062,1.693847229050207,0.10218813004166984,1.76 +2063,1.7092958573705566,0.0995664851758028,1.78 +2064,2.329013018977311,0.10095642753200403,2.16 +2065,1.9312787907118938,0.09934648849873348,1.94 +2066,1.0920296161283793,0.0991447261987912,1.0 +2067,1.5218677613439986,0.09881129851182974,1.46 +2068,0.8471996944514266,0.09968147257002839,0.84 +2069,1.9331216979709331,0.09913330474316925,1.88 +2070,0.6233207454189873,0.10043682260106566,0.72 +2071,0.8767028647828077,0.10012088767334576,0.84 +2072,0.2219115830655276,0.10130824438512893,0.06 +2073,1.6249703790879912,0.09919155079473321,1.56 +2074,0.9931473700608897,0.09953548004590687,1.0 +2075,1.74786027527933,0.09914192807836064,1.68 +2076,3.1015716211260527,0.10769893666567755,3.12 +2077,1.1311289101096171,0.09991810124335626,1.2 +2078,1.7673074732699383,0.10109279892744201,1.8 +2079,1.4382239814739755,0.09953401886843379,1.28 +2080,1.2724609525474058,0.09906557279913808,1.24 +2081,1.242572990699039,0.09924971048892138,1.28 +2082,1.493223738477753,0.10058314665870334,1.42 +2083,2.0516789430119298,0.09985594913687243,2.02 +2084,1.8353008680027088,0.09933612898624958,1.84 +2085,1.1303629374167066,0.09939357691125224,1.08 +2086,2.0156114115049464,0.10313461481065499,2.02 +2087,0.5043388084270866,0.10003376517072811,0.52 +2088,1.0609308614554969,0.10031818047684463,1.1 +2089,2.487542001694238,0.10001355659347341,2.36 +2090,1.7994213259638066,0.09938404745648209,1.72 +2091,0.9515009080606525,0.09932338527467925,1.02 +2092,0.9750297566001513,0.10006241232086525,1.0 +2093,1.9180200655549633,0.10122400734223513,1.8 +2094,1.0685337965319597,0.09912197776152673,1.08 +2095,2.4224506911207238,0.10086584450774601,2.34 +2096,2.6326921571505126,0.10077327297491569,2.66 +2097,0.6906999663202533,0.09978410239235799,0.64 +2098,0.7348178767326352,0.09991108060071524,0.76 +2099,0.7436266201818718,0.09978604928721344,0.8 +2100,0.898689488589995,0.09996293434830243,0.94 +2101,1.8564198706642372,0.09897791247838245,1.86 +2102,3.6320034140383166,0.11583871791587198,3.68 +2103,1.7646407224622898,0.09975539394156238,1.8 +2104,0.7781629006787589,0.09977722211066484,0.74 +2105,0.9682028457588963,0.09963269204371566,1.04 +2106,1.056547365504074,0.09949204148589495,1.18 +2107,2.0758907927503403,0.1006040224655245,2.12 +2108,1.1689784246161714,0.09970497651213141,1.1 +2109,1.5354376711128175,0.09945072323841332,1.58 +2110,2.23697911082816,0.10150753452174265,2.32 +2111,1.3818713336037483,0.09904681140963145,1.6 +2112,0.22183210836511402,0.10124256239477938,0.18 +2113,1.2202547234673424,0.09941762321485825,1.3 +2114,1.6065328149111273,0.09989729547720357,1.52 +2115,1.5893141204757775,0.09910697889351312,1.54 +2116,1.1725262076656342,0.09978088443218991,1.24 +2117,0.34718337978047553,0.10133305234693127,0.46 +2118,1.4661855635763537,0.09898013638960822,1.68 +2119,1.6844265270873826,0.0998044831965036,1.66 +2120,0.8172910680218031,0.09967579585788454,0.84 +2121,1.1871462693272938,0.09994677110187197,1.24 +2122,1.5420835889383617,0.0992999512983507,1.5 +2123,0.9451095652891517,0.09942524776776217,1.02 +2124,2.117495400229765,0.10002873308802857,2.04 +2125,1.0431376089896325,0.09934580299969487,1.1 +2126,1.2865068383601688,0.09957792764052766,1.36 +2127,3.78199845545046,0.11377043869661392,3.76 +2128,1.4977318496594456,0.10001369967283158,1.54 +2129,0.9516196359685558,0.09953293660625892,1.02 +2130,1.0557189268922833,0.09973865527708489,1.14 +2131,1.5270441730605675,0.10066546301508754,1.56 +2132,2.3071190757899283,0.10128365883252019,2.22 +2133,1.1556695973209166,0.09911003458723888,1.12 +2134,3.08302234350628,0.11328253991994068,3.16 +2135,1.5961833433627255,0.10031262064358766,1.72 +2136,1.3393802964416615,0.100562207134012,1.3 +2137,0.9143055211896332,0.099552770950092,0.88 +2138,0.5748998922190516,0.0996492744281565,0.64 +2139,0.48064682075223497,0.09982514819614895,0.46 +2140,1.1213822065944477,0.0993368678245297,1.12 +2141,0.506075796533694,0.1003405519665759,0.44 +2142,1.2031215248510427,0.10053744553482831,1.16 +2143,1.247927114036252,0.09999198588476604,1.32 +2144,1.251015255899916,0.09914403546763881,1.32 +2145,2.3584407783700643,0.10221790125621527,2.38 +2146,1.5394966060211892,0.09925470988422168,1.54 +2147,1.3059242824612347,0.09966729649083393,1.28 +2148,1.5748722008790288,0.10007241128667221,1.7 +2149,1.6593361895400924,0.0998376701546591,1.82 +2150,1.056543625079734,0.0990143589270666,1.04 +2151,0.3512381767567738,0.10425454285737357,0.4 +2152,0.9175172711652386,0.09982720779631471,1.02 +2153,1.0426693905756401,0.09949157585682916,1.06 +2154,2.3897803962934576,0.10045167482565778,2.34 +2155,1.5041857727442867,0.09935296983434584,1.4 +2156,0.703271561257943,0.09954733910830649,0.74 +2157,0.6644233703407643,0.09950021374996977,0.72 +2158,0.6220134291784383,0.1007837980107528,0.56 +2159,2.4381311243971355,0.1012642645212961,2.44 +2160,2.0938801190276353,0.09960706366471858,2.0 +2161,2.2869352984230646,0.10061487774372263,2.1 +2162,1.6977508925803313,0.09985780300194977,1.76 +2163,2.370574370515677,0.10098830258456905,2.48 +2164,2.4959848466444017,0.1014412265319576,2.58 +2165,2.3149481554585103,0.10159644374874285,1.98 +2166,1.9586490997607526,0.09935908678764264,2.04 +2167,1.5833035161738216,0.0997674436812347,1.52 +2168,2.451211351722802,0.1004729133949664,2.44 +2169,0.6878688556968136,0.09949599395832283,0.7 +2170,1.287026468515834,0.1003481447075271,1.26 +2171,1.3535520934706333,0.09867670491574433,1.36 +2172,0.6467303814313474,0.09988420510953681,0.64 +2173,1.7392881480375315,0.09985421404203694,1.8 +2174,1.5990354142584458,0.10128869588398655,1.7 +2175,1.8520573651670424,0.09987348576833618,1.86 +2176,1.6442220168467763,0.09932742935671489,1.62 +2177,1.3271387174779512,0.09956992281649257,1.3 +2178,1.2721698090915872,0.09950695609145462,1.3 +2179,0.8440082017603607,0.10064098758804176,0.82 +2180,1.8344062403643917,0.09907057853899764,1.92 +2181,2.2215815295279073,0.09985035474771493,2.18 +2182,1.728418689511529,0.09992674684637051,1.78 +2183,1.6879497832076218,0.0995800279639085,1.76 +2184,1.9042341272068526,0.09907008090641516,1.86 +2185,1.8754587722437257,0.09928785034564788,1.86 +2186,1.1531052924697824,0.09919716228248833,1.1 +2187,1.9724454607895587,0.0996269696278601,1.96 +2188,1.3899656339224442,0.0986750782853712,1.4 +2189,1.903838221106686,0.09919294414336813,1.92 +2190,0.6733672115730094,0.09981241596496523,0.82 +2191,3.805152814679748,0.11933117026413757,3.94 +2192,2.224194308174792,0.10028832096269127,2.26 +2193,1.9891357089557047,0.10151877927587548,1.96 +2194,0.5543959076130782,0.09979412200475375,0.56 +2195,0.5244139084443169,0.09990403670630134,0.48 +2196,2.666730859548548,0.10388042060632305,2.74 +2197,1.208193582376375,0.09940738064967704,1.2 +2198,1.0978161808398503,0.09947552743191054,1.1 +2199,1.6501289015727785,0.09927417830758162,1.54 +2200,1.816980530939248,0.09950368314419333,1.82 +2201,2.0243745938540316,0.09926408678169871,2.08 +2202,2.398679004395242,0.10004859646906614,2.46 +2203,0.2598279724635979,0.10320960306891885,0.2 +2204,1.3946891829467496,0.0989440271816081,1.44 +2205,1.9369566057573884,0.10019766433633,1.78 +2206,0.8270606172011064,0.09964229525969703,0.88 +2207,2.749350385275716,0.10344894477684122,2.8 +2208,1.8552206504546624,0.09930483961056978,2.12 +2209,1.0636751296401392,0.0989367420945441,1.08 +2210,0.9088658782151746,0.09961942026083943,1.04 +2211,1.1818044139674988,0.09942790654523777,1.18 +2212,0.407115363294708,0.10021072994986338,0.38 +2213,1.092719542446823,0.10045604341327379,1.06 +2214,3.154767800779301,0.10801537889985599,3.2 +2215,1.5380423661045632,0.09993103934299617,1.54 +2216,1.5763234921756328,0.10044571493148183,1.56 +2217,0.9758310130334358,0.09920544970719547,1.08 +2218,1.6453663073909588,0.0995021007132694,1.64 +2219,1.573246129498721,0.09925812823362343,1.54 +2220,0.7091624045968394,0.09951516484063366,0.74 +2221,0.8017188446264292,0.10032109521184492,0.76 +2222,0.7960337362948529,0.09971223502309383,0.78 +2223,2.4369163253335815,0.10043105007296213,2.3 +2224,0.6551997908317311,0.09983439702762559,0.8 +2225,1.3419830516212918,0.09893850291703528,1.36 +2226,1.793535578092073,0.09962919901568532,1.86 +2227,1.8704990420263214,0.09893037201348256,1.94 +2228,0.49773177883981456,0.0996960130092048,0.62 +2229,1.1339201822006266,0.09908008218075803,1.08 +2230,1.3049275358331662,0.09893945755306023,1.36 +2231,0.9976045904053528,0.09939418367894208,0.96 +2232,2.8905786908541424,0.10622052555387576,2.96 +2233,0.8013422913758397,0.09990197706600244,0.82 +2234,0.9889134199756178,0.09932675965079361,0.98 +2235,0.7947542093646198,0.09992042275590503,0.8 +2236,1.3080662896740953,0.0993266514298753,1.26 +2237,2.1005926212005095,0.1010075671197764,2.14 +2238,2.2903235086102756,0.10460201874153097,2.26 +2239,1.007112869976759,0.09924183393604012,1.1 +2240,0.6620163863176891,0.0996889391028046,0.76 +2241,0.6988949141899432,0.10013570327849271,1.28 +2242,1.30480863034471,0.09966508583760365,1.4 +2243,1.3353407565002022,0.09903433667225643,1.38 +2244,1.1062878881872542,0.09897794141793764,0.98 +2245,2.4409031134291483,0.09998447209726222,2.42 +2246,0.742384571068748,0.09987336218155457,0.72 +2247,0.8788278014314421,0.09953622086661366,0.92 +2248,1.2099865454140264,0.09923827557537028,1.2 +2249,0.8160111644013532,0.09963444673281092,0.98 +2250,2.1147813725996523,0.10255694907747663,2.14 +2251,1.3692064743870567,0.09887954288654187,1.34 +2252,0.6909278901196962,0.09984518037110472,0.7 +2253,1.858986177254075,0.09939049276552075,1.86 +2254,2.9245542917257277,0.105960288764775,2.94 +2255,1.1375536795864967,0.09899955618229885,1.18 +2256,1.82949434788327,0.09901603836857847,1.86 +2257,1.8913541057444838,0.09914970952713134,1.82 +2258,4.16644305245022,0.12108724315554532,4.18 +2259,0.3947610006546689,0.10017940314149817,0.46 +2260,1.241282314371049,0.09931296336285958,1.38 +2261,0.8406538956631102,0.09962875628824558,0.82 +2262,0.8425960018626675,0.09962235684782471,0.8 +2263,1.1912804625424662,0.10099913467972521,1.16 +2264,2.5857305090093456,0.10360768211459613,2.5 +2265,1.7512367118556937,0.0992830200426711,1.76 +2266,2.6356751280129354,0.10158703875704465,2.68 +2267,1.1885742785468103,0.10040330629555894,1.3 +2268,3.483415110676245,0.11623595407250407,2.74 +2269,0.42534630690399733,0.10002317571752534,0.46 +2270,2.2074559004352468,0.0995548063679366,2.22 +2271,0.9512728454880779,0.09959804575724157,0.98 +2272,1.0715389311936938,0.09991689528224611,1.12 +2273,1.62370939975169,0.09908998833481476,1.66 +2274,0.9771260169282463,0.09925306691161767,1.0 +2275,0.6681279046631452,0.09970304554185452,0.66 +2276,1.423877188337365,0.09874051167729604,1.34 +2277,1.160628141009483,0.09942757333268365,1.16 +2278,1.222413552672976,0.1003061637121834,1.28 +2279,2.5165566573846307,0.10254926462791907,2.5 +2280,1.6316823293299414,0.10027653607752023,1.76 +2281,0.5290128478545248,0.09977672295014299,0.46 +2282,0.8167663413075068,0.09959875435600316,0.74 +2283,1.3660733600025103,0.09920285270883508,1.26 +2284,1.1955461626347421,0.10008772012747759,1.28 +2285,0.31755981606583883,0.10058904043466292,0.3 +2286,4.2100933905671605,0.12253616601834007,4.12 +2287,1.2473795303066886,0.09937068445942263,1.18 +2288,1.2427356632660895,0.0996386307228867,1.34 +2289,1.9283745655114692,0.09946499786892699,1.7 +2290,0.8359449119450353,0.1001017145149168,0.86 +2291,3.831199850996051,0.11838766432080451,4.26 +2292,0.9914135419510763,0.09920180088380576,1.02 +2293,2.422207489925129,0.10100371746273042,2.36 +2294,0.7035292029275915,0.10016276671577912,0.76 +2295,2.21296079962885,0.10120650360361487,2.22 +2296,1.8384266772238547,0.09908084330170007,1.82 +2297,1.6548541790080769,0.09942569898894432,1.68 +2298,1.8322700408422576,0.09912500899208508,1.82 +2299,0.9302251812833269,0.09994248584246188,0.98 +2300,0.7463934877549725,0.09999286187085969,0.8 +2301,1.457228337525813,0.09847259070254026,1.34 +2302,1.3641521908730005,0.09898013167435452,1.42 +2303,0.9885751296137648,0.09929527576682295,1.04 +2304,1.9452627307727723,0.09938525909040227,1.92 +2305,1.79890740220575,0.0993890475228918,1.78 +2306,1.6411833292927092,0.10028253632628036,1.72 +2307,2.2893553944667184,0.0998323053010962,2.34 +2308,0.7668419137982034,0.09976767254282679,0.78 +2309,2.0198323575275987,0.10187259206136033,2.06 +2310,0.8772933100384825,0.09944867632747798,0.84 +2311,1.1993203561452297,0.09910411848070066,1.24 +2312,1.664835261354235,0.09963218328334336,1.56 +2313,0.6594627306682532,0.09977330551584966,0.64 +2314,0.3930722402702933,0.10156113666498719,0.26 +2315,1.610738061553939,0.09931193439081956,1.56 +2316,1.3931432359603242,0.09889869829418287,1.46 +2317,1.3923819493807066,0.09865226917701332,1.42 +2318,1.91185421610447,0.09917110228929528,1.94 +2319,1.056919705928579,0.09895802529260268,1.1 +2320,1.3486377450678269,0.09885835027843753,1.5 +2321,3.144879437510668,0.11289988248245358,3.08 +2322,1.5184796883936336,0.09989233114734966,1.52 +2323,0.6362665079530607,0.09991983334912329,0.6 +2324,1.0772303109688088,0.09894421513725275,1.06 +2325,1.4540462192724142,0.09891607374904804,1.46 +2326,1.653491425710407,0.09951624628053628,1.6 +2327,1.1880600905493501,0.09936056970659007,1.14 +2328,0.7351582641606178,0.0995945806414918,0.78 +2329,2.735810599728773,0.1082139548111039,2.76 +2330,3.6322391409521666,0.11827307678543503,3.62 +2331,0.6893761168572758,0.09971452128679185,0.76 +2332,1.1563329459768787,0.0991907667275235,1.12 +2333,0.6509910400275494,0.09970031571977504,0.6 +2334,1.5784025620685902,0.10004266245073584,1.68 +2335,1.9021031569330524,0.099327521097067,2.08 +2336,2.1595150178334217,0.10124485808405206,2.24 +2337,2.272968891251769,0.10113495920375863,2.36 +2338,0.9386624781676935,0.09949396420173157,0.96 +2339,2.026161130862339,0.09920705062458916,2.0 +2340,1.1892007737829864,0.09929138986491641,1.18 +2341,0.9334799324476968,0.09938240606404829,1.08 +2342,1.1914660982354526,0.09940900175756054,1.26 +2343,0.9086188860597211,0.09948360179495412,0.94 +2344,1.5320187467172282,0.09901139983190707,1.5 +2345,0.7029461982877627,0.09958984650823778,0.76 +2346,1.87909394376154,0.09942901479367768,1.84 +2347,0.9249634722668609,0.0999683124905787,0.94 +2348,1.934882303536473,0.09903319912276125,2.0 +2349,0.7935526524228471,0.09999866891458999,0.84 +2350,0.6593721990555543,0.0996199122615322,0.72 +2351,1.1237730162782789,0.09941256974502662,1.16 +2352,0.4616167383887919,0.10191400965601619,0.56 +2353,1.8659892518526184,0.0997717377113787,1.96 +2354,1.7060008675557732,0.0998344852289026,1.84 +2355,2.1485556110892086,0.10186106480027281,2.22 +2356,1.944553750255335,0.09917710437632324,1.92 +2357,0.896245240884334,0.09995405844689188,0.94 +2358,1.2819383448550574,0.0990764856992208,1.36 +2359,2.901825774459277,0.10570762946073388,2.96 +2360,0.7144303586523939,0.09971325988589007,0.74 +2361,2.453606520173765,0.10173112113739154,2.42 +2362,2.1699816409800023,0.0996913705549677,2.22 +2363,1.923329854708215,0.09921833265815083,1.88 +2364,1.7858376648901568,0.10046091459168166,1.86 +2365,1.1086616446732769,0.09890079282613243,1.14 +2366,0.24873454644193838,0.10596874415505456,0.18 +2367,2.441684912467502,0.1004329438467152,2.64 +2368,0.9939121229755876,0.09940127493615743,1.0 +2369,4.124250496765975,0.12997668374929958,4.06 +2370,1.9106871118531046,0.09922202534478108,1.96 +2371,2.6984630620608536,0.10386535113816342,2.56 +2372,0.20803837909322875,0.10261781347111545,0.14 +2373,0.320559101208439,0.10111171871791998,0.22 +2374,1.5850965604045164,0.09928106369718638,1.64 +2375,1.0401751596108688,0.09910953815709134,1.04 +2376,0.9094869386708886,0.09958874904400279,0.86 +2377,2.0195238179674684,0.10057637354013618,2.02 +2378,1.7301941551343922,0.0996018841530494,1.78 +2379,1.0739092753107975,0.09999676659778678,1.1 +2380,0.2468404796479795,0.10107981631580913,0.18 +2381,1.5936385008332585,0.10016123118947493,1.66 +2382,0.7478742054631062,0.09969395037748464,0.7 +2383,0.9835078587122872,0.0996761052624612,1.02 +2384,1.3646350436242265,0.09884635577279996,1.38 +2385,1.047283793878983,0.09992569198958656,1.06 +2386,1.9978515791812377,0.09916645896673848,1.98 +2387,0.7325025717107543,0.10099739497145997,0.78 +2388,1.129742285262261,0.09999933652139197,1.12 +2389,1.4955950141203054,0.09895399937110189,1.38 +2390,1.4171791113422578,0.09970939324792394,1.5 +2391,0.2638622519513667,0.10181866406109105,0.28 +2392,0.3664361646948542,0.1002090265338988,0.3 +2393,0.08727899803098249,0.10327575834464577,0.04 +2394,0.6250621947901827,0.09962355322509721,0.66 +2395,0.19497693662886273,0.1015460878603333,0.12 +2396,1.7850614618813807,0.0994057413511214,1.8 +2397,0.7707139825324709,0.09963336398257117,0.84 +2398,0.5847159486860682,0.10041567514929417,0.62 +2399,0.6194659860988814,0.09970433630518348,0.58 +2400,2.1330718970192004,0.10014877449910951,2.28 +2401,2.4290758568995487,0.10094511412945668,2.3 +2402,2.5276368545741272,0.10067541441399708,2.48 +2403,2.202259014877211,0.10056195661613639,2.18 +2404,1.484457034618459,0.09904600053868105,1.46 +2405,1.8282681093806594,0.099093413971618,1.88 +2406,0.6288882342455444,0.09968652660193174,0.54 +2407,1.7121450080987166,0.10028423300944381,1.74 +2408,0.6949136514189653,0.09965065796816175,0.74 +2409,1.4377720888958982,0.0995173318972318,1.46 +2410,1.9560080291153035,0.09955937626155321,1.98 +2411,1.0288215679412651,0.09911541272619226,1.1 +2412,0.4244083564060339,0.10015095871664073,0.42 +2413,0.5198145851336811,0.10009718064288053,0.54 +2414,3.4685416619590344,0.11364951560070433,3.42 +2415,0.6485406529884379,0.09960996286062175,0.68 +2416,1.8592144195025753,0.09910336228250724,1.84 +2417,3.31434081582949,0.11063517211984313,3.26 +2418,1.8735845892667207,0.09903773930681688,1.76 +2419,1.057525547865979,0.0992663624576239,1.12 +2420,2.9178488925267922,0.11255062269853616,2.92 +2421,1.0157645963003652,0.09966526914803492,1.06 +2422,1.5186396493257213,0.0989491345697883,1.42 +2423,0.6156981716310035,0.09986326539061598,0.66 +2424,0.41059745770039124,0.10065241273316794,0.52 +2425,1.2635050821144496,0.10061632925774387,1.32 +2426,0.9227327947243615,0.09962358589592903,0.92 +2427,0.6693285852401452,0.0998097643110127,0.66 +2428,1.5186348292301524,0.0993321649493418,1.42 +2429,1.1110631474764652,0.09919196148941908,1.12 +2430,0.6532450074133471,0.0997861041534839,0.72 +2431,2.1066833365612796,0.09932549371609202,1.98 +2432,1.963685625614066,0.09957800698335381,1.96 +2433,1.5390656805984768,0.09906733626635861,1.68 +2434,0.7882468011962238,0.09996235532437416,0.78 +2435,2.961210515196048,0.11102997221393826,3.0 +2436,2.4797431798755243,0.10078822830317578,2.36 +2437,0.22986600161275983,0.10110172553846813,0.36 +2438,0.4399378604407722,0.10158701023089783,0.5 +2439,1.6577857644106622,0.100109880935232,1.74 +2440,1.4959961737227594,0.09898301674731667,1.52 +2441,2.374486138171595,0.09986218797093634,2.36 +2442,0.5806984779256517,0.10011209511814531,0.56 +2443,1.5090259917086761,0.10026560699505986,1.54 +2444,0.8375260302696013,0.09977286140843286,0.84 +2445,1.26134229835828,0.09934593185534202,1.42 +2446,2.3113448811251773,0.10430413200497506,2.34 +2447,1.4109718933692796,0.10010453143788653,1.42 +2448,1.4174358545232202,0.09864699457008934,1.48 +2449,1.6282604246086272,0.09947818058892971,1.92 +2450,1.573132089300558,0.09956932496105556,1.56 +2451,1.175842973393835,0.09929254913535002,1.24 +2452,1.300826086702046,0.09924784529773424,1.26 +2453,3.1577904640609953,0.11565203400172401,3.14 +2454,1.1782541582260542,0.09985715456847723,1.3 +2455,2.6715391334240346,0.10237075205344688,2.54 +2456,1.1467301140376172,0.09895496132350166,1.28 +2457,0.7997469578923748,0.10025000703396848,0.82 +2458,0.9956960389420508,0.09929036840925597,1.12 +2459,2.885073634953991,0.10615471491515872,2.82 +2460,1.1493407862456457,0.0992681313602698,1.1 +2461,0.8339112249963214,0.09985481908870317,0.92 +2462,2.1061742762504077,0.09929152810300332,2.1 +2463,0.9165279974183569,0.10008451392237104,0.94 +2464,2.6778396308353125,0.10197319653027678,2.62 +2465,2.430023434206668,0.10100039733301759,2.38 +2466,1.1378902315006492,0.09894975159984813,1.32 +2467,1.5044748033089526,0.09915912709120182,1.5 +2468,1.0536833434957493,0.09928377074538676,1.1 +2469,0.9109299853635597,0.09946935509022177,0.9 +2470,2.0830775184706676,0.10000045379228009,2.22 +2471,2.047388648871931,0.09924034912423922,1.94 +2472,0.9892969595516738,0.09965074524290898,0.96 +2473,1.6807994571269809,0.09967290121234307,1.68 +2474,1.3027299477866812,0.09926355345026022,1.36 +2475,0.5346191730350263,0.0997553661693961,0.5 +2476,1.42498452486467,0.09847636058218454,1.26 +2477,0.47043524013773985,0.09974752202118885,0.44 +2478,1.0609643882580506,0.09910897411693141,1.1 +2479,1.6945421255931172,0.09935612894661776,1.7 +2480,3.7866081738845816,0.11384801422252719,4.0 +2481,2.069979526259872,0.10115931789724056,2.04 +2482,1.03494927297399,0.09926837694899977,1.12 +2483,0.8087409136160424,0.0999753502071816,0.86 +2484,1.4078605066387702,0.09877996079373631,1.4 +2485,1.7650376669654164,0.0992043282123025,1.64 +2486,2.3402906744651313,0.10014362263378003,2.32 +2487,1.865741861189435,0.09900946590485593,1.94 +2488,2.1452148749882065,0.09977477529160451,2.18 +2489,2.6931135315690904,0.10197741593453523,2.84 +2490,1.5833617225553318,0.10026436858330282,1.46 +2491,1.9120097553126143,0.10037022534590957,1.98 +2492,1.090388825814238,0.0995696732767557,1.1 +2493,1.6987073332155738,0.09959639159149467,1.76 +2494,1.276627258207484,0.0999521883826205,1.34 +2495,1.2983089993523158,0.09893390381366758,1.26 +2496,3.080873632244569,0.110402979013849,3.18 +2497,2.030863329217895,0.0995880631889545,2.08 +2498,1.4432827255401868,0.09920738984885931,1.38 +2499,2.258890046976867,0.10126560561857638,2.36 +2500,1.0831826884726687,0.09924840365459282,1.0 +2501,0.715065334969119,0.09977179201149419,0.72 +2502,1.330496984022404,0.09970081795468064,1.28 +2503,2.4976766024557735,0.10187215452266592,2.36 +2504,1.5003491096867243,0.099255542588547,1.46 +2505,2.392816539276148,0.10078501152953362,2.4 +2506,0.9565839511806977,0.09940174571846566,1.0 +2507,0.9583307054573786,0.09976164981567685,1.12 +2508,3.659738649551991,0.1133776782326918,3.58 +2509,0.7426215040227795,0.09956866008464897,0.78 +2510,2.9094082978630427,0.10389814602362743,2.94 +2511,1.009541052578428,0.09909604904456235,1.0 +2512,0.6689061182152407,0.09989829307830186,0.8 +2513,1.4527890755650084,0.09973075639149417,1.5 +2514,1.1997393881742375,0.09932887252078776,1.26 +2515,1.1165833706509154,0.0989820253891161,1.2 +2516,0.49809173916872207,0.09977628291944429,0.52 +2517,2.4944884672851524,0.1028563893104731,2.5 +2518,1.592080023666228,0.10011489085730171,1.44 +2519,1.649648940164483,0.09980268356430497,1.62 +2520,1.6175832044759282,0.09964601502182807,1.64 +2521,4.547611233147017,0.14315321126830624,4.42 +2522,2.5634474357851866,0.1024716233193733,2.48 +2523,1.308332422114632,0.10035759354335455,1.34 +2524,1.7799030246186518,0.09915807906220521,1.76 +2525,0.645723000347673,0.09967639484267786,0.66 +2526,1.095134390908776,0.09934584384652045,1.18 +2527,0.3299717733003653,0.1010683217388254,0.3 +2528,1.1343539876673325,0.09962116226673864,1.26 +2529,1.6653654737486938,0.09964392129497307,1.68 +2530,0.7904952923046984,0.0997298202900902,0.8 +2531,1.0086052714275986,0.09950069088262155,1.08 +2532,0.2845929827454803,0.10150465519421438,0.06 +2533,1.977650483073863,0.10156296014113056,1.88 +2534,1.077408428508577,0.09927363674016494,1.08 +2535,1.46908474823448,0.10027309470026984,1.42 +2536,1.8356712349588313,0.099451113883226,1.86 +2537,1.5950181067184352,0.09910133456861595,1.54 +2538,1.3251204606334432,0.09894804327444472,1.4 +2539,2.376379512691771,0.09983114574414874,2.4 +2540,0.8730011717600312,0.09974364405892949,0.84 +2541,2.518063353180847,0.10144962064787176,2.48 +2542,1.2549420904820898,0.09908684785113386,1.26 +2543,2.094610234270598,0.10114413289373587,2.14 +2544,1.4476425484242845,0.09877551397801321,1.4 +2545,2.205936097337223,0.0999436451521742,2.2 +2546,2.429179436245236,0.10046253124702097,2.4 +2547,1.0060799531956668,0.0992154530861806,1.02 +2548,2.496839669966012,0.10103756490618385,2.42 +2549,0.7413996993124179,0.09976042223652229,0.6 +2550,1.5205296244444788,0.09906695422268293,1.54 +2551,0.09967013377267331,0.105449326503413,0.1 +2552,2.3695801131088325,0.10012903759480694,2.34 +2553,2.3574401016420135,0.10232830997622226,2.34 +2554,2.245388255883946,0.10273004380679208,2.06 +2555,1.7765204574494937,0.09946469493641466,1.8 +2556,0.7666429671553068,0.09969492646613,0.78 +2557,2.053615466117976,0.10035456543144158,2.06 +2558,1.7088924199948756,0.1008156841320507,1.76 +2559,1.284158925880427,0.0992783459187508,1.34 +2560,0.6627208237151911,0.10010147189628615,1.08 +2561,0.8263127301793396,0.10013408573960862,0.88 +2562,3.5247945143477404,0.11209705341349292,3.5 +2563,1.498432070882665,0.09915980894685307,1.5 +2564,0.9726001219950937,0.0995573945638362,1.08 +2565,0.8532796034412875,0.09964070331973812,1.04 +2566,1.1383151960545923,0.100019488605111,1.24 +2567,1.3710334557097645,0.0994803133498612,1.38 +2568,1.756582031887551,0.10130987919952775,1.8 +2569,2.733828293049876,0.10334566111890067,2.72 +2570,1.0403390620624513,0.09922267039500035,1.04 +2571,1.0369569608243985,0.09966477627561404,1.06 +2572,0.7720235405660609,0.09986048435652227,0.78 +2573,1.0147332913680323,0.09943977639713643,1.0 +2574,1.7243691385301971,0.0991505215054986,1.68 +2575,0.9487110473321401,0.09987883801480495,0.92 +2576,1.165098810086875,0.09934056215960695,1.22 +2577,1.4613292927116255,0.09861039144079588,1.36 +2578,0.9965296214500163,0.09963116307693769,1.02 +2579,1.204438577695101,0.09922706984582018,1.18 +2580,3.1111792825023317,0.10753073177084112,3.0 +2581,1.4936911397041122,0.09922411826010512,1.5 +2582,1.2944628467642978,0.09939905704930854,1.26 +2583,0.28502100060279,0.10263158162830187,0.2 +2584,1.0999705635135093,0.09899137779483955,1.06 +2585,0.8516580765243311,0.09988042313296999,0.9 +2586,1.5198005405802923,0.1004537569514883,1.56 +2587,1.5133343873216425,0.10005115422883805,1.62 +2588,0.8766621908841123,0.0999143702212928,0.92 +2589,1.4219957910994345,0.09894971981924039,1.14 +2590,0.4117357834513633,0.10011077360550537,0.5 +2591,0.6073158233065079,0.09960764657160398,0.64 +2592,1.2646449405795017,0.09929053886545837,1.34 +2593,2.695538203386648,0.10254008248871897,2.72 +2594,1.1817295297509112,0.09936292977699167,1.16 +2595,1.7075840652592873,0.10008322018798961,1.72 +2596,2.249552649511629,0.1012915228692433,2.5 +2597,0.8915853130478133,0.100036843567885,0.96 +2598,1.9817737749433995,0.09989142422146828,2.08 +2599,2.0680390041410464,0.09993349254531785,2.06 +2600,1.2533111705453954,0.09957322287540782,1.28 +2601,2.303397462728676,0.09994629273108203,2.22 +2602,1.0915725966515317,0.0991434523207676,1.08 +2603,0.47883885818106076,0.10266315526859031,0.42 +2604,2.480203187525377,0.10299750207550352,2.44 +2605,2.1675606403946484,0.0997992947533372,2.14 +2606,1.2209150995176408,0.09910394581798106,1.18 +2607,1.5852550786423272,0.09946524464760481,1.5 +2608,0.7930968424409393,0.09960664148545466,0.62 +2609,3.966087048894278,0.1285800600498445,3.7 +2610,0.5602576081249147,0.09988728865999127,0.62 +2611,0.5800379071161792,0.09975057001663833,0.54 +2612,1.3857490819865965,0.09904486891691786,1.38 +2613,1.052781759030048,0.0994589990074679,1.04 +2614,1.081861877043395,0.09924519493415042,1.08 +2615,3.173820420029334,0.11055374214266511,3.2 +2616,2.2193306727739577,0.10028020218391125,2.28 +2617,1.075641681774777,0.09911642206106885,1.12 +2618,0.6926131702979255,0.10001039017259666,0.68 +2619,1.2246334058895634,0.09951805955450904,1.24 +2620,1.6933691085380438,0.09960293040458894,1.72 +2621,1.5448757648153666,0.0997153413342837,1.54 +2622,1.5261215587523302,0.09980693991689485,1.48 +2623,1.858879537902898,0.09928219449553229,1.84 +2624,1.1828102816886747,0.09926051811891023,1.2 +2625,1.39618419179616,0.09871687976036574,1.36 +2626,1.5642924059567214,0.09914352665328283,1.6 +2627,1.287725221769464,0.09902423033337915,1.18 +2628,1.1888772298756016,0.10127327971062206,1.18 +2629,3.22626116733601,0.1311617602791301,3.2 +2630,1.0016851766559547,0.09954808406378855,1.02 +2631,2.628042171271791,0.10221884227485681,2.86 +2632,2.3766039577775055,0.10141533824487317,2.44 +2633,2.255396700354983,0.10081262608716447,2.3 +2634,0.7555201466733201,0.09961343970106573,0.76 +2635,1.8829118827786118,0.09971065183193027,1.9 +2636,1.006248403308782,0.09910834417398103,1.1 +2637,0.6685583636694552,0.10160746485443961,0.74 +2638,0.7465017112771697,0.09961437370283784,0.8 +2639,1.72696077453027,0.10007253458331916,1.72 +2640,0.47781501025372175,0.09983390754313333,0.48 +2641,0.9804648342187157,0.09946021190437139,1.1 +2642,0.7092424424937753,0.0996118295174448,0.7 +2643,0.5659716205001437,0.0995367552244364,0.62 +2644,0.8355302788866588,0.09976909951113429,0.92 +2645,0.8478445631181095,0.09963210370989416,0.88 +2646,2.089647663392161,0.1007108221070175,2.06 +2647,0.7773960728783471,0.09986481175822186,0.8 +2648,2.766138755778859,0.10670471083426697,2.86 +2649,2.1184101545511043,0.09938334680718991,1.94 +2650,1.636270157985188,0.10092997984994123,1.68 +2651,2.292466384800396,0.10046011471604255,2.3 +2652,1.8163647343110305,0.09942506615797085,1.84 +2653,2.1338526263822937,0.10027857445142796,2.12 +2654,1.3595633629570052,0.09878764130374025,1.4 +2655,0.26039810429205157,0.10113761619296434,0.18 +2656,0.14019788040568026,0.10603084497620104,0.06 +2657,2.342444515589066,0.10024796305638409,2.46 +2658,1.885279561987972,0.09917209654879665,1.9 +2659,0.5978620878316654,0.0995268043920556,0.68 +2660,0.700151877949019,0.0997044600393795,0.56 +2661,0.9348930803691864,0.09931230423632241,0.94 +2662,1.5401708509328678,0.09883180972051764,1.54 +2663,0.927352614695139,0.0995674423600404,0.94 +2664,1.7616542764314722,0.09914080237523303,1.72 +2665,1.15329812518521,0.09918544416899963,1.1 +2666,1.7219962428785827,0.09936384908503497,1.74 +2667,1.8651066420488867,0.0993103192484794,1.94 +2668,1.6107968532929469,0.09935900413635812,1.54 +2669,1.4687807627222191,0.09938667434377713,1.46 +2670,1.0264978434566252,0.09904752148997968,1.0 +2671,1.4347071643208131,0.09845563503214495,1.36 +2672,3.7454118115213513,0.11570398976640917,3.56 +2673,1.469455136778884,0.09965289586750777,1.46 +2674,1.2781646909200155,0.10041609591857745,1.26 +2675,1.188505637993736,0.09910402767664991,1.14 +2676,0.7208906768619705,0.09960239734297792,0.68 +2677,1.3687730457964526,0.09875502010973944,1.52 +2678,3.4241318825728237,0.13002601384140577,3.42 +2679,0.469462240473576,0.099693148593961,0.5 +2680,1.6582968795910566,0.09936965546791553,1.58 +2681,3.6873337188020914,0.11514688321411702,3.6 +2682,0.8044154712921034,0.09978946391666657,0.94 +2683,1.4075206843334491,0.09985928273802111,1.38 +2684,0.7646742850980679,0.10070030133824806,0.74 +2685,2.3306931889483673,0.10047669584628569,2.4 +2686,1.0424292524204695,0.09962941228585527,1.12 +2687,1.149112450247238,0.10023686379479049,1.14 +2688,1.7691442614806803,0.0991506142564051,1.68 +2689,1.0864127684398077,0.09904402608048583,1.18 +2690,1.1606765748819121,0.09917729221100093,1.24 +2691,0.7768268453576048,0.0996874413593047,0.7 +2692,0.8606086246507736,0.0997894925139984,0.84 +2693,2.734490934666998,0.10379698605660977,2.7 +2694,0.6593492269833454,0.09980354225146734,0.66 +2695,1.1546552969437236,0.09910858785892519,1.22 +2696,0.24627875856146342,0.1037598642065916,0.3 +2697,2.014141208119711,0.09939490057124498,1.94 +2698,1.1033204677654929,0.09985443107780248,1.1 +2699,2.101118003502596,0.09996591508866087,2.14 +2700,1.1206829570817411,0.09905793517750298,1.1 +2701,0.7914138576087957,0.09960804447076739,0.84 +2702,1.4810839448304172,0.09962830427209479,1.5 +2703,0.3636173349988574,0.10022598882948974,0.3 +2704,0.19847109765051907,0.10150989387658331,0.12 +2705,0.7664748697382897,0.0997343038194795,0.86 +2706,1.0830289911558573,0.09963176073180659,1.1 +2707,0.576495612147881,0.0998544793706895,0.62 +2708,0.8478241363007022,0.10154278752970558,1.18 +2709,3.26703051234798,0.11610233865653498,3.94 +2710,1.625988409233323,0.1012208964629397,1.74 +2711,1.32030513598609,0.09887517205095141,1.2 +2712,0.26122851136528946,0.10535452484357385,0.18 +2713,0.6233912599793576,0.10001727055968615,0.6 +2714,2.8391609721800792,0.10577685348438605,2.94 +2715,2.836141469524372,0.10322133802578506,2.62 +2716,2.8586485944484687,0.11908628954326174,3.04 +2717,1.0445608666332624,0.09897012203193975,1.12 +2718,1.0702630687663948,0.0990154262650631,1.08 +2719,1.2192319582388584,0.09947736731521459,1.3 +2720,2.4472753601568344,0.1017850360219725,2.46 +2721,1.868614176158595,0.09980882014340947,1.92 +2722,0.8188624141186274,0.09989305899602657,0.8 +2723,0.8209173853231497,0.09965999544366554,0.86 +2724,1.923594738501216,0.09948645637417887,1.88 +2725,1.358272752754062,0.09888549662258346,1.4 +2726,0.5555290423676176,0.09960033375124142,0.58 +2727,0.8193830056034492,0.09979500763037745,0.88 +2728,2.283283401161886,0.09990395834261011,2.0 +2729,1.620901367425099,0.09956652561774201,1.64 +2730,0.6530873390873573,0.09974782580392852,0.58 +2731,1.331155385117875,0.0987866556214049,1.28 +2732,1.9099981452667627,0.09921135150189725,1.86 +2733,1.0472633569646497,0.09995438168781931,1.08 +2734,1.6533980637468921,0.09959800921146256,1.58 +2735,0.3019167468366184,0.10116128531337355,0.36 +2736,0.39625367460622907,0.10085647974773945,0.36 +2737,3.891841646483919,0.11626626592506342,3.84 +2738,2.686699452084981,0.10168454621735236,2.76 +2739,1.6691932796648536,0.09948965486085212,1.74 +2740,1.5215286507405785,0.09988120367102288,1.38 +2741,1.244519490611524,0.09940208549642036,1.3 +2742,0.9663113343497833,0.10007248979486705,1.08 +2743,2.7392766330548293,0.10472355081128472,2.68 +2744,1.3062282179594369,0.09927299599377191,1.3 +2745,1.4633515628118239,0.10029899974727959,1.42 +2746,0.885808557015985,0.09959521213568533,1.0 +2747,1.0784878659688182,0.0995591343729869,1.22 +2748,0.3815170885383956,0.10112724653620145,0.32 +2749,0.35093163426631757,0.10036724434117347,0.36 +2750,3.1404795822690597,0.11647175082999543,3.08 +2751,1.5296907762123702,0.09972459037876584,1.56 +2752,1.6987625814541907,0.10001508239661516,1.66 +2753,0.8849382512770567,0.09970395201141498,0.88 +2754,1.4673978130697314,0.09893322909756334,1.48 +2755,1.2634149722929997,0.10068184777158654,1.2 +2756,0.6820970185385071,0.09973535804722218,0.72 +2757,1.5630361695377608,0.09955648618965951,1.56 +2758,1.4096087758584168,0.09932878454707712,1.48 +2759,0.17699442465618342,0.10434284731048799,0.12 +2760,2.0268337858437677,0.09972386634009965,1.98 +2761,1.918104691928925,0.0991271520651987,1.9 +2762,2.132281517491159,0.09998628420881915,1.94 +2763,0.7309501166904375,0.09991310018055019,0.74 +2764,1.3432901657046876,0.09908753065726333,1.38 +2765,0.9792698844572747,0.09957350978457002,0.92 +2766,1.1075137618043136,0.09930747203342148,1.1 +2767,0.8766343134567485,0.09954861071076543,0.88 +2768,1.1514852665954158,0.09978728602388075,1.2 +2769,1.2614448969091547,0.0993459992322892,1.26 +2770,1.4719598060988524,0.09984934796556501,1.42 +2771,0.556264730115857,0.09981923947352955,0.64 +2772,1.2094384492566028,0.09973242528741726,1.14 +2773,1.1749219019246702,0.0991871265602539,1.34 +2774,0.5647701740864199,0.09986003809978042,0.5 +2775,1.94474892546732,0.09902845836022435,1.94 +2776,2.295991932581754,0.10250039814327867,2.3 +2777,1.4679013867751542,0.09871474527351018,1.5 +2778,1.2163808552552247,0.09954292482615552,1.24 +2779,2.1769387943128296,0.09976857678507314,2.16 +2780,1.0852216760084523,0.09927088675584168,1.1 +2781,1.140814233149414,0.10020953925105323,1.18 +2782,0.996737369276844,0.09933223307796767,0.94 +2783,1.397954238267716,0.10111160061372054,1.24 +2784,2.441373839395177,0.10328093752950523,2.5 +2785,1.4649636530364283,0.09913512030661246,1.6 +2786,0.17022420074239686,0.10218224088047485,0.12 +2787,2.150942131928635,0.09937609209389951,2.1 +2788,2.094587215495012,0.09941411763797374,2.08 +2789,2.0888961217141793,0.0991930278641417,1.96 +2790,0.3039764862787251,0.10068890753245213,0.42 +2791,1.3883740124973805,0.09862286337953872,1.26 +2792,1.6461462237081796,0.10004731366014209,1.6 +2793,2.3950314559484847,0.10209833739370043,2.36 +2794,1.0066031453049014,0.09967084063921623,0.96 +2795,1.2520606430163503,0.1000477124085274,1.36 +2796,1.586992620763248,0.10006203939953501,1.54 +2797,1.5340777216720134,0.09983075976718188,1.56 +2798,1.9320587114693601,0.09925170258726372,2.0 +2799,1.3490592738318845,0.09953118309503826,1.34 +2800,1.6953431371337977,0.10083181380831534,1.76 +2801,0.7557490851032334,0.09975320835617378,0.74 +2802,2.6082327264779837,0.10067407886586409,2.58 +2803,1.6323416769325767,0.09950995530175707,1.6 +2804,0.23707537061125872,0.1043839224010207,0.26 +2805,1.7957389009901135,0.09933643071616594,1.84 +2806,3.7925556521316937,0.11873354423293368,3.7 +2807,1.578712448785631,0.09990272622856228,1.5 +2808,0.8657111055585396,0.09987119835508142,0.98 +2809,1.3591195830208214,0.0989155465175017,1.3 +2810,0.5804485511185298,0.0995218928421953,0.56 +2811,1.4841362765280273,0.09951536390941765,1.5 +2812,1.8014916951057074,0.09984656012892222,1.86 +2813,0.800589950480451,0.09963844661730868,0.82 +2814,1.3479980742049882,0.09887626620573116,1.34 +2815,1.9059270561836577,0.10057569772372404,2.04 +2816,1.8983696612478809,0.09975515647943889,1.86 +2817,1.2727271378888367,0.09905544269723562,1.34 +2818,1.2851691087279355,0.09942685828869341,1.38 +2819,1.6548142853727839,0.10104916477615482,1.74 +2820,2.189857578364358,0.10040229266564317,2.16 +2821,0.9746475707331548,0.09947984014221013,1.0 +2822,1.8301475893116297,0.09901125098687617,1.82 +2823,2.0229280112686903,0.09954755177603283,2.0 +2824,0.6412578808933211,0.09965265210367681,0.72 +2825,3.4293818163103795,0.10976211132739591,3.38 +2826,1.886678860280125,0.09957173219398256,1.84 +2827,1.247063558997312,0.10065392534554445,1.42 +2828,3.8544638755878617,0.1250727243715961,3.84 +2829,1.0730815753395937,0.09909979806666841,1.2 +2830,2.2823782146980784,0.09989204123362179,2.12 +2831,1.991284069144428,0.0991150676273041,1.88 +2832,0.5599548123411686,0.0998389249757477,0.64 +2833,0.4380902370544397,0.1010653647594665,0.42 +2834,1.4172246189014508,0.09868033940519674,1.52 +2835,1.032983991236805,0.09922458654240394,1.54 +2836,0.8991388735048182,0.09962218023112183,0.98 +2837,1.4840241398400955,0.09892777577070373,1.42 +2838,1.376856964464914,0.09965149326249022,1.36 +2839,2.053454601262538,0.09913525146023834,2.04 +2840,2.56273066593186,0.10565600745102106,2.74 +2841,1.8261482288272368,0.09899149892312874,1.82 +2842,0.7320947188766602,0.09977731580358175,0.82 +2843,0.6103662049495575,0.09973632563265661,0.66 +2844,0.6488241144041005,0.0995785874009742,0.68 +2845,0.7961299668370792,0.09969378980530977,0.88 +2846,1.5020140047015367,0.09922077312542436,1.54 +2847,1.9800206845338166,0.09981793142142119,1.94 +2848,2.409992402145794,0.1004695429910396,2.4 +2849,1.7772173360422776,0.09919608923058482,1.84 +2850,0.9221634904802805,0.09955624802316065,0.94 +2851,0.9258616660040111,0.09939722242332225,0.94 +2852,2.9177488585167497,0.10846692995160409,2.94 +2853,1.7438515479456782,0.09986299051456018,1.82 +2854,2.022457700013814,0.0991774776982083,2.18 +2855,1.8411832171350582,0.09916574243889897,1.8 +2856,3.784274114147405,0.11585845698091783,3.8 +2857,1.7008506377747323,0.09959323416781993,1.78 +2858,1.1628582393718794,0.09936869224238833,1.08 +2859,1.2577942373511568,0.0995981221481191,1.26 +2860,1.7807127558302944,0.09907577145992869,1.78 +2861,1.1195312895451301,0.09892705435899493,1.2 +2862,1.6656567656668535,0.1000915436490432,1.74 +2863,2.7357701430797734,0.10266357670158396,2.74 +2864,0.7879236065102766,0.10052735802053694,0.78 +2865,1.2947072626420641,0.10071949367470034,1.28 +2866,0.6883621230671586,0.0994973795015866,0.66 +2867,1.616997811782057,0.10007399291515344,1.62 +2868,1.6504175944056534,0.09940050350230692,1.66 +2869,0.9399416747578904,0.09930994776104345,1.04 +2870,1.4398764419012984,0.09911763517985427,1.44 +2871,2.6430996644381652,0.10076396343847059,2.6 +2872,0.5642172232915506,0.09966845546227661,0.68 +2873,1.4060590074436667,0.09894223466455188,1.38 +2874,1.3376170087214738,0.09938320473553539,1.26 +2875,1.1010857140613346,0.09917779255485965,1.2 +2876,1.9115890304397964,0.09941018707421012,1.94 +2877,1.140773036742076,0.09907689582286774,0.94 +2878,0.928060341410913,0.0995594946216692,0.88 +2879,0.5775585651638557,0.1001918264245117,0.64 +2880,2.6154424264552647,0.10573470939149836,2.66 +2881,0.8534930196081454,0.0999104288514422,0.84 +2882,3.370223493537879,0.11145955076841171,3.36 +2883,0.40941742749281285,0.10105675657017632,0.56 +2884,1.648346020222889,0.09995891522373594,1.68 +2885,0.7706142454427087,0.10042040192903243,0.76 +2886,0.32067356638392464,0.10209039256637133,0.34 +2887,2.2348650838897024,0.10028942588969192,2.4 +2888,0.41008867854008524,0.1001004017954283,0.4 +2889,0.7298077907446376,0.09959182736089818,0.76 +2890,1.5452057276306952,0.09892422336341775,1.62 +2891,0.878772206380561,0.09959794815360183,0.9 +2892,1.1539966702754405,0.09919011862878105,1.14 +2893,1.2053454049363388,0.1008867405402774,1.14 +2894,1.3166923687881613,0.09911251271379035,1.36 +2895,1.850161224741037,0.09903035849206379,2.02 +2896,2.084028398594829,0.09987780292750112,1.96 +2897,1.4353621953269318,0.09906382325001102,1.38 +2898,2.8248112056466868,0.10276911922146928,2.74 +2899,1.275917484906487,0.09930841571241772,1.28 +2900,0.6511902167283885,0.10024638963644929,0.68 +2901,1.3174966246182727,0.09902801778550331,1.4 +2902,2.7365796647971345,0.10341783654567903,2.72 +2903,1.6553317919442498,0.10011798677807987,1.68 +2904,2.1144009089738782,0.09999248921967772,2.32 +2905,3.090978563912306,0.10811735140596071,3.02 +2906,2.4842349249843148,0.10006987557060683,2.38 +2907,0.685443407469777,0.09987466616965747,0.72 +2908,1.0719236306544466,0.09922168858919474,1.12 +2909,0.6736179702811433,0.0996747507466348,0.74 +2910,0.939044078913448,0.10012655985399076,0.9 +2911,1.4295880745261875,0.10012814448336654,1.5 +2912,1.1444213315594787,0.09975143782044195,1.22 +2913,2.985799738607189,0.10805571210343042,2.94 +2914,1.520322101020448,0.10112013050466107,1.58 +2915,1.5249787725546546,0.09963046875861613,1.56 +2916,0.9723121256034097,0.0991741670774675,1.08 +2917,0.7859751016928846,0.0996438410307576,0.74 +2918,1.8404059875939545,0.09922126608670183,1.78 +2919,2.2683182719236266,0.09982832863925402,2.4 +2920,0.458339421065731,0.09971645703607694,0.54 +2921,2.7348965532484835,0.10345982513831012,2.8 +2922,0.4616611056005844,0.10023880874714947,0.54 +2923,1.5310938382489006,0.09902378819473384,1.52 +2924,1.884457432996595,0.09899743609750677,1.96 +2925,2.2809090419755984,0.10304054857218155,2.36 +2926,1.7537865607501615,0.09969122531974776,1.76 +2927,2.146394599335985,0.09953124507628575,2.14 +2928,1.1082817452801244,0.09897705793194889,1.2 +2929,1.5231549018177908,0.09898018985634448,1.54 +2930,0.7764229390166342,0.09953823854399496,0.76 +2931,1.6081217173334899,0.10006757460581094,1.58 +2932,1.2438399447685249,0.09981179687624873,1.24 +2933,1.2815907151103196,0.09917374816919156,1.24 +2934,2.01348232243257,0.0994038502618744,2.08 +2935,1.555205447708908,0.09950552683041045,1.54 +2936,0.7251473364903667,0.09997314016223069,0.82 +2937,1.8377245459429978,0.09910677861920164,1.94 +2938,1.3883936783665696,0.09866590050741249,1.34 +2939,0.9095400051869909,0.09970870918769408,0.92 +2940,1.0617176223026241,0.10010452302382798,1.14 +2941,2.2122400084178446,0.10052006268328105,2.22 +2942,2.814025986504899,0.10340068532997088,2.6 +2943,0.5102047427731697,0.09979591313338619,0.6 +2944,0.7465975071240301,0.10003021073212624,0.78 +2945,2.7108380093354194,0.10644689335138914,2.72 +2946,1.5708019973495844,0.10000534478615918,1.6 +2947,1.979104989706802,0.09902113449908154,2.04 +2948,0.5977567341903274,0.10078532226979028,0.58 +2949,1.3401716481438946,0.09953650206127759,1.28 +2950,1.7575229221157584,0.09993312973472182,1.8 +2951,1.1887951140888766,0.09972651927832776,1.16 +2952,0.5421179062560533,0.09961882842450026,0.54 +2953,0.9511997995565842,0.09942184664337149,0.88 +2954,1.0434048402513916,0.09913030366269297,1.12 +2955,2.268660175119366,0.09977975046475311,2.2 +2956,1.2623894960625683,0.09931623661581261,1.3 +2957,2.267749645475715,0.0999302821887253,2.24 +2958,1.1534012815896169,0.09946574112829985,1.16 +2959,1.0422628201961721,0.09910608248460308,0.94 +2960,0.9273549461665531,0.09942028489999079,0.96 +2961,0.5978438802407744,0.09970713194622476,0.52 +2962,1.116776922371195,0.09916103330154341,1.16 +2963,0.7578109867518712,0.0996079497377728,0.8 +2964,1.022651060489516,0.0990825509491989,1.08 +2965,0.6062550424277198,0.0995217459794201,0.64 +2966,0.8757046379111066,0.10011559099211127,0.9 +2967,1.445030231126389,0.09918056666444217,1.34 +2968,1.2957591317021133,0.09920733357113005,1.16 +2969,0.6617655963636302,0.09953864484509317,0.64 +2970,1.1318208797798668,0.09904907093758154,1.22 +2971,1.1857520449767527,0.09917951652271312,1.28 +2972,1.0799575956756235,0.09917094431882377,1.14 +2973,1.1749005112182693,0.09926945243936477,1.16 +2974,1.040298500524856,0.09930158136397159,1.08 +2975,0.6184542973547316,0.09961653799769007,0.7 +2976,1.581924243767127,0.09945391340018914,1.54 +2977,0.30317641099539183,0.10169097956626665,0.24 +2978,2.106802357927269,0.10018042462392027,2.12 +2979,2.301088232408472,0.10000777937985574,2.24 +2980,2.7853807960822765,0.10198083347031497,2.58 +2981,0.6869480756671613,0.09950496299569693,0.78 +2982,2.571070561556618,0.10152303703685639,2.48 +2983,0.9796110258905422,0.09997703951095462,0.96 +2984,1.472563843125912,0.0996464717873085,1.6 +2985,1.0592624854638764,0.0989182404040881,1.08 +2986,1.8008470742720604,0.09930794435838548,1.84 +2987,0.46439138301249083,0.09980045977458515,0.56 +2988,3.8401146269458595,0.11812723257157293,3.64 +2989,1.2003049035880913,0.09912811185981046,1.16 +2990,3.0347146138487426,0.10531147957166241,2.88 +2991,1.2469766964753723,0.09927615254026904,1.3 +2992,0.2569744629402002,0.10117708622820393,0.2 +2993,1.1976422766378938,0.09918114426959386,1.2 +2994,1.26440393182179,0.09915460814116125,1.28 +2995,2.098366703135576,0.10360669511606031,2.06 +2996,2.316234923151108,0.10188896153047303,2.3 +2997,1.7241283994858179,0.10050422991182503,1.78 +2998,2.6174665657492264,0.10113516463425601,2.9 +2999,1.5807604461534204,0.10066212212828043,1.58 +3000,1.0393433454001915,0.09927534064283906,1.02 +3001,2.543196131975681,0.10180955837278131,2.58 +3002,2.0151546311555153,0.09944379128694601,1.96 +3003,2.3721667553494585,0.10125010100789755,2.46 +3004,1.1561180665399895,0.09922521362026376,1.18 +3005,0.5572860338542263,0.09979799283852023,0.52 +3006,1.0244094374477022,0.09941349401176723,1.1 +3007,0.9802850164348349,0.09924766279656422,1.0 +3008,0.5943621704009281,0.09997718394006262,0.62 +3009,1.4353729000397315,0.09895070997697265,1.36 +3010,0.5239025099516474,0.10096797992790282,0.54 +3011,0.9454026148056165,0.10015998301398732,0.96 +3012,1.8819430222482623,0.09964399139589655,1.78 +3013,1.7112199362812113,0.09942704786294367,1.76 +3014,1.8770073815276909,0.09904951835036596,1.82 +3015,2.4450593986498115,0.10041989371752051,2.44 +3016,1.4571882994018004,0.09875915235278893,1.56 +3017,1.5466483751899183,0.09952177578405251,1.48 +3018,0.6034865275035208,0.09952262955817474,0.66 +3019,0.5641019335555917,0.0996196325369278,0.56 +3020,1.2469072374700765,0.10014679005622028,1.22 +3021,1.1988098266652336,0.09960696197889135,1.22 +3022,1.987642359913498,0.09940479702048324,1.98 +3023,0.6046534555495817,0.09965464577439073,0.68 +3024,1.0911100252203034,0.09967549886968423,1.02 +3025,1.5407958695314086,0.09901179818241174,1.44 +3026,2.2892836703877366,0.10142818845962134,2.4 +3027,0.6524326133986456,0.0995228263880927,0.68 +3028,1.2071091016473054,0.09958477154365726,1.2 +3029,3.3568596618038713,0.11357639970947858,3.26 +3030,2.644937877206684,0.10126931792694539,2.74 +3031,3.270970226119247,0.10633035841303842,3.22 +3032,2.1850213842721837,0.09998166271780297,2.18 +3033,1.3707144683820125,0.10141822701233748,1.3 +3034,1.230141626279569,0.0996492829223054,1.22 +3035,0.7007520151564683,0.09981913459462431,0.7 +3036,3.361923783945298,0.10981300506772444,3.4 +3037,1.8070528444980034,0.09906248153469618,1.86 +3038,1.9613570595421101,0.09924946892326811,2.02 +3039,0.20310664308517867,0.10325280979248432,0.12 +3040,0.8372993040256638,0.10037675611375661,0.74 +3041,0.7555798856102462,0.10044619460172637,0.72 +3042,1.9846794300799864,0.0990649794926496,1.92 +3043,0.6491900381957343,0.09997971467042968,0.64 +3044,1.824690630338673,0.09885183737455783,1.78 +3045,1.4896221588120333,0.09943618015647199,1.44 +3046,1.0744056076569855,0.09911605994059636,1.12 +3047,0.8850699536458684,0.09972597781849095,0.88 +3048,0.8562075517586869,0.10013385788687679,0.9 +3049,1.6991153705960975,0.09961164356974084,1.6 +3050,1.046598343412925,0.09916664840704592,1.1 +3051,1.4290487962685396,0.09876550974721471,1.44 +3052,0.7633923364675688,0.10030935458630813,0.82 +3053,0.9568604920611825,0.09975593077525814,0.94 +3054,1.4010991609123387,0.09880911868012704,1.42 +3055,1.6677139286700402,0.09945844591503394,1.68 +3056,1.7055529775864187,0.10083719950507225,1.72 +3057,3.066247624423526,0.11137644001971099,3.16 +3058,0.06019859969045949,0.10321302287996749,0.02 +3059,0.7774103183776198,0.09964673633141999,0.88 +3060,0.19883815094021595,0.10260974524508791,0.14 +3061,2.0757076796066807,0.09957061620529445,2.2 +3062,1.2003347035322072,0.09980279731875295,1.26 +3063,4.73687524239448,0.1873212624757994,4.66 +3064,0.8250969859430775,0.0999969646938248,1.08 +3065,0.9889054114014264,0.10052700357909819,0.98 +3066,0.487953980201113,0.09988170829039932,0.48 +3067,1.3088939504277668,0.09904319391770812,1.36 +3068,1.6130788693162976,0.0993874616430902,1.72 +3069,1.1643667799521757,0.09932219557505592,1.24 +3070,1.629171365408191,0.10081363315616816,1.54 +3071,1.7653033725571958,0.09937442074931081,1.8 +3072,1.6681991287031515,0.10052145985354548,1.56 +3073,1.1235735152916042,0.09949831031016507,1.2 +3074,1.591133375892391,0.0998989067691941,1.46 +3075,1.2130007828685414,0.09975254191090763,1.1 +3076,1.1020138255266978,0.09921385684355365,1.26 +3077,2.0264847692127157,0.1012395150008941,1.96 +3078,0.9280743154376274,0.09974966474086541,0.94 +3079,1.4127439448625274,0.09918775551070695,1.58 +3080,1.187102393678274,0.09946552239300305,1.14 +3081,1.1839421417985043,0.09985940002579682,1.24 +3082,2.5517270422608087,0.1051807669215181,2.76 +3083,0.9705703685217564,0.09923592425371108,1.0 +3084,1.3440102909648466,0.09960407397081049,1.34 +3085,2.3386104298961508,0.10090615848150332,2.4 +3086,1.598879917636389,0.09986182501512594,1.62 +3087,1.0282567493860462,0.09974589251578679,1.04 +3088,1.7795837703543327,0.09916919355111382,1.86 +3089,1.1906734820424922,0.09948638600548242,1.3 +3090,0.09380056090687172,0.10570347833298413,0.1 +3091,2.3700286061708704,0.10210311760145106,2.38 +3092,0.8736691523632636,0.0996100384305701,0.98 +3093,1.101621345319807,0.09991853407897444,1.08 +3094,1.8640073380919133,0.09890319576435605,1.84 +3095,0.9395575986942724,0.09962843169560301,0.94 +3096,1.364307450616345,0.09890291378932238,1.36 +3097,1.1618519719774703,0.09906955115607936,1.14 +3098,1.779322132212404,0.09978961185115301,1.84 +3099,1.0471649771400002,0.09961234807856904,1.04 +3100,1.9157111783920164,0.09928060937621933,1.94 +3101,2.06628636209192,0.09942978297505617,2.04 +3102,1.8418324311596563,0.09938321037105916,1.84 +3103,1.0833986814028982,0.09907638613980288,1.08 +3104,1.2894816978441177,0.09906517498100219,1.24 +3105,1.133815892948548,0.0994175968858815,1.14 +3106,1.7148461350953041,0.10004978687153324,1.76 +3107,1.7079708762888444,0.09948074875224029,1.76 +3108,0.9193959970440779,0.09990130426153937,0.84 +3109,0.9952957872512236,0.09941724592279601,0.92 +3110,1.5852989465908258,0.09977561939722188,1.5 +3111,1.5545318831104573,0.09995741391887578,1.58 +3112,1.1189550234472783,0.09985912242412946,1.1 +3113,3.204110940748337,0.11127820959996536,3.3 +3114,1.1745521849680933,0.09928239220295264,1.24 +3115,0.7434373969037444,0.10040006464544624,0.76 +3116,1.2231293791529658,0.09990731911197662,1.28 +3117,1.6308807056633448,0.10036723690614495,1.52 +3118,1.0245816807265207,0.09937969591361451,0.98 +3119,1.2386890078952184,0.0991107580069506,1.28 +3120,1.2540460861623124,0.09915321037482243,1.3 +3121,2.3353791211328003,0.10015889533439772,2.26 +3122,1.782176824949954,0.09918790464552849,1.92 +3123,0.9490872640742232,0.09917478679837789,0.94 +3124,2.2262037079080708,0.09996215091682407,2.2 +3125,1.2219602886529308,0.0995511619192274,1.28 +3126,2.3850495977113164,0.10107748840036292,2.46 +3127,1.763364200935453,0.09929008417580446,1.82 +3128,0.8863821280607176,0.09951714235401667,0.92 +3129,0.7224307386926874,0.09991297467703866,0.7 +3130,1.605602357045165,0.09941386024647643,1.56 +3131,1.0207155382649808,0.0990669048038346,0.88 +3132,0.6527635743263935,0.10030151968133731,0.62 +3133,1.8191833972259353,0.09907530597671575,1.86 +3134,1.1475035008319103,0.09932581942778419,1.26 +3135,1.9897890422091684,0.09948183562613398,2.06 +3136,1.7365012997221185,0.09961732577171445,1.68 +3137,1.8941855594212071,0.09912324202900835,1.94 +3138,0.47904564008902706,0.1000755679262396,0.56 +3139,0.8654929139496665,0.0998588938215437,0.9 +3140,1.844681670635009,0.09893855496788333,1.74 +3141,0.2118307020127268,0.10261412010546449,0.14 +3142,2.4457532044947294,0.09997826751039325,2.48 +3143,2.0771013150907587,0.09905496036645006,2.1 +3144,0.9180827133960896,0.09983003799826545,0.9 +3145,0.8295072226824025,0.09973699338256116,0.84 +3146,2.7558501215848574,0.10380950079462913,2.74 +3147,0.7340477897338082,0.09986966411565179,0.68 +3148,1.2772615220653598,0.09906164732788245,1.22 +3149,0.65607909194241,0.09956927476313651,0.7 +3150,1.9519566814351463,0.09907694659682241,1.98 +3151,0.9523758447880872,0.09976551747935207,1.04 +3152,1.2197287031836346,0.09945012143848429,1.2 +3153,0.1649207012691718,0.10244326974918641,0.22 +3154,1.3368379042453788,0.09902791300925735,1.34 +3155,0.7470587416283017,0.09990566236487478,0.86 +3156,3.1707371218521105,0.11238588028978598,3.34 +3157,0.6598682844515629,0.09956429383961507,0.68 +3158,0.764017917400303,0.1001665239158169,0.76 +3159,2.663642935702023,0.1020137250477956,2.56 +3160,1.4150486699124947,0.09981941222187535,1.92 +3161,1.1439047213011129,0.09908641029552845,1.38 +3162,0.9994963409587079,0.09917331012256447,1.0 +3163,1.163652725366142,0.0993513945877085,1.36 +3164,0.9230630120488221,0.09988517006027642,0.88 +3165,1.3877279710638681,0.10022516103820643,1.42 +3166,1.1416543233610532,0.09953845296274279,1.14 +3167,1.5654870869169393,0.09927653451090383,1.48 +3168,0.7586955900501386,0.10013465010468885,0.76 +3169,1.430717482472503,0.09857437063673971,1.36 +3170,2.0164185099790943,0.10005182386396974,2.02 +3171,1.6603533512271234,0.09942435461928703,1.74 +3172,1.0137088715710412,0.100297924272112,1.0 +3173,0.18028522009911607,0.10173091691677441,0.24 +3174,2.0787024513780255,0.10015135842430312,2.16 +3175,0.8560345244706447,0.1009735232147083,0.84 +3176,0.9301572507430798,0.09957086767524893,1.0 +3177,3.5523876699620134,0.12059490886317417,3.68 +3178,0.41341772845782354,0.1002267484369781,0.48 +3179,1.7203473116940955,0.09943939879228521,1.72 +3180,0.5235967659942424,0.09998427995030552,0.64 +3181,1.907402618140037,0.09901963085668909,1.9 +3182,1.5508973315480297,0.10084404580120078,1.56 +3183,2.6481541904338153,0.10268595158509138,2.7 +3184,1.5257180355752318,0.09942375894176443,1.52 +3185,0.25233276455799536,0.10993929986377736,0.34 +3186,1.1667315525907334,0.0994873061005859,1.24 +3187,1.9946979510077731,0.09958921593592385,1.96 +3188,0.8729128776823749,0.09963869761693585,0.84 +3189,1.9001030847027358,0.09917931554667876,1.98 +3190,0.8753872240153704,0.10016004759926878,0.84 +3191,1.914434183057044,0.10019059980784048,1.94 +3192,0.5295513001686138,0.09963250425397926,0.52 +3193,1.400622944467856,0.10002711747796075,1.46 +3194,1.6341715708666633,0.09961871690415004,1.64 +3195,1.7304507905983086,0.0990284934698038,1.74 +3196,1.2317471956336383,0.09940047056589062,1.24 +3197,1.2726878237071524,0.0992865896926358,1.24 +3198,1.4453859187682816,0.09888927564537633,1.42 +3199,0.7052971446385363,0.09985768353409381,0.74 +3200,1.8347321847723783,0.09904826557731543,1.74 +3201,2.8618014431203287,0.10352794311846904,2.92 +3202,0.6588462411710345,0.09958994470165995,0.72 +3203,0.6906587216549205,0.10014645282105729,0.7 +3204,1.3741435561714404,0.09934315336960481,1.36 +3205,1.9051990403978045,0.09979985288945134,1.98 +3206,1.9352060979567731,0.09946394052784903,1.84 +3207,1.5426049159208624,0.10006457459809082,1.54 +3208,0.9265811836453046,0.09973161752062126,0.96 +3209,1.379451793531495,0.09910982700008186,1.38 +3210,0.9451698256063572,0.09928298027645344,1.08 +3211,1.6284091836636,0.0996771698189761,1.58 +3212,1.1220312028286166,0.09910982003568782,1.24 +3213,1.097457926812013,0.10100747529793527,1.16 +3214,0.0029217436287261034,0.10471919479447125,0.0 +3215,2.1940025601925557,0.09964655405427969,2.24 +3216,1.8685245824255083,0.09910489925068591,1.76 +3217,1.13565136997913,0.098857899830173,1.34 +3218,1.3587684206746864,0.0990180124689376,1.36 +3219,1.149131713202039,0.09941920320910641,1.12 +3220,1.235292395879761,0.09969417396961176,1.28 +3221,2.355754472546878,0.10196419212639893,2.3 +3222,2.216421370387331,0.0996959904283896,2.1 +3223,0.40193122980360907,0.1024366126853532,0.26 +3224,1.0461361611075979,0.0995979235586291,1.04 +3225,1.103621545914337,0.09911834070589881,1.16 +3226,1.439789448848544,0.09904335426345232,1.42 +3227,0.5545886886595219,0.09962438266271537,0.68 +3228,2.620535803786244,0.1026559493291776,2.54 +3229,0.7587866462407511,0.100342694565974,0.8 +3230,1.1220012319596442,0.09924619723143314,1.12 +3231,2.880246018955188,0.10446847182965167,2.88 +3232,1.5321034269729317,0.09913909567526931,1.46 +3233,0.4123282038531151,0.0999763634403724,0.34 +3234,1.2995440984930091,0.09966238366037465,1.4 +3235,1.0826336889669086,0.10041978618209775,1.08 +3236,1.0746549675209713,0.0993877900931584,1.16 +3237,1.6771296104248001,0.09985066989569356,1.78 +3238,1.3179328864669422,0.10083010261473963,1.34 +3239,1.7976230374463007,0.099490051284239,1.74 +3240,1.6146465201367313,0.09968463120992455,1.62 +3241,1.7574321893362927,0.09933417633777954,1.78 +3242,1.0059197728716718,0.09925171712691905,1.0 +3243,0.4889323498031366,0.10012325538445754,0.52 +3244,2.271715884058282,0.10091045153796142,2.22 +3245,0.20183911410074695,0.10209290276506415,0.2 +3246,0.830297712319173,0.09986899957371992,0.84 +3247,1.1383296816407842,0.10183263590371987,1.08 +3248,0.6033931712217473,0.09989447224860926,0.74 +3249,1.9955572962071357,0.10000080813535296,1.9 +3250,0.47931053064481044,0.09986533387868134,0.52 +3251,1.5659876718480497,0.09923274465551554,1.5 +3252,2.2509882507267784,0.10039867377355928,2.28 +3253,0.6501077017949661,0.09959514692707118,0.62 +3254,3.159406542043894,0.10919976938381273,3.04 +3255,1.8405265512686284,0.09965890370406892,1.9 +3256,1.0879409952656764,0.09935096518032875,1.14 +3257,1.4094066145195832,0.09862193106732749,1.54 +3258,1.0434922423556834,0.09919997865848254,1.0 +3259,2.371066674595064,0.10041106629617312,2.32 +3260,0.9951910006831717,0.09977450310891993,1.08 +3261,1.0681524707252172,0.09919207979740681,1.1 +3262,1.2752932857063974,0.09929741374859827,1.32 +3263,0.774396426037719,0.09970225488529363,0.86 +3264,3.7570984153590254,0.12499863021030931,3.74 +3265,0.708062309300822,0.0996309795867051,0.64 +3266,2.335930885254517,0.10080325295169065,2.34 +3267,0.15488742754743678,0.10276228613864614,0.18 +3268,0.8383146567558633,0.09969658253595068,0.82 +3269,1.2721543983504453,0.09974677873035073,1.3 +3270,1.5928743348476224,0.09970073521239194,1.58 +3271,1.935233380516206,0.09898811053176229,2.0 +3272,1.9895978593135524,0.10038334833821276,2.0 +3273,2.955898548816003,0.1057554570201146,2.98 +3274,1.6313043767136441,0.09972942983352641,1.62 +3275,1.6574533209649125,0.09938020177912016,1.74 +3276,1.8553283381108165,0.09923263577962584,1.82 +3277,1.3058626195838137,0.09921594263838356,1.28 +3278,1.030303829465155,0.09915677525726517,0.98 +3279,2.843855414833638,0.10419754125975512,2.78 +3280,0.794429564485754,0.0998770579973113,0.78 +3281,2.908472409758006,0.10800386383192981,2.62 +3282,1.9877218067199933,0.09988800386569349,2.04 +3283,2.2192196632047727,0.10188698717627975,2.22 +3284,1.0797173329449528,0.09901436639186788,1.04 +3285,0.3351958363519294,0.10036873798194845,0.32 +3286,2.850716625367867,0.10883043851951514,2.9 +3287,1.016751305158089,0.0999634093808413,1.02 +3288,2.068217510336976,0.09952997415575732,2.06 +3289,2.6625700819757947,0.10171546232405398,2.72 +3290,1.4234233623745076,0.09888699357275077,1.5 +3291,0.8196275889591795,0.09966522225523516,0.88 +3292,1.37035492112171,0.09869756091836462,1.36 +3293,0.8962698230718196,0.09939479802272133,0.92 +3294,2.4526052714868856,0.10122600311715664,2.56 +3295,1.0021575794705277,0.09916975855922205,1.04 +3296,2.5585936009008217,0.10223516044394848,2.52 +3297,1.1926567441537237,0.0998533702648313,1.22 +3298,2.799993335924296,0.10387210819980143,2.78 +3299,1.000217819182631,0.09928171238525743,1.1 +3300,0.05657329973117409,0.10494776243239431,0.12 +3301,2.483452824810816,0.10134078691010812,2.44 +3302,1.7893557058632659,0.09908818631039229,1.82 +3303,1.044424379441552,0.09910206260186737,1.08 +3304,1.7861655560685825,0.09949791695614855,1.72 +3305,1.0886020206134652,0.09902740827219339,1.1 +3306,2.007056417520727,0.1001983161482581,1.92 +3307,2.8936715406880014,0.10521149531723993,2.86 +3308,1.0127215032295573,0.09939144473545132,0.96 +3309,0.8676215956358326,0.09964166111203959,0.92 +3310,0.9299448610537489,0.10021147460216778,1.1 +3311,2.037886624106986,0.09928928953152508,1.94 +3312,0.8357307665998099,0.09953386281689004,0.84 +3313,0.5859134802734338,0.09957165870696608,0.4 +3314,0.9599044520442994,0.09962016610951145,0.94 +3315,1.505201801474407,0.09923858686515082,1.5 +3316,4.4654478310478956,0.1332759095830851,4.84 +3317,1.3457722261853184,0.09990361334085687,1.34 +3318,2.1941822258177988,0.09935192203410538,2.22 +3319,1.2372390096434038,0.10043754097219938,1.26 +3320,1.5157783510915273,0.09910146522366832,1.48 +3321,0.7057038566130636,0.09987416318159067,0.74 +3322,1.900212686628305,0.09948006569689613,1.88 +3323,1.9260464301476403,0.09888055726454102,2.0 +3324,1.7361755786708641,0.09928286186789737,1.74 +3325,0.8237108891037515,0.10042040476422241,0.92 +3326,1.6676758167879988,0.09959018246569387,1.68 +3327,1.0613049026258785,0.09938906841893709,0.96 +3328,0.8824036256362084,0.09969037350552719,0.82 +3329,1.3320381286511924,0.09961303174558815,1.4 +3330,0.7263617215612974,0.09985769713436249,0.66 +3331,0.785232394723274,0.09987212177718084,0.86 +3332,1.5630582155412192,0.10058180676164359,1.6 +3333,1.2898804903629972,0.09900062897358386,1.44 +3334,1.9540417227351454,0.09905771056173912,1.98 +3335,0.718403546117856,0.09979523679937095,0.72 +3336,1.5630587387648383,0.1001050385902197,1.78 +3337,0.9165869125372701,0.09976518370361795,0.92 +3338,0.7131057058688846,0.09972923018087991,0.7 +3339,2.011342215522874,0.09931069899899002,2.02 +3340,1.2177595471000877,0.0997459014214618,1.34 +3341,0.9563457903964341,0.09971116880692772,0.84 +3342,1.565825883075015,0.10015472632822453,1.56 +3343,2.234447223855164,0.10005090031421363,2.3 +3344,2.191484766126771,0.10088166115325754,2.28 +3345,0.7622637477284335,0.09972578319744181,0.82 +3346,1.6554465904841258,0.09992581694819597,1.76 +3347,0.6669250537167251,0.09990569851506827,0.66 +3348,2.032618946881013,0.09911921623111951,2.04 +3349,1.745136191413892,0.09962995793024368,1.84 +3350,1.6241814500932754,0.10068103325548126,1.7 +3351,1.582939147210795,0.09929273397845784,1.52 +3352,1.2483010671785741,0.09905145871955691,1.28 +3353,0.9278843478471621,0.09936682855952496,0.98 +3354,1.087478753266432,0.09913167378203341,1.14 +3355,1.7830957511860823,0.0994259549075238,1.66 +3356,2.133200479516984,0.09931070407124803,2.12 +3357,0.892389509966734,0.09979772840625038,0.9 +3358,0.9902091284415497,0.09913086975031883,1.04 +3359,3.0445387467609573,0.10563806027704843,2.98 +3360,1.4756738849730204,0.09896286746329329,1.54 +3361,0.3774212524841978,0.10014417635744845,0.3 +3362,1.851452824874081,0.09928708114489732,1.8 +3363,1.2731255959321295,0.0996181660239256,1.32 +3364,1.0191600455033345,0.10023791903993651,0.92 +3365,2.1268101276446787,0.1006994220334458,2.04 +3366,0.9639366583294453,0.09959900408436366,0.98 +3367,0.3375978425931947,0.10044978663283546,0.34 +3368,0.9339522345486564,0.09945979074053811,0.9 +3369,1.6623634259923257,0.09965697238838535,1.8 +3370,1.2333042494768598,0.099455508268159,1.18 +3371,2.232790919478128,0.10018828807265816,2.36 +3372,1.049666721214124,0.09919633685513835,1.04 +3373,1.1828836181191071,0.09926537194507994,1.2 +3374,1.0377261021098014,0.09953319872493938,1.16 +3375,1.6400709184959872,0.10163846336588336,1.78 +3376,2.1024719248252888,0.10111795662818196,2.16 +3377,1.403157573924134,0.09842121431345484,1.3 +3378,0.6037814264368471,0.10001624342854666,0.64 +3379,1.387356093901979,0.10212654425290235,1.28 +3380,1.4233978408431163,0.10045747181614308,1.46 +3381,1.8831404196688026,0.10030500748916123,1.62 +3382,0.43273342816937865,0.10147275233258228,0.4 +3383,2.347748626666978,0.1030896666173177,2.56 +3384,1.6826377980759346,0.10025363500468921,1.74 +3385,1.229716462759712,0.09997498509703487,1.32 +3386,4.328451070380628,0.1253027550918194,4.24 +3387,3.2666964303822903,0.11578628890813218,3.24 +3388,1.0555220602810926,0.09947965691549412,1.08 +3389,1.6641975676046108,0.0995649355262297,1.68 +3390,0.5240880295693635,0.10274521330109651,0.56 +3391,0.8013051859886751,0.09979922926990546,0.74 +3392,1.5640266774071285,0.09972480544774481,1.56 +3393,1.072295046441227,0.09902373750891313,1.08 +3394,0.9643024077313533,0.09977043712780138,0.94 +3395,1.5973471203048042,0.09978389548792448,1.48 +3396,2.5034987377687274,0.10099021541772996,2.64 +3397,0.8509104571119372,0.09995646257485688,0.92 +3398,2.593573043310159,0.10109842873693167,2.56 +3399,1.7573694754433056,0.09929565804531805,1.78 +3400,0.918699001532503,0.09937140564535882,0.96 +3401,0.8669335909174058,0.09961730162740146,0.82 +3402,1.2581460804655087,0.09908860993594117,1.3 +3403,2.7006297352507262,0.10223788034436815,2.76 +3404,3.2071385884294346,0.1091558105568369,3.38 +3405,1.65857868676811,0.09929569676932884,1.62 +3406,1.651565349037299,0.09986800365379606,1.68 +3407,0.8662592713160471,0.09977181452979744,0.9 +3408,1.8621066389334942,0.10143890991011528,1.9 +3409,2.185671842611474,0.1018636351239669,2.24 +3410,1.7695875007049657,0.09970937083274847,1.82 +3411,1.4293696822509936,0.0990236640350498,1.46 +3412,2.5723493178549726,0.10040500993722397,2.34 +3413,1.9309821790285617,0.10075404827423064,1.94 +3414,1.5684120284755358,0.09914002530986936,1.48 +3415,0.674192096276635,0.09956756084903863,0.72 +3416,2.062888357893205,0.09919238391145105,1.96 +3417,1.1823983509132396,0.09963035422408252,1.18 +3418,0.9122562138898622,0.09988008515430354,1.0 +3419,1.232047562840514,0.09945874050107636,1.26 +3420,1.214070190225187,0.0993300937423092,1.24 +3421,1.2925213165622302,0.09914648934148955,1.54 +3422,1.4733230667383672,0.0994244128751121,1.52 +3423,2.696732754543583,0.10115068119030485,2.68 +3424,2.889733757695848,0.10528394223127832,2.86 +3425,1.9056051159606724,0.09934160664323734,1.8 +3426,1.3313031502996473,0.0990985131036487,1.38 +3427,1.4803231000744155,0.0995706853211265,1.58 +3428,0.48592213115344474,0.09996635380163602,0.46 +3429,3.1443701097465935,0.1068692160395486,3.08 +3430,1.5943597319133225,0.09950761198067128,1.52 +3431,1.5307052774681658,0.09971251396869871,1.38 +3432,0.96100138415649,0.09943540784383612,1.02 +3433,1.4056036075689498,0.0995376091581455,1.46 +3434,0.9117345175561418,0.10014853505261359,0.94 +3435,1.158406181369856,0.09999996355621661,1.24 +3436,1.6729417984200274,0.09928201685859711,1.6 +3437,0.11432672421631263,0.10249348915233314,0.08 +3438,1.042629068344575,0.0995512281265799,1.04 +3439,1.6587156739719482,0.09917566966279172,1.56 +3440,1.4402041542295627,0.10033044119579315,1.5 +3441,0.9023210439813176,0.099388985579354,0.88 +3442,0.80838450689808,0.09976245962227435,0.88 +3443,2.318065586671037,0.10056348051375905,3.1 +3444,1.2379636891842345,0.09984672392734927,1.16 +3445,3.1190712795312203,0.10768663322666627,3.1 +3446,1.3844492892130453,0.09881239771151655,1.32 +3447,0.9355427653830197,0.099687357370066,1.0 +3448,0.38176819644943616,0.10178993149834097,0.38 +3449,0.89772380371327,0.10007244659647677,0.98 +3450,0.7163830129790021,0.09962340724420993,0.7 +3451,1.0171704600847427,0.09937086908828513,1.08 +3452,1.8680991760751986,0.09923181245553887,1.96 +3453,0.8751715232182569,0.09961316742449844,0.98 +3454,2.8564236816628616,0.10479962196964301,2.82 +3455,0.9348400062038429,0.09966824215524114,0.96 +3456,1.3520386566885854,0.10063454582202339,1.36 +3457,1.655844099559389,0.09934382217212744,1.64 +3458,0.9984082576321647,0.09956535267908236,1.04 +3459,1.2794800353343312,0.09933817729165687,1.34 +3460,1.276101783535794,0.09949928284356421,1.26 +3461,0.7960371608437746,0.10008119481313037,0.88 +3462,0.23945241770150072,0.10203174087396188,0.14 +3463,0.7933655190091222,0.10014288166275703,0.78 +3464,1.8206037426255264,0.09913356942332853,1.8 +3465,1.5351096718153066,0.09976763248987158,1.6 +3466,0.5609207504680576,0.0997421390270508,0.72 +3467,0.8873434052204281,0.09939360823276554,0.9 +3468,0.9697675170955911,0.09925145969845267,1.04 +3469,1.8183625387761821,0.09925368246190565,1.88 +3470,2.8276281851462644,0.10674267184814254,2.86 +3471,2.3766651838707142,0.10183943916228437,2.08 +3472,1.7717946775050926,0.0998565528133522,1.8 +3473,1.5898950630725757,0.09967161463581883,1.64 +3474,1.6251858814036744,0.10019133307250215,1.66 +3475,1.783283336217537,0.09937024757329087,1.92 +3476,2.211665428773604,0.09982795529243636,2.3 +3477,0.9189704040436275,0.09951755964956087,0.9 +3478,0.9628117335132067,0.09934857280310372,1.04 +3479,1.6888157551660938,0.09943499632872171,1.7 +3480,2.2880384913539524,0.10133045807693494,2.36 +3481,1.029194668049677,0.09900673464342002,1.08 +3482,1.2208134503506052,0.09957919053618546,1.22 +3483,1.1888218668456936,0.09930745710627684,1.24 +3484,0.769337924149206,0.10016133525495008,0.86 +3485,1.0764156115634271,0.09915888458150568,1.14 +3486,3.2794696940087116,0.10928051869328244,3.06 +3487,0.9244743587755913,0.09975558884623914,0.88 +3488,3.7023230349988383,0.12166134469447736,3.76 +3489,1.9675642460002514,0.0993123240484284,2.02 +3490,2.2782070579139893,0.0999213285052445,2.18 +3491,0.968864435310558,0.09911971772053502,0.92 +3492,0.7339781726960488,0.09982559588181608,0.9 +3493,1.1643392851802836,0.09950330999699847,1.24 +3494,1.7097021264532557,0.09979415216072554,1.8 +3495,0.5331797915237224,0.09993473783424903,0.56 +3496,1.117664845550906,0.09957460799519145,1.08 +3497,1.588538578483331,0.09981154011863351,1.74 +3498,1.3309420837789225,0.09909472664154771,1.4 +3499,1.005332199165175,0.09921086682973988,1.02 +3500,1.2156432317161083,0.09997328934504773,1.28 +3501,2.498994381619643,0.101139893761783,2.48 +3502,1.1852533996837884,0.0992463637374432,1.18 +3503,1.0710996458295134,0.09958419495015636,1.0 +3504,3.0510715685381635,0.10571402001803296,3.18 +3505,0.8776283112841419,0.09955538331692762,0.88 +3506,1.5628793849972744,0.0998207654618215,1.66 +3507,1.6073930270465275,0.0998367212686487,1.62 +3508,1.1669603235310653,0.09909352993675737,1.16 +3509,0.5209044327544994,0.09958548241648099,0.54 +3510,0.9056098800859196,0.09960830157489678,0.98 +3511,0.12258641409735271,0.10396203942469182,0.18 +3512,0.7138192895182989,0.09963739778351456,0.76 +3513,0.9389329817411827,0.09963834745604815,1.0 +3514,1.4652702245911946,0.10005243634875492,1.46 +3515,1.238005184481289,0.09917222778379485,1.24 +3516,0.29850938263281246,0.10116432093510307,0.34 +3517,2.143197005309319,0.10082916754527203,2.06 +3518,1.200781967851939,0.09991054011303377,1.26 +3519,1.273482262835963,0.09918875717349344,1.4 +3520,0.5703157772638086,0.09994635650677933,0.54 +3521,1.012690579413914,0.09928599048179117,1.14 +3522,1.7677116670468471,0.09950346970472025,1.78 +3523,1.7540768776598596,0.09924057853816713,1.68 +3524,1.7242141985012764,0.10089982291586477,1.86 +3525,0.9915480687817755,0.09912839849944748,0.88 +3526,2.323936063613126,0.10012708970809861,2.18 +3527,-0.05459771361413179,0.10622697244108248,-0.12 +3528,1.922972157297196,0.09959514730083771,1.94 +3529,1.5784632336059807,0.10028816975558277,1.52 +3530,2.1994418029976908,0.10222748032432322,2.32 +3531,0.2830914117347063,0.10079542687391294,0.26 +3532,0.39534336744040455,0.10045647707396375,0.4 +3533,1.4299581349974637,0.09898123198861121,1.42 +3534,0.5211728451813904,0.09996212101878815,0.54 +3535,0.6739937704124166,0.0997237629979295,0.74 +3536,1.7349451525986133,0.09922729047733685,1.76 +3537,1.7538387307675343,0.10019713369487811,1.82 +3538,0.6863365140336419,0.09989808417887949,0.62 +3539,1.423922691545578,0.09860588470118237,1.46 +3540,1.1704758552173764,0.09920626067073944,1.18 +3541,0.8809340454929291,0.09962931182502069,0.86 +3542,2.5799413515460623,0.10088728556650504,2.6 +3543,0.9996974219073997,0.09911148354705486,1.08 +3544,1.8069290163896212,0.09934411729074871,1.84 +3545,1.927769146295305,0.09933241063971116,2.0 +3546,1.2231140221528711,0.09957246071413284,1.26 +3547,1.744896847903356,0.09964398350024933,1.8 +3548,2.2956638590118503,0.10068548706940915,2.12 +3549,1.6902908959649572,0.10025010583017581,1.78 +3550,1.66652242085651,0.0999563491919882,1.7 +3551,1.0485718930653654,0.09917428176911466,1.08 +3552,1.7571058945808467,0.1000811806331681,1.72 +3553,1.268582088081019,0.09918229212699348,1.36 +3554,0.8864618814590848,0.0997730766639383,0.9 +3555,0.8647248608324538,0.09954879727314861,0.86 +3556,1.9017741114746876,0.10069678955865606,1.8 +3557,1.3562645560532054,0.09889573629417606,1.48 +3558,1.3111058869799528,0.09895768771297793,1.3 +3559,0.8634824337647593,0.0996588849145467,1.0 +3560,0.9476000861388989,0.09941165118428145,0.94 +3561,0.3652253842746276,0.10167011622684363,0.3 +3562,1.5941572233762933,0.09957314177920158,1.66 +3563,1.6265839313005237,0.10053480725015912,1.62 +3564,0.6943356077021512,0.10021921960635975,0.62 +3565,0.36027002880650794,0.10165119315868645,0.38 +3566,0.8199602117889035,0.09976017828961621,0.8 +3567,1.914534213488374,0.09917516019541103,1.98 +3568,1.0567761649742955,0.10004434118308796,1.08 +3569,1.3665339290491125,0.099059622591773,1.26 +3570,1.9977200567847937,0.0995716064569072,1.96 +3571,1.5069458798326074,0.09923289960480314,1.5 +3572,2.898301699761803,0.1083489970725292,2.88 +3573,1.8608792604266327,0.09900777814375111,1.84 +3574,1.00503066744998,0.0994392043158137,0.96 +3575,1.826296029008671,0.09931885222299724,1.66 +3576,0.431077199484698,0.10173680997845913,0.48 +3577,2.2448018529989335,0.10031259746613382,2.18 +3578,1.3597198191605961,0.09910129831938139,1.26 +3579,0.8976124180614995,0.09938548224221515,0.84 +3580,1.284665515460781,0.0989938673548131,1.24 +3581,1.7515890984448432,0.09944994261670884,1.8 +3582,1.690231002928784,0.09949023836249862,1.7 +3583,0.9571016407891484,0.09946395285730515,1.16 +3584,0.4869050523714342,0.10007774882968822,0.58 +3585,1.128924233928381,0.09967619990855517,1.08 +3586,0.5944987875681995,0.10060565743042126,0.54 +3587,1.6092359792633892,0.09981872245718207,1.6 +3588,1.5975449344225445,0.0997999323125158,1.64 +3589,2.212056125323337,0.10141746120719779,2.18 +3590,0.7054484047849889,0.10113797155456106,0.82 +3591,0.7639518850858458,0.0996321843942775,0.88 +3592,1.1225518329382218,0.09916422445453409,1.18 +3593,2.4927130744251587,0.10120484743940605,2.46 +3594,2.7450432116294907,0.10211919604438931,2.86 +3595,1.047388821328682,0.09916819149444517,0.92 +3596,1.161520733414499,0.09901169602027397,1.22 +3597,2.6232521120895074,0.10098372555016552,2.52 +3598,0.9579552362297086,0.09940902839887958,0.94 +3599,1.1076833452066104,0.09932746548089588,1.04 +3600,2.0838287954822627,0.09927329800719803,1.96 +3601,0.6545130431819508,0.09978783488843929,0.76 +3602,2.9051496066232625,0.10830585740885205,2.9 +3603,0.38489510627889056,0.10017799767291712,0.38 +3604,0.1803704640116599,0.10224797779430256,0.24 +3605,1.5341733077716888,0.09906690563989776,1.42 +3606,1.3119202754819248,0.09893341091983601,1.38 +3607,2.8401040023209854,0.1026943314379788,2.96 +3608,0.4989737511046435,0.09963448340909369,0.44 +3609,1.0475349804338598,0.09944315918848963,1.06 +3610,2.6199557949808296,0.10223683784806888,2.46 +3611,1.1608325307513219,0.09976143936689275,1.06 +3612,1.6797737462511513,0.09935710084540202,1.76 +3613,1.8657651059363338,0.09900090449348395,1.74 +3614,1.3895317957775795,0.10033439313782679,1.46 +3615,0.928988990488947,0.09942484637037248,0.9 +3616,0.8125050269322649,0.1000153792384076,0.86 +3617,1.7783842587326262,0.10024470648316879,1.8 +3618,1.462054429033487,0.09857682116594134,1.4 +3619,2.3370366775643783,0.10172213010397615,2.16 +3620,1.6082128206432038,0.10018151061998447,1.7 +3621,0.9473500693370205,0.09926003755451705,0.98 +3622,1.0100458765948168,0.09914859675236062,0.96 +3623,0.6896256692295715,0.09955097596720279,0.8 +3624,0.39671954389842123,0.1004109517979014,0.76 +3625,1.1285674889973627,0.099184717581994,1.12 +3626,1.1586207922872738,0.0990615141337116,1.06 +3627,1.137659275507169,0.09918530643586017,1.2 +3628,0.4442904270759065,0.10040692854445797,0.52 +3629,2.7499219679372198,0.10395643526802395,2.76 +3630,1.3765656943216846,0.09989518620186545,1.4 +3631,1.3518438310226208,0.09874599755265337,1.36 +3632,0.5590735053655542,0.10061630417090489,0.58 +3633,1.4166870640900135,0.09864160872602389,1.4 +3634,0.8764525202432274,0.09981677978887257,0.88 +3635,2.277470898079529,0.10087527942065563,2.34 +3636,0.1675388473171473,0.10955408781154283,0.3 +3637,0.6990992712221036,0.09959668579909406,0.74 +3638,0.8311787158119308,0.09994793734964608,0.84 +3639,1.0738121416693651,0.09948854329576202,1.08 +3640,1.4710321921851992,0.0987213554334895,1.42 +3641,1.7886129683268883,0.09911187707953321,1.84 +3642,0.6701659597436354,0.10023023864035152,0.68 +3643,1.0601787850475908,0.09964331015115925,1.04 +3644,3.0893189010707944,0.10582579356626257,3.08 +3645,1.1576420158386902,0.09970947582359856,1.24 +3646,1.5841349360477615,0.09968681305804863,1.62 +3647,0.8609314891267352,0.10003593750508952,0.74 +3648,0.5541123755126385,0.09956955113252883,0.6 +3649,2.2946806668077544,0.0997125868285709,2.3 +3650,1.5198982328211421,0.09896238397215469,1.42 +3651,1.3637282835462805,0.09879190087723805,1.5 +3652,0.9267003834378904,0.09966433257417993,0.98 +3653,0.9084993050694485,0.09958481135059793,0.86 +3654,1.3203623114479803,0.09933251589243139,1.2 +3655,2.458020154931824,0.10074719799285237,2.5 +3656,1.0735630221269339,0.099370733366323,1.06 +3657,0.38058563411186763,0.10024732474805843,0.38 +3658,1.130310216268527,0.09921863537440904,1.16 +3659,1.0402715980702417,0.09947889114980164,1.04 +3660,0.1419801392387654,0.10195035581994803,0.2 +3661,0.7898238891121572,0.10036908622670343,0.84 +3662,1.878890281920097,0.09906037049773352,1.94 +3663,1.007481075745688,0.09948724047187388,1.1 +3664,2.0144891541937833,0.0993101097323917,1.98 +3665,1.9299830196832104,0.0998634980418215,2.02 +3666,0.30855903015857034,0.10178709327637803,0.38 +3667,0.6582163515771107,0.09962678072642588,0.7 +3668,2.43278017456661,0.10097864943009721,2.38 +3669,1.0867377821458966,0.09955514241629437,1.12 +3670,1.7670856090178695,0.09970426754569782,1.74 +3671,0.5075098556217064,0.09963640151804516,0.48 +3672,1.8818703414215043,0.09935701131310418,1.78 +3673,1.1194236989193278,0.09928420173770139,1.14 +3674,0.6871375403161302,0.10011979787912194,0.76 +3675,1.1461082756508396,0.09898401883289637,1.24 +3676,0.997828132881964,0.1008778429460839,0.98 +3677,1.1527659948276188,0.10065279500095324,1.22 +3678,2.7408303613579763,0.1029487629441895,2.7 +3679,0.737003681536337,0.09977304619264414,0.58 +3680,0.20942419446006322,0.1017184289292993,0.26 +3681,1.117047159562255,0.09912450313680257,1.16 +3682,0.7623040749136087,0.09972974091699126,0.76 +3683,1.7537328233084437,0.09918529532559091,1.76 +3684,1.3449740143155473,0.099121618047709,1.3 +3685,1.894270514746634,0.099007980375625,1.88 +3686,2.577249552337485,0.10065941007709317,2.44 +3687,1.0326708110628509,0.09946788251707331,1.08 +3688,1.0866547293911715,0.09962754122566217,1.08 +3689,1.5365461161344178,0.10123891342619094,1.58 +3690,0.974017655515788,0.09941965756030925,1.02 +3691,1.2466514489178173,0.10013671097768517,1.36 +3692,1.2335199880395258,0.09937164631740342,1.28 +3693,0.1548348215004729,0.10853928620313977,-0.08 +3694,1.1741265703358799,0.09909991064939067,1.14 +3695,2.217571671729627,0.10133950041175767,2.24 +3696,1.274670507526374,0.09908616931809824,1.34 +3697,2.310890556705403,0.09986276935107277,2.28 +3698,1.7622525181747377,0.10011649891520182,1.76 +3699,1.3477384902509975,0.09906432933795965,1.3 +3700,1.0146241738066102,0.09931729832300401,1.08 +3701,0.5074681256134361,0.09981122908411152,0.44 +3702,0.4547778045645934,0.09985185700143757,0.52 +3703,0.7735212494321295,0.09975977298053118,0.9 +3704,1.1496075855597787,0.09902301998816034,1.18 +3705,1.5337361311435493,0.09920030403466212,1.48 +3706,2.1340837426545685,0.09945581805103622,2.06 +3707,1.0808370395473126,0.09936752426112459,1.1 +3708,1.682736761896593,0.09965250678217914,1.7 +3709,1.543579577711818,0.10019859750506196,1.64 +3710,1.344344983875019,0.09887702604077246,1.34 +3711,0.5244859677989389,0.10012757864132875,0.52 +3712,1.6690328431653423,0.10007756911515661,1.62 +3713,0.8251547062983418,0.09988123252115687,0.72 +3714,1.3196277129210283,0.10003180011986813,1.32 +3715,0.4464659898136796,0.09981768031501397,0.48 +3716,1.4627882661512912,0.09902279819689923,1.48 +3717,2.0945393888167176,0.0998747264682137,2.1 +3718,1.5684118262329647,0.09950410212872066,1.56 +3719,0.6466803648572792,0.09957244817346438,0.6 +3720,1.851558362182202,0.09920079772088126,1.82 +3721,1.5586699380254847,0.09952128307996518,1.64 +3722,0.30720367966872675,0.10061888142622522,0.3 +3723,1.2023649106564755,0.09933991816942965,1.34 +3724,1.8428419449778313,0.09945174447450986,1.6 +3725,0.29920372740059586,0.10092105789255366,0.3 +3726,1.4586705302646237,0.09900861928351948,1.36 +3727,2.1968383996276373,0.10218774948657891,2.26 +3728,0.9245244352088038,0.10018882993799091,1.0 +3729,0.14894711075117306,0.1019444314867046,0.18 +3730,1.7954661241926553,0.09912100219315685,1.84 +3731,1.3750483826957784,0.09873089450915551,1.32 +3732,1.402692788894863,0.09991208809610297,1.4 +3733,1.7582657897900635,0.09939313768232624,1.74 +3734,1.4907995037837345,0.09926618539692697,1.48 +3735,1.3590059613107879,0.09897961187753546,1.44 +3736,1.0485032641125904,0.0990359531331988,1.12 +3737,2.417684928446116,0.10029725113644725,2.14 +3738,1.8034147796212652,0.09929597502351306,1.74 +3739,1.0520343264698189,0.09928160263620286,1.08 +3740,0.8692542544300721,0.10030121864788241,0.9 +3741,0.8376664518944412,0.09986518066505685,1.0 +3742,0.871059981426775,0.09970655921359381,0.94 +3743,1.98151069333728,0.09934896830225323,1.98 +3744,1.856158023998858,0.09897097261723047,1.78 +3745,1.0078511189753534,0.09966664883836164,0.98 +3746,1.5931783054851258,0.09993056486334358,1.68 +3747,0.915217562081234,0.09987069873780141,0.88 +3748,1.1431045135565003,0.09975980207570136,1.18 +3749,1.9329272430998807,0.09976970735899274,2.0 +3750,1.6454135470547648,0.10021396424846815,1.56 +3751,1.5232277792919204,0.09920926729861312,1.58 +3752,1.1757060728061466,0.09909228004483986,1.28 +3753,1.350449385621794,0.09962643825727821,1.46 +3754,1.361531328945263,0.09890397781248463,1.32 +3755,1.999005172189728,0.0997883238148101,2.0 +3756,1.107583108840285,0.09922111219923697,1.1 +3757,1.2020798800446,0.09985068313801052,1.2 +3758,1.3009323182013677,0.0990612233236647,1.42 +3759,0.6564948647725053,0.09959814249591918,0.7 +3760,2.4133883861212766,0.10108963450534449,2.34 +3761,1.2072322248623892,0.09926254529248593,1.28 +3762,1.0263748825729502,0.09932709977109433,1.06 +3763,0.21822001881837028,0.10469996308387464,0.28 +3764,0.6552267224587662,0.09960488268152032,0.8 +3765,0.8324355988478371,0.1038573509893993,0.76 +3766,1.0281312576843156,0.09979030427665726,1.06 +3767,1.8940843235324654,0.09912429618282716,1.74 +3768,0.9357315476406141,0.1001958559858291,0.86 +3769,0.9914186386129058,0.09967208311855698,1.02 +3770,1.3785489027825235,0.0993875377644515,1.28 +3771,3.3339501463926142,0.12752333689654483,3.58 +3772,0.4825823090656163,0.09970080196545203,0.48 +3773,1.2297750962429672,0.09959842604141093,1.26 +3774,1.535986061788411,0.09936422835358205,1.58 +3775,0.828892320149359,0.09972452664345044,0.88 +3776,1.7952904156494085,0.1021063003810704,1.78 +3777,0.9951672721017129,0.09939057292170551,1.06 +3778,0.9331730854458644,0.0997260202127972,1.02 +3779,1.2418896027745736,0.09938196485292482,1.34 +3780,1.2735098203088435,0.09912394464559758,1.36 +3781,2.7505938993754215,0.1019080751802621,2.78 +3782,1.0501147906854909,0.09894072032413564,1.02 +3783,1.7827802236102797,0.09903629850929153,1.74 +3784,1.4790868236886208,0.09914804435866072,1.42 +3785,2.253781502618227,0.10074761618939887,2.12 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/val-metrics-2022.02.11.12.31.39.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/val-metrics-2022.02.11.12.31.39.csv new file mode 100644 index 0000000..062068e --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/val-metrics-2022.02.11.12.31.39.csv @@ -0,0 +1,7 @@ +,0 +nll,-744.8032989287497 +sharpness,0.1010823900513225 +variation,0.06438131178222463 +mae,0.06154800039142025 +mse,0.008024037179330482 +rmse,0.08957699023371171 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/val-metrics-2022.06.23.21.04.47.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/val-metrics-2022.06.23.21.04.47.csv new file mode 100644 index 0000000..1b5eced --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-0/val-metrics-2022.06.23.21.04.47.csv @@ -0,0 +1,7 @@ +,0 +nll,-744.8664094770095 +sharpness,0.10108266442648493 +variation,0.06439542424671407 +mae,0.06153852948691456 +mse,0.008022453171885274 +rmse,0.08956814819948704 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/2022.01.20.15.42.39/train/events.out.tfevents.1642693359.node-e00a-010.myriad.ucl.ac.uk.228055.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/2022.01.20.15.42.39/train/events.out.tfevents.1642693359.node-e00a-010.myriad.ucl.ac.uk.228055.0.v2 new file mode 100644 index 0000000..9b29e55 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/2022.01.20.15.42.39/train/events.out.tfevents.1642693359.node-e00a-010.myriad.ucl.ac.uk.228055.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/2022.01.20.15.42.39/validation/events.out.tfevents.1642693413.node-e00a-010.myriad.ucl.ac.uk.228055.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/2022.01.20.15.42.39/validation/events.out.tfevents.1642693413.node-e00a-010.myriad.ucl.ac.uk.228055.1.v2 new file mode 100644 index 0000000..e814062 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/2022.01.20.15.42.39/validation/events.out.tfevents.1642693413.node-e00a-010.myriad.ucl.ac.uk.228055.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/2022.01.26.16.56.17/train/events.out.tfevents.1643216178.node-l00a-006.myriad.ucl.ac.uk.236344.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/2022.01.26.16.56.17/train/events.out.tfevents.1643216178.node-l00a-006.myriad.ucl.ac.uk.236344.0.v2 new file mode 100644 index 0000000..71a75de Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/2022.01.26.16.56.17/train/events.out.tfevents.1643216178.node-l00a-006.myriad.ucl.ac.uk.236344.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/2022.01.26.16.56.17/validation/events.out.tfevents.1643216224.node-l00a-006.myriad.ucl.ac.uk.236344.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/2022.01.26.16.56.17/validation/events.out.tfevents.1643216224.node-l00a-006.myriad.ucl.ac.uk.236344.1.v2 new file mode 100644 index 0000000..f5606c7 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/2022.01.26.16.56.17/validation/events.out.tfevents.1643216224.node-l00a-006.myriad.ucl.ac.uk.236344.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/2022.02.10.16.05.22/train/events.out.tfevents.1644509123.node-j00a-002.myriad.ucl.ac.uk.256347.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/2022.02.10.16.05.22/train/events.out.tfevents.1644509123.node-j00a-002.myriad.ucl.ac.uk.256347.0.v2 new file mode 100644 index 0000000..4ea2f9d Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/2022.02.10.16.05.22/train/events.out.tfevents.1644509123.node-j00a-002.myriad.ucl.ac.uk.256347.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/2022.02.10.16.05.22/validation/events.out.tfevents.1644509190.node-j00a-002.myriad.ucl.ac.uk.256347.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/2022.02.10.16.05.22/validation/events.out.tfevents.1644509190.node-j00a-002.myriad.ucl.ac.uk.256347.1.v2 new file mode 100644 index 0000000..079c0cd Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/2022.02.10.16.05.22/validation/events.out.tfevents.1644509190.node-j00a-002.myriad.ucl.ac.uk.256347.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/metrics.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/metrics.csv new file mode 100644 index 0000000..93cf8a3 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,-2224.8400762889137 +sharpness,0.19224092642588517 +variation,0.08860171459199911 +mae,0.07288390815354077 +mse,0.011270653555886303 +rmse,0.10616333432916612 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/predictions.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/predictions.csv new file mode 100644 index 0000000..927654a --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/predictions.csv @@ -0,0 +1,3787 @@ +,Predicted value,Predicted standard deviation,True value +0,1.1269536002145604,0.18860091642974955,1.24 +1,0.5882005334036464,0.1931080119407169,0.62 +2,1.4158848985029053,0.18730975971207453,1.56 +3,3.2685937277899724,0.2038648423166845,3.16 +4,2.46189421317394,0.19140486826881778,2.3 +5,1.2396788252854265,0.18644997254201578,1.3 +6,0.5892675408098047,0.18757634821905725,0.58 +7,0.5387674402863702,0.19207056623327323,0.68 +8,2.88923726820245,0.19528787884879711,2.84 +9,1.0038961133283568,0.1873655122025701,0.92 +10,3.1877539045629657,0.21665493324467483,3.2 +11,0.8375043247004001,0.1877800005336848,0.86 +12,1.2830212777912255,0.18729747178203124,1.38 +13,1.821942227165944,0.18867536529171838,1.9 +14,1.5734553489204341,0.18814912590942426,1.72 +15,3.7011433504946023,0.22451899329196598,3.6 +16,1.2887643989392459,0.18675746286873104,1.44 +17,1.4432031311078,0.188385815672302,1.48 +18,1.518407040166154,0.18768207390137223,1.64 +19,0.7248789662022717,0.1884044764184149,0.62 +20,1.7040675010253807,0.1888198201324581,1.7 +21,1.1417289413333116,0.18663960311983668,1.0 +22,0.9598323942253935,0.18785516470269129,1.02 +23,1.6781883902227073,0.18670937379483524,1.6 +24,0.45238538766037384,0.18889086442111638,0.44 +25,1.4257078540484553,0.18874355930051626,1.42 +26,3.1459493278092143,0.1932430298395406,3.14 +27,2.248387440045664,0.18742761959357981,2.4 +28,1.3606171629847374,0.18646189645296873,1.36 +29,2.0993507683058965,0.18775218455476464,2.22 +30,1.2975877698309148,0.18637148594941388,1.26 +31,1.4077181110184036,0.18677616854699428,1.46 +32,1.7322513933742736,0.18676448030790618,1.78 +33,0.7274925096154299,0.18714059707310518,0.72 +34,1.4754337598470368,0.18702567120142452,1.52 +35,1.1802022032359443,0.1866609218927877,1.2 +36,3.518541021661216,0.20893610275385371,3.44 +37,1.02603772476862,0.18726577629399316,1.06 +38,1.2191877449654573,0.18755669593373822,1.24 +39,1.5384741438088192,0.18703211259088354,1.52 +40,1.4078198024037623,0.18673499773048147,1.46 +41,1.485103532225286,0.19149473736769845,1.48 +42,0.726282811551916,0.1907848203393212,0.7 +43,1.1761155205861826,0.1873438635159149,1.18 +44,3.2190516259595947,0.2269216031820852,3.54 +45,0.7123597867520453,0.1878857867773938,0.68 +46,0.6798392613705417,0.18919367981851437,0.64 +47,0.8112467727766177,0.18774375140820768,0.82 +48,0.10651414709842943,0.206429332582958,-0.06 +49,1.5317710045117778,0.1876668494963667,1.62 +50,0.9383215309875006,0.18750105512758725,0.84 +51,1.0112809216938523,0.1907851253191454,0.92 +52,0.3356380250750164,0.19056518497260888,0.4 +53,1.5176263232223655,0.18697423220539286,1.44 +54,1.1729536846763164,0.18667004050978614,1.14 +55,2.020657690067254,0.18786103430507325,2.1 +56,2.1610498856004927,0.1918727280061562,2.2 +57,0.5813966031000029,0.1925189945830214,0.54 +58,0.7523866814363036,0.18994280426979393,0.64 +59,0.7803685664151907,0.18909797411635682,0.8 +60,1.3141211323861868,0.18704138543571636,1.36 +61,0.953759016298988,0.18936237812794635,0.82 +62,1.273882607388962,0.18804343397354975,1.26 +63,1.3239128456440945,0.1875059794045565,1.44 +64,0.4804822655527652,0.18861913364318258,0.4 +65,0.41628318743695947,0.19045467346883213,0.32 +66,1.4903458851673002,0.19551636519514654,1.68 +67,2.2202372116950047,0.1887228340468688,2.1 +68,1.0862232121556705,0.18700948502336917,1.08 +69,1.2767485890445684,0.18808737568127323,1.44 +70,0.31942638626326425,0.19278212070997777,0.38 +71,1.475508448233524,0.1868290129621051,1.54 +72,0.6957744669606083,0.19724779391295208,0.56 +73,1.411371060932477,0.18750506791269977,1.48 +74,2.002455121663223,0.19034290272715995,2.1 +75,2.5200954444024415,0.18924258729321908,2.44 +76,2.0271872302907585,0.188607847327792,2.28 +77,1.8473577766552698,0.18795697392870134,2.02 +78,1.7504341712121063,0.18749173531025873,1.84 +79,1.6558695056676698,0.2061902546793103,1.74 +80,3.8126442523619835,0.23353660503959509,3.84 +81,0.8590053532377546,0.1873537044952071,1.02 +82,2.2762306104517824,0.1889672392650212,2.3 +83,2.2280506308182986,0.18800347259730232,2.24 +84,0.8200324230279687,0.18714053296585564,0.68 +85,1.347991139919235,0.18844212244413275,1.58 +86,2.5956442292229633,0.1915903882826422,2.52 +87,1.5914983705234953,0.18767546567767815,1.64 +88,0.7106528648320627,0.19331486293321265,0.82 +89,0.8518557643668345,0.18736901450815252,0.92 +90,2.2502227894201283,0.18783579193280064,2.3 +91,1.7529627498790845,0.18698726800431945,1.72 +92,1.4183250732436854,0.1889396416703834,1.48 +93,0.7331622270429421,0.18730065139646235,0.84 +94,0.8782117288067088,0.18985562071350112,0.8 +95,1.2836168605738554,0.18696577627383426,1.26 +96,0.5477351039728611,0.18930071771807752,0.6 +97,1.9193844785085077,0.1880244017794122,1.96 +98,0.6929008461601083,0.18837409746762926,0.76 +99,1.300329834513952,0.18653090657781995,1.26 +100,1.5504880819108984,0.18796562559432886,1.42 +101,0.8941740025376792,0.19599015923175853,0.94 +102,1.2680819337615177,0.1872909189724086,1.2 +103,0.4299668476666405,0.1929741854085342,0.32 +104,0.7665927038879083,0.18790227690400754,0.68 +105,1.9189209357483847,0.18713409358188351,1.84 +106,0.21090172353367032,0.21467159738763616,-0.04 +107,1.424126268493586,0.18790703302289022,1.54 +108,1.3753903444045428,0.18637029702933658,1.38 +109,0.469340435622722,0.18789420475663107,0.5 +110,1.2786128392171066,0.1876411883001979,1.16 +111,2.1327664233131607,0.18810049355471029,2.18 +112,0.9273131121317715,0.1874517960281452,0.9 +113,1.5993119082199734,0.18669149166644575,1.62 +114,1.128728420597109,0.18695815547383315,1.14 +115,1.5018300258066948,0.18873865286306699,1.62 +116,1.9138099522695342,0.18684246354511047,1.78 +117,1.1187947762487263,0.18708647080904575,1.1 +118,0.35807401351103185,0.1905263073084178,0.4 +119,2.173836391876155,0.18879599840348565,2.14 +120,0.25371153503687727,0.19003045728041432,0.28 +121,1.4345500053090927,0.18864106961697477,1.4 +122,1.7875061813485822,0.18698437048739158,1.8 +123,0.4537774444534233,0.191872952128541,0.48 +124,1.7381631616294684,0.18644801880005335,1.92 +125,0.28776611267241603,0.18965654555250072,0.16 +126,0.6440853148460992,0.18781865314959176,0.68 +127,2.195638764331683,0.1890157812944256,2.28 +128,1.162936597376237,0.18709498576695283,1.16 +129,1.3469961661252559,0.18914971330014116,1.24 +130,1.284633459998154,0.18707218692397004,1.26 +131,1.7054234233607055,0.1865987612245372,1.7 +132,1.9697234743804526,0.18765375016520042,1.82 +133,1.971476106800963,0.18774711376171258,2.04 +134,1.2092609691207319,0.1871437547308521,1.28 +135,0.7056441426464961,0.18786775138207845,0.62 +136,3.4565615415707,0.21032412507945172,3.44 +137,0.9657481245583626,0.18713934564138782,0.9 +138,2.352862474232956,0.1895834811204099,2.4 +139,2.402363656894196,0.1911316302881345,2.46 +140,1.1664645305431371,0.18792489549032934,1.02 +141,0.8053948626650957,0.18781840363906743,0.76 +142,3.1242755869131775,0.19577230636787382,3.26 +143,1.20978939213508,0.18743346777278955,1.14 +144,1.706073822075653,0.1865975611076436,1.8 +145,1.7966356099344962,0.1864126337174497,1.86 +146,0.9030010650572067,0.18740041705792793,0.94 +147,2.0839241050308974,0.18846681626680187,2.1 +148,1.7810293889150046,0.18870802440145104,1.9 +149,1.280686030861298,0.18704812102562937,1.28 +150,1.4939690228465363,0.18691710912994092,1.6 +151,0.25720242391830905,0.19318040921488555,0.16 +152,1.6736792586883447,0.1872315283046072,1.72 +153,0.7045052332391244,0.19041664160269695,0.52 +154,0.8374398632148286,0.18699377627080502,0.92 +155,1.7286926178668118,0.186621534410402,1.64 +156,1.2138512753967199,0.18738585103782057,1.12 +157,1.8770058348487002,0.1869832186579675,1.88 +158,1.0464648423643184,0.18765642485714912,1.0 +159,1.1443271007982923,0.1878922601718486,1.16 +160,1.29056403560086,0.18748723624794622,1.2 +161,1.0457441113952222,0.18791005007691544,1.12 +162,2.5514069480376413,0.19663781759004184,2.48 +163,3.078950255720744,0.2064677026286673,3.44 +164,1.3037987368293102,0.1868384856121367,1.34 +165,2.271400098426798,0.1874396429859393,2.26 +166,1.1797178496035408,0.1868226377792743,1.24 +167,1.8093274058019262,0.18665449729121494,1.82 +168,1.0481232087555103,0.18663029135998327,1.0 +169,1.1126577653217968,0.19245357257545231,1.12 +170,1.1074279920699415,0.1873896818960089,1.14 +171,0.8503297125740492,0.187762663016074,0.98 +172,1.1464206194117967,0.18820134719066242,1.04 +173,1.5447081229921003,0.19019238043147835,1.7 +174,0.41115846293355784,0.18758278054604025,0.42 +175,1.4369632481157446,0.18645783467700738,1.44 +176,0.5906454143679742,0.18865734531199946,0.62 +177,1.818474655824666,0.18721784498933128,1.8 +178,1.4345658756911714,0.18852690865128513,1.5 +179,0.7093466100511805,0.190778351009774,0.66 +180,1.3843163163386507,0.18985367396625982,1.48 +181,1.2977442841706115,0.18683416050918888,1.32 +182,1.6489412409279425,0.18696520768510197,1.68 +183,1.26177894349014,0.18751173892598022,1.22 +184,2.8276387825082754,0.19867761321926733,2.66 +185,1.183825619732198,0.18672969865522424,1.18 +186,1.8438663429679398,0.18745806140091376,1.84 +187,1.4308898302075292,0.1865401378534227,1.44 +188,0.9986451342700733,0.18692026278811472,1.02 +189,1.831855628490276,0.18825296090667573,1.9 +190,2.0532076673981567,0.18782088503291838,2.12 +191,1.5368698519269792,0.18758554283463805,1.56 +192,1.0380340511612414,0.18877512651867356,1.1 +193,1.3917895744548894,0.18700191200811161,1.4 +194,2.6896681420620068,0.19068568461249916,2.76 +195,2.131233618178836,0.18905196146049677,2.2 +196,0.20150812840234988,0.2003357914235605,0.22 +197,0.9944483279229737,0.18905902982304,0.94 +198,2.5088426054307815,0.1885647105156414,2.46 +199,1.217862030255888,0.18659188278257233,1.28 +200,1.4640777095003632,0.187586658111199,1.5 +201,0.6414415956916646,0.1889965976637868,0.7 +202,0.8629477039375228,0.1906800493263694,0.98 +203,1.9137084578871761,0.1875721174009523,2.02 +204,0.8847673280517079,0.1878919669102596,0.84 +205,0.793217848030211,0.1873624248536685,0.84 +206,0.8881515920296181,0.1879513523981307,0.82 +207,1.3702274169717115,0.18680889705200165,1.36 +208,3.95675179443829,0.23601082273234283,3.96 +209,1.7319195471431634,0.18660936598142647,1.62 +210,1.1792812017549281,0.18696387904142187,1.2 +211,1.2891841291064339,0.18657065455362293,1.24 +212,1.1301168260801486,0.18808331973508885,1.1 +213,1.2305351290583488,0.18835443583756473,1.16 +214,1.524483199384748,0.1865922185199381,1.56 +215,1.1596273485863204,0.1872066251931858,1.08 +216,1.768643073637324,0.18654712265018397,1.72 +217,2.6854610245311656,0.19243634672208815,2.62 +218,1.0229037346078969,0.18732904707121514,1.02 +219,1.5670408336922892,0.18784970487739217,1.7 +220,2.139527718770065,0.1870102826265202,2.12 +221,0.8528876465641837,0.18720694008983332,0.86 +222,1.2199530659538838,0.18690781956915548,1.18 +223,0.48924592319084437,0.18841956591254325,0.48 +224,1.2718043732116346,0.18675051968682838,1.28 +225,0.6665932403106993,0.18905044091410633,0.78 +226,1.5167560498171888,0.18658440634282025,1.58 +227,0.5306279150667088,0.19272071304843064,0.5 +228,0.1437776580199277,0.19665971293505155,0.14 +229,2.352309055575895,0.18880077383629512,2.62 +230,2.6096232103812227,0.19203271811719613,2.66 +231,1.2349689759086655,0.18984423193655672,1.24 +232,1.4043616194630577,0.18777028539802654,1.44 +233,0.8429725465640019,0.18897685795414515,0.92 +234,0.745701211043593,0.18720081545826245,0.72 +235,1.9203731638679067,0.18719761924571118,1.98 +236,3.7968309020790967,0.2460914961100593,3.72 +237,0.897980472963597,0.18880859794993402,0.98 +238,1.913583663455187,0.19064225197905374,2.04 +239,1.0121449387293115,0.18727203212168253,0.88 +240,2.3005324175079513,0.18871433952916156,2.46 +241,2.767843222930365,0.1947096250400614,2.9 +242,2.603376262426927,0.20430089298290505,2.56 +243,2.5047632721378976,0.18937843851208075,2.64 +244,1.4980722193506388,0.1864778833519615,1.46 +245,2.189844372443222,0.18792196354134136,2.16 +246,1.4879684418263122,0.1864051773645992,1.52 +247,0.467083227045632,0.18943834859459668,0.46 +248,1.6562391234373826,0.1914442280497628,1.76 +249,0.799454057105977,0.19132854854780645,0.78 +250,2.243998311699472,0.18863193024033206,2.22 +251,1.5333910459039786,0.18630736647049562,1.6 +252,1.4479621299839762,0.18935688503782735,1.38 +253,1.5650602875760964,0.18763169818321704,1.82 +254,1.7393705704434705,0.18741880715196688,1.54 +255,3.106306020212142,0.1974622754422533,3.16 +256,1.8821239948940003,0.18797306900616645,1.88 +257,2.1501221667728654,0.1871862335983812,2.24 +258,1.4654405273135815,0.18723373729056939,1.42 +259,1.4963967048922797,0.18636208325550643,1.52 +260,0.9391803860112653,0.187039008405754,0.9 +261,0.7670399193732209,0.18751686751892685,0.56 +262,1.8262604883886564,0.18733544905566954,1.86 +263,2.27084565006482,0.2062055106222682,2.3 +264,1.7118970165788678,0.18634414162547602,1.78 +265,1.4022173654506098,0.18726045552389659,1.48 +266,1.0544844543769163,0.18943044761124334,1.1 +267,0.16576218568964696,0.20353529168217954,0.12 +268,1.9377353629311413,0.18897189659741437,2.06 +269,1.3038337882524094,0.1924611867931367,1.24 +270,0.7834629697497679,0.18743157681893463,0.74 +271,0.5311174056704762,0.19068036983194925,0.42 +272,2.1466828849540702,0.18900149273715047,2.2 +273,1.848106409670714,0.1877782777439165,1.86 +274,1.9916148106466462,0.1899585941178817,2.08 +275,1.306603479433748,0.18695949660538053,1.26 +276,1.9548580888083154,0.1870182540074074,2.04 +277,1.1002176616993673,0.18780094244321635,0.98 +278,1.8956408963745537,0.1939158109285514,1.88 +279,1.204952215112436,0.18671631737841884,1.24 +280,1.3343754148499294,0.18705384869739686,1.28 +281,1.608723369476125,0.18773672614722048,1.56 +282,0.5985250343333075,0.18711242270966486,0.78 +283,1.6864776164281425,0.18971363044257436,1.72 +284,1.5754807316589148,0.18639031235414777,1.68 +285,1.5721697261137753,0.18671395067693156,1.58 +286,0.8760927277654702,0.18682499284996396,0.88 +287,0.44163909391223943,0.19049274966674104,0.54 +288,0.8962373798389056,0.1868430097536967,0.82 +289,2.4039372303724766,0.19177878259799075,2.32 +290,2.006648625426342,0.18826222584426558,1.94 +291,0.9683667317145803,0.1988868080417557,1.08 +292,1.3077727917142685,0.1875073526196562,1.36 +293,0.65520454806667,0.18802079493244578,0.62 +294,1.003698678562132,0.18784798177952283,0.98 +295,0.1583065665814083,0.23724372687930892,0.12 +296,1.6550704287805325,0.18683389591732222,1.66 +297,0.9786010054885594,0.1937827966160457,0.86 +298,0.4744699511358761,0.19084167248935183,0.46 +299,0.37287442416903027,0.21639121939233621,0.4 +300,3.169200630917869,0.19448368164421914,3.12 +301,0.5510850745362543,0.1887002800794153,0.48 +302,1.8312139811792651,0.18680582050283143,1.98 +303,1.1248244583447182,0.1876975305194454,1.08 +304,0.7500448866816829,0.18736127357911408,0.62 +305,1.8622840009984103,0.18666070712581703,1.82 +306,1.0770865015521818,0.1868713729408073,1.04 +307,1.8087106243879616,0.18841151576546625,2.02 +308,1.6139316592540134,0.18736411067397987,1.54 +309,1.2482624983751205,0.18862333910258894,1.4 +310,1.4971822677172792,0.18802346170727627,1.56 +311,0.7295105593531244,0.18689564916449605,0.78 +312,1.5827936559519202,0.1867144546458372,1.64 +313,1.9712381184882217,0.18794861894343917,2.1 +314,0.8107115468914217,0.18764083928594086,0.86 +315,1.2462679310768092,0.18689010769485287,1.24 +316,1.0839171317558336,0.18656948835444623,1.12 +317,1.2414448011333292,0.18683400132855463,1.3 +318,1.255230634089789,0.18701142084747796,1.26 +319,0.5173759239530427,0.19791856523398352,0.64 +320,1.229904419190379,0.1886877989724263,1.34 +321,2.1032144649348252,0.18745491450246007,2.04 +322,1.8038418087758228,0.18741498355154015,1.84 +323,0.983478033334735,0.20216729998554178,1.04 +324,1.411916948069533,0.18696773029666208,1.46 +325,0.7022508112049171,0.18950753752388683,0.82 +326,1.0775809177477769,0.18771172927616595,1.3 +327,0.9780578657852506,0.18764129441748575,0.94 +328,1.7983019198961225,0.1864907988163101,1.78 +329,0.5007564473966266,0.18730584508421394,0.58 +330,0.9659023720564488,0.18666774910327574,1.02 +331,1.1817021412102406,0.1879581822109274,1.14 +332,1.1476035367698636,0.18986686508223122,1.16 +333,2.6206838928333775,0.19654072209610143,2.6 +334,1.3747929279819975,0.1871315870133894,1.44 +335,2.056768681292046,0.18850655627521312,1.94 +336,1.0636792200442102,0.1889638880739603,1.04 +337,1.4514087734081997,0.18683898106892055,1.46 +338,1.6717947103860162,0.1863541714966547,1.74 +339,2.2342926033611015,0.1908754982372322,2.24 +340,0.4319552256748864,0.19069869491049063,0.4 +341,2.262558487015262,0.18861843286320482,2.34 +342,1.7202825241317659,0.18658154715298358,1.74 +343,1.7372349436879502,0.18694744996974122,1.84 +344,0.8089571493450933,0.18758490291777818,0.88 +345,2.091859021022577,0.1880157145235136,2.12 +346,1.1111935082204039,0.18711252922009872,1.18 +347,0.4422077229058854,0.19531961018750604,0.54 +348,0.664622013772717,0.18825440378593145,0.64 +349,2.1010947925635017,0.1884992997834484,2.06 +350,1.7011860535773942,0.1870319934808094,1.72 +351,1.5202048483255883,0.18713076157085515,1.52 +352,0.7519058781771097,0.18785032729967846,0.88 +353,1.2279217024994982,0.18820575415461085,1.26 +354,0.6765510902875651,0.19124179003063896,0.58 +355,0.84204428365248,0.18711167686381777,0.9 +356,1.8407114891483813,0.19948814194999126,1.94 +357,1.3398605560298524,0.18886435934163362,1.3 +358,1.0491089976236705,0.1876885215356704,0.9 +359,0.4829313777545192,0.18812195231319837,0.52 +360,1.03441765184662,0.1868483665383081,0.94 +361,0.807381664039265,0.22020546607786978,0.86 +362,1.2197258772097375,0.18658007538026894,1.18 +363,1.4530801912366471,0.18671448887671516,1.46 +364,1.422663608299499,0.1865138829691878,1.44 +365,2.979560771635639,0.19282418838271448,3.02 +366,1.0729655638966584,0.18844538184064288,1.12 +367,1.8138157693370076,0.19435464460908772,1.82 +368,1.035743623751933,0.18821367727950655,0.9 +369,1.9241176895173029,0.1877152804214738,1.96 +370,2.0938125553269975,0.1898720217861447,2.06 +371,1.7910627077363828,0.1873486446147186,1.74 +372,2.2008053209829974,0.19033389530951056,2.38 +373,3.9288742655913413,0.2502261501209277,3.88 +374,1.3138500721395492,0.1874802159777581,1.34 +375,1.3609429050511406,0.18750287818984196,1.36 +376,0.3482988813223973,0.21175833588111295,0.46 +377,1.9422837878575872,0.18718698076107593,2.0 +378,1.7089349211335307,0.1872006630318807,1.78 +379,1.7010748901753392,0.18741704838113393,1.78 +380,1.1469532384367007,0.1872069306851338,1.14 +381,1.666194209698918,0.1883988939375272,1.68 +382,1.3442646296445313,0.19047554791295557,1.3 +383,0.1594737283113059,0.1938168010716478,0.22 +384,1.1392184491755473,0.1870486042109493,1.2 +385,1.073852346829644,0.19109855081892896,1.04 +386,1.129522197635301,0.1882264207641771,1.16 +387,1.4205780853258834,0.18640527721423109,1.16 +388,1.245448345436608,0.1865795285141473,1.2 +389,0.9450530107661159,0.1879956700126244,1.08 +390,2.139669213874404,0.18733197489559997,2.14 +391,1.4131490391985644,0.18658388961534036,1.42 +392,1.5299169840662394,0.1922455038558906,1.62 +393,1.0537282205889291,0.18764143399616628,1.1 +394,1.3192443329625008,0.1889328054852524,1.44 +395,0.4570529670320218,0.2044118166655611,0.5 +396,1.0681512837260094,0.18638025713701023,1.06 +397,1.0880045698175647,0.19028521395530304,1.12 +398,3.3967022313741646,0.20764310861081195,3.54 +399,1.020671458239087,0.18740977623082222,1.08 +400,1.28318436439639,0.18833388177550228,1.2 +401,0.4273868132041614,0.18867891904337294,0.58 +402,3.5026608925162597,0.20976891434657705,3.36 +403,0.7632795895620206,0.1911242966263836,0.8 +404,0.6934631187439575,0.18938380390218293,0.62 +405,0.7816457825289753,0.1887268795474037,0.72 +406,0.9710950401801697,0.18900470890086768,0.86 +407,1.8632267483979883,0.18664199911480442,1.9 +408,1.355317979505741,0.1871851684390186,1.34 +409,1.8374647113844562,0.1869148040901117,1.92 +410,3.0323376374643463,0.19412161326442393,2.94 +411,1.232086000687379,0.18746574571441368,1.16 +412,0.565548240622131,0.1895388221775401,0.56 +413,0.8060275100326184,0.18830907033325656,0.86 +414,2.321847199340688,0.19112794036934141,2.36 +415,0.30156480023797383,0.18976851485516175,0.28 +416,1.6929119335425977,0.18708771402753313,1.6 +417,1.4397845651712367,0.18732362429771493,1.4 +418,0.4830792368330503,0.19054902623402245,0.52 +419,1.1950394083763733,0.18931291908195585,1.16 +420,1.4373236675118914,0.18660980814500863,1.4 +421,2.2807032797961115,0.18773956959433916,2.36 +422,2.4357439773749343,0.1892019633927602,2.72 +423,0.8355879029343456,0.1865818558168304,0.76 +424,1.4671908715030135,0.18659137984060953,1.48 +425,3.822807915877255,0.23231154269936527,3.84 +426,1.906388418389436,0.1870692332191443,2.0 +427,1.5496374277932745,0.18886581396971502,1.56 +428,1.4108336731906566,0.18646515089306348,1.42 +429,0.8093214338200323,0.19004725585529286,0.8 +430,1.6947531106458478,0.18927340119684474,1.66 +431,0.20649623301341724,0.1911858101446424,0.2 +432,1.4173179205742976,0.1866799291419938,1.44 +433,2.9018272482317604,0.19462630894634952,3.1 +434,0.9405746722377952,0.18695573137495314,0.86 +435,0.8789526502843323,0.18761332396202998,0.78 +436,0.555715479960287,0.18903534750442832,0.54 +437,1.4050800963967032,0.18701928814880067,1.44 +438,0.6017238271806697,0.1893483218455352,-0.3 +439,0.8475568119478745,0.1879786663502775,0.84 +440,1.0261075145075733,0.18887820333340308,1.0 +441,0.9075240843157133,0.187663639654341,0.86 +442,1.9775112426311312,0.18805272805178294,2.02 +443,1.0459163937128093,0.1873543879702413,1.08 +444,1.1144747525505807,0.19268397074972024,1.2 +445,0.6926167498239775,0.189281989691185,0.7 +446,1.4800368853160546,0.18703436207452995,1.58 +447,1.796941016805744,0.18891817330117824,1.88 +448,1.5391135838703687,0.1893354796820589,1.78 +449,0.4890352603731032,0.18869273505069503,0.54 +450,0.5726433418744403,0.18837853978586175,0.5 +451,1.2088725006912437,0.18903488856559977,1.2 +452,1.0206101821722353,0.18869168535380362,0.96 +453,1.1569464947191108,0.18682156860019433,1.18 +454,1.228718849764012,0.18675886000043634,1.36 +455,1.0988587759461048,0.18912415410137776,1.2 +456,2.7729829100664274,0.19081677353496762,2.84 +457,1.8258463860092757,0.1874083163892438,1.82 +458,1.5744483041365929,0.18731181841019565,1.74 +459,1.1366193162176341,0.18822038906041139,1.12 +460,1.7049135187841309,0.18663888420691302,1.78 +461,1.37997068565291,0.18915224366779204,1.34 +462,1.6126477047309973,0.1869554948424661,1.42 +463,0.33823084264956127,0.1967814406176709,0.34 +464,0.6278598849417751,0.18795173724793163,0.6 +465,0.6628143454860542,0.1880149813472679,0.76 +466,0.9461193440198816,0.1896475557162676,0.84 +467,2.4014531558492136,0.19227158489481486,2.48 +468,0.5393300242731851,0.18865103854355628,0.46 +469,1.5964836501102113,0.18655092865155293,1.56 +470,1.1913851511782376,0.1865374397189441,1.16 +471,2.436119703550422,0.18966269363534835,2.54 +472,1.1889968847317995,0.186563961834439,1.24 +473,1.7013707246122511,0.18708135660054712,1.78 +474,1.1532901497498689,0.1866870024430298,1.12 +475,1.1208384860374896,0.18678122902246652,1.02 +476,2.897882203625036,0.19183866712369024,2.92 +477,0.036653475304692984,0.23993530677981034,0.1 +478,0.7770749783632589,0.18777904482036364,0.84 +479,1.1137099617279678,0.1870958412295486,1.02 +480,2.646408855346901,0.19717360208573745,2.62 +481,0.9531992691691074,0.1872425093383872,0.88 +482,3.125517960693071,0.20528323704127904,3.0 +483,1.314333798479914,0.1879009112662646,1.3 +484,2.7870825639590766,0.1917388555506289,2.8 +485,1.5666415779966159,0.1883236167435936,1.54 +486,1.4070991419712364,0.1877913598278565,1.38 +487,2.623810536530004,0.19458433451225166,2.58 +488,1.0381059577965843,0.18700300454908833,1.0 +489,0.9152462200024616,0.1884268428809845,0.98 +490,2.363302704095882,0.19014374384485422,2.5 +491,1.707019975417959,0.18835161070586592,1.7 +492,2.6908015663870097,0.19552883670025747,2.74 +493,0.8346167269608291,0.18730471351001804,0.8 +494,2.3258102824032694,0.19008199147957192,2.36 +495,1.4825313710345658,0.18785962558448316,1.52 +496,1.3211424000815903,0.1874097354807513,1.32 +497,1.4111367278543814,0.18737076754600465,1.32 +498,0.9342090362651974,0.19436218753831344,0.96 +499,1.0303740565925825,0.18793175691327138,1.04 +500,0.6383173425135518,0.18820287832556865,0.6 +501,2.0509733300579374,0.18823778410807532,2.06 +502,0.8882033460989291,0.1882709348030729,0.94 +503,0.6500163963863781,0.1877618388562818,0.7 +504,1.035979804785929,0.18765108284847837,0.98 +505,1.2159159647538325,0.18769304866625805,1.28 +506,2.1661385306282437,0.18778702042535378,2.28 +507,1.5631562573998317,0.18630547294009764,2.18 +508,1.2955220479480787,0.1864069585080838,1.36 +509,0.18832210009250017,0.21011422753265388,0.02 +510,3.0206700101040704,0.20846674055601208,2.98 +511,1.3734295805482575,0.1873816003701552,1.42 +512,1.4133603633883773,0.18796348098415994,1.5 +513,1.0265999760256321,0.19427803987022943,1.14 +514,0.8380647131192991,0.19186486756122306,0.9 +515,1.0200940700273027,0.18807927950615874,0.96 +516,0.9292218852055278,0.1869474378978228,0.9 +517,2.0240491385605237,0.18911043394116261,2.18 +518,1.138389267829026,0.1868993064399593,1.14 +519,1.4012302943874986,0.18682939696734382,1.3 +520,0.7158026652658631,0.1880329537322112,0.94 +521,2.6555831625137323,0.19181817047805141,2.58 +522,1.180058530818392,0.18719136830344282,1.2 +523,2.257436697279208,0.18991534801930943,2.18 +524,3.0655760204044755,0.19676802977577826,3.18 +525,0.9810692698821637,0.189769246096228,1.0 +526,0.8622636219994082,0.18890138484587363,0.94 +527,1.066412143606166,0.186820086278032,1.06 +528,0.7642514554860533,0.18785050882355817,0.9 +529,1.4679962850320838,0.18730221778698894,1.42 +530,1.686640723596588,0.18703503646052988,1.64 +531,1.33079747064589,0.18944765974732294,1.28 +532,0.9389934744132742,0.18830599406846119,0.96 +533,1.8133585294495032,0.18688616366232688,1.8 +534,1.1966719984106586,0.18699151516057586,1.06 +535,0.5884372935756368,0.1889875969184499,0.62 +536,2.061611813199108,0.18742065938513114,2.04 +537,1.6713070076590555,0.18752575323806123,1.8 +538,1.1337844818756715,0.1883250625042625,1.22 +539,1.276231763725373,0.18733167802907497,1.3 +540,1.1361255770100727,0.18818277140736062,1.32 +541,1.3777555921987006,0.18675633060936986,1.36 +542,0.2726295066625888,0.19315543408828387,0.26 +543,1.3559413442412247,0.1866102835462391,1.32 +544,1.2662471611682904,0.18678630889590625,1.34 +545,1.3594663161047873,0.18717044878669042,1.44 +546,2.0964583814611153,0.1885455865748976,2.16 +547,1.342487904229004,0.19733536420785355,1.46 +548,1.605243030031539,0.1873822221290515,1.68 +549,1.9648212833848977,0.18750282023512083,1.96 +550,0.655932398372584,0.18964961654916437,0.58 +551,1.4984867991328141,0.187132330557768,1.56 +552,2.155203038826177,0.18896714679609833,2.14 +553,3.3914832759420603,0.21545945420666812,3.48 +554,1.8840381374941357,0.18689698976110225,2.1 +555,0.5175276768804828,0.19024820692752178,0.46 +556,1.3737744873403692,0.187034270787735,1.4 +557,1.5016012845655642,0.18669721656354304,1.54 +558,2.1269175441597765,0.1883707549350631,2.24 +559,1.9723981623818176,0.1869493212235789,1.88 +560,1.5342920263771032,0.18644252637971684,1.62 +561,1.277274053374213,0.18630568865106603,1.26 +562,1.3777133029767665,0.1895402521156265,1.3 +563,0.9492004552503268,0.18709065318877305,0.94 +564,1.9223669157362446,0.18769760970163102,1.88 +565,0.5481557437467572,0.18929260988178107,0.52 +566,1.171370144933227,0.18646482057577574,1.1 +567,0.8663047708049352,0.18830986268993563,0.92 +568,1.7155120375943629,0.18690576605025894,1.7 +569,1.0618280681679935,0.18830535027951234,1.02 +570,1.800929269869527,0.18749696425838408,1.88 +571,1.6058178525505291,0.19244646250617253,1.76 +572,1.588747419576942,0.19047212881681824,1.66 +573,1.7602334142746054,0.18637247623933437,1.82 +574,3.268455129511782,0.19778599205457853,3.12 +575,1.0703745778564973,0.18873187594976978,1.08 +576,3.0785936058036816,0.19645881816755426,3.9 +577,2.859942123349148,0.1972258768111605,2.78 +578,1.1412270478304756,0.18705737087050103,1.08 +579,3.536323629007404,0.21639859603622952,3.54 +580,1.5160886481882916,0.18655139628006406,1.52 +581,0.435735283721985,0.18903872198367083,0.48 +582,1.142785113745645,0.18655285672980237,1.16 +583,1.522047992583157,0.18637259666448105,1.48 +584,0.5748748355875339,0.19073655317518104,0.6 +585,2.2422150254086723,0.18902926634724548,1.96 +586,1.5862528614685136,0.18753965662296224,1.58 +587,1.4047402196431655,0.19675858096913595,1.46 +588,2.00490512976869,0.18717833921866392,2.06 +589,1.7342888854272893,0.18689584956364197,1.88 +590,2.153766669448978,0.188134620863635,2.16 +591,0.5365405990975554,0.1891612108961265,0.44 +592,1.5659291993083138,0.18712025639221055,1.54 +593,2.535032836145109,0.25449960798952187,2.64 +594,1.5809042677106213,0.1874068106125419,1.62 +595,0.552204839977626,0.1896656435096139,0.56 +596,2.578976514995575,0.18920244250985452,2.62 +597,0.6578538654165549,0.18817030793624634,0.78 +598,0.39135962612331743,0.18781476754981882,0.42 +599,0.8384388880008562,0.1875452416386866,0.8 +600,2.112406165236006,0.18915229443191164,2.24 +601,0.41659773944475664,0.1886136489549739,0.38 +602,1.1514619901983798,0.19452495635769587,1.18 +603,1.2165757566675055,0.18725980207608445,1.18 +604,1.5637714028918872,0.1885166115505797,1.84 +605,1.2420534710986726,0.18719137786292495,1.22 +606,1.4824373053903053,0.19304836074298606,1.66 +607,0.4795701109845105,0.18934315302263324,0.48 +608,0.603667155167112,0.18740070495932826,0.6 +609,0.7127894512185897,0.18698608283177523,0.72 +610,0.7352224355073773,0.18904870946913915,0.8 +611,1.8540444921116743,0.18662385729906975,1.78 +612,1.241355006676007,0.18930610854827154,1.32 +613,1.9514350241329306,0.18973393663534974,1.96 +614,1.7626244638648647,0.18701894130655938,1.66 +615,0.510854263172509,0.19180705202917617,0.42 +616,0.5063843384281264,0.18760263349757755,0.56 +617,1.038483365569305,0.1877861508858059,0.98 +618,1.747244600225151,0.18702285852491465,1.84 +619,1.426711548105983,0.19040932595532484,1.42 +620,1.2665526786045807,0.19590901843271405,1.36 +621,1.395774934258797,0.1873336002421038,1.42 +622,1.6705030588364382,0.1866965285039103,1.66 +623,1.1692640628465345,0.1871639189731588,1.04 +624,0.9741801085190638,0.18878058242931442,1.04 +625,1.626963964249444,0.18671396876637478,1.7 +626,2.121594758783635,0.19285987007371544,2.16 +627,1.3973351827245122,0.1866685426649034,1.36 +628,1.478497867021254,0.1890568975742656,1.52 +629,1.8362049024757143,0.18845859209383078,1.76 +630,0.6442618036130121,0.18706814588839366,0.46 +631,1.3676016575429248,0.1870465822662508,1.34 +632,4.265045086955922,0.38359534268358886,4.58 +633,2.5660919384975767,0.19015333700356052,2.52 +634,0.5279647456448864,0.19040891586295317,0.68 +635,1.440338744352757,0.18718095674605487,1.62 +636,1.5159257284133976,0.193353033756882,1.56 +637,1.714284832431516,0.18791312248410588,1.68 +638,1.7964449506830633,0.18679072159312649,1.9 +639,0.8908712704994806,0.1887843785590348,0.88 +640,2.274259967327402,0.188277786070669,2.26 +641,2.938998585567557,0.19829874182918808,3.1 +642,0.42334894805453804,0.18934829783637364,0.4 +643,1.053826907841928,0.18709484117638106,1.06 +644,1.3734541055424583,0.18754990772635163,1.38 +645,1.0736140304081634,0.19533333298293118,1.08 +646,1.7554839955708899,0.1869034986512837,1.82 +647,0.4542471365790395,0.1905667930583097,0.48 +648,0.5012875388036175,0.1886807582027641,0.48 +649,1.4098211846016835,0.1887922278898104,1.4 +650,0.9904042408993139,0.18700468037773108,0.8 +651,1.0390494671243122,0.18946141964979113,1.14 +652,0.3580764716718374,0.19960949500671613,0.48 +653,1.3211962270306234,0.18982102661127762,1.46 +654,0.9782341457984398,0.1867354906644554,1.04 +655,1.37494140643478,0.18638992927313927,1.52 +656,0.5205085834103305,0.18857603818969115,0.42 +657,0.9209906775681234,0.18838743226173782,1.0 +658,1.4763627994585946,0.18957014231113825,1.4 +659,0.5563938533750126,0.18735639137049886,0.54 +660,0.8806429573687542,0.18800557512709298,0.84 +661,2.4310323952657615,0.18909872685702692,2.7 +662,2.3615935350931965,0.19384073828932033,2.42 +663,0.054342963412699286,0.22855203636506427,0.0 +664,1.5313952733869673,0.21448802639932427,1.54 +665,0.3059735326712716,0.19178477912293937,0.34 +666,1.062240522644028,0.1869813160821202,1.04 +667,1.4267076326973946,0.18720027449458038,1.48 +668,0.7980256245134563,0.18701121269761772,0.78 +669,0.45851271575818875,0.1887420829459254,0.48 +670,3.2449304627713467,0.21828947197256254,3.44 +671,1.172690326661676,0.18977216706469122,1.2 +672,1.18713962186743,0.20228427961908182,1.08 +673,1.271871618731992,0.18708949315805218,1.3 +674,2.4847107234358248,0.19064056756300515,2.5 +675,3.428751899174882,0.19737261667783212,4.24 +676,1.1270372575695433,0.18719793417922892,1.0 +677,1.0747609605495232,0.18681853592015493,0.96 +678,0.7449983373416569,0.18780587036401689,0.88 +679,1.8042613225811748,0.18702426110901255,1.8 +680,0.9831981512938885,0.18662778440939293,1.02 +681,0.963279205662148,0.18717154707895717,0.86 +682,1.9135428379124175,0.18722873517762983,1.88 +683,1.349540415443337,0.18711644838525568,1.32 +684,1.3359357060454695,0.18738831605554376,1.28 +685,1.3942069749974249,0.18794681963307874,1.46 +686,2.0025232563859836,0.18722615364475295,2.12 +687,0.5989545368591032,0.19806436674245048,0.56 +688,1.4593567670017482,0.1865007365181909,1.54 +689,1.260760211259494,0.1869783106312383,1.34 +690,1.133115070723105,0.18805436025249417,1.0 +691,0.5039387371674799,0.19082289468252708,0.62 +692,1.304861854161991,0.18684876744824203,1.22 +693,0.533890404883141,0.19530015031513523,0.48 +694,1.649486124874078,0.1867422032543569,1.74 +695,0.7774512566968685,0.18771186841864712,0.6 +696,1.228357652188529,0.18719324653033056,1.34 +697,1.2795284151067225,0.18729046591133391,1.26 +698,0.3535174179516425,0.1893833711374239,0.2 +699,1.8830136731501865,0.18798372601566518,1.94 +700,1.5031888553850845,0.18842324623445603,1.6 +701,1.1423430624236375,0.18715285012726954,1.36 +702,3.301920494382008,0.19350274601232903,3.58 +703,2.940458216854764,0.19323038988399396,2.9 +704,1.624399164429563,0.18710230029527297,1.88 +705,1.3125500212812249,0.18691179193418755,1.26 +706,1.578189126071716,0.18651297884837736,1.56 +707,1.1824900576602595,0.18717921177132132,1.18 +708,1.2153698526628436,0.1864910533311689,1.2 +709,0.8197866726731864,0.18821114569803032,0.78 +710,1.8099895743724146,0.18950246007891106,1.9 +711,2.2904712101359452,0.18763659724967413,2.34 +712,1.3773416156909903,0.18655313882780372,1.42 +713,2.533623769277942,0.19194842603042878,2.66 +714,0.2864089079568395,0.19150790473631876,0.4 +715,0.25010525693389707,0.18874425200488407,0.24 +716,1.7019258165690687,0.18741918661432588,1.68 +717,2.7228735408698928,0.19529764096481028,2.94 +718,2.460517967827533,0.1918781394712162,2.44 +719,1.8430283844788458,0.18672001311808176,1.82 +720,1.8359350895847169,0.18857894184227353,1.94 +721,1.8737914675708727,0.18769425653852637,1.9 +722,0.7728445023333468,0.1881513958921919,0.76 +723,4.2512470234836135,0.30920518247569184,4.54 +724,1.249200427479907,0.18715727644217675,1.26 +725,1.8918664944852568,0.1877318522802967,2.02 +726,1.8431834421473063,0.18713676842568155,1.8 +727,1.3833717014685007,0.1868930231509161,1.34 +728,1.8892692842033958,0.18727810889151777,1.96 +729,1.8927846181667116,0.18758802257799223,1.84 +730,1.5622740723819046,0.18929058945139074,1.6 +731,0.6513115978988531,0.18788120427683044,0.64 +732,1.279285439956703,0.1896874756688779,1.24 +733,0.5880307496298045,0.1926663577817002,0.6 +734,1.5730834896176316,0.18753532148547938,1.64 +735,1.5773217200771834,0.19373051486818432,1.62 +736,0.5348990005517795,0.19028962511256328,0.7 +737,1.3827489271216191,0.18762559259200343,1.4 +738,1.2432696395907865,0.1874472387377117,1.16 +739,1.727653166838268,0.18719175749389405,1.7 +740,0.7745978842321624,0.18807721249737763,0.7 +741,4.044620067640607,0.25527797670506347,4.1 +742,0.3666731572428843,0.19946961634683028,0.26 +743,0.5416889937418603,0.19235413570795337,0.6 +744,1.3252753329399234,0.18738191531017756,1.26 +745,2.7269990419778374,0.18931257806811208,2.7 +746,0.5709304890780331,0.19219738645797801,0.6 +747,1.95896230264668,0.18739534475759445,2.02 +748,2.0306385489231387,0.18763864586231657,2.08 +749,1.8977975444081931,0.1870839614586022,1.94 +750,1.265726965252074,0.18663131078491568,1.22 +751,1.9924856989157178,0.1881739824761623,2.04 +752,1.9253274655711412,0.18704667796654237,1.92 +753,3.4923476054047518,0.21734500973368612,3.46 +754,1.4604986086416478,0.18688665327277817,1.4 +755,1.2304947524010494,0.1872657566044295,1.28 +756,0.6881165596211567,0.18949723491654472,0.78 +757,1.7968517346037853,0.1879312712706811,1.9 +758,0.8025074044679059,0.18796804817482984,0.84 +759,1.1303254770065092,0.1873057985192326,1.14 +760,1.0232038423565968,0.1864635047772554,1.06 +761,1.3871496931754586,0.18714191298162905,1.28 +762,1.6226615745824085,0.18632526429433363,1.58 +763,1.2861154751388775,0.1889558433066312,1.28 +764,0.9407455112150267,0.18741290589168175,0.88 +765,0.43388065703554735,0.19030335345755048,0.56 +766,3.557788184832109,0.2002107921203331,3.54 +767,1.262033675116718,0.1865912458566722,1.24 +768,1.214753219327908,0.1865911287296702,1.2 +769,2.5293133919028277,0.1896009308843491,2.84 +770,0.6387941823675469,0.1881293792744583,0.6 +771,1.7161068197926543,0.18740850570367865,1.92 +772,3.1343668248402947,0.21282189935793389,2.94 +773,0.9604726290311938,0.1868512146668391,0.98 +774,1.4252015901225434,0.20484267058227187,1.64 +775,1.3613882245289475,0.19169293906810975,1.52 +776,0.842781790381298,0.19230919579123812,0.9 +777,1.1450776264292444,0.1875771879206393,1.2 +778,1.8028565440282647,0.19822459105878723,1.94 +779,1.4635967502097789,0.18753069373139636,1.4 +780,1.6065174274818148,0.18746515615790443,1.6 +781,1.1872934868517142,0.18665247768521445,1.08 +782,1.9279581168579452,0.18703702805765637,1.98 +783,1.5648025425031513,0.18684064318650168,1.6 +784,0.532197351965036,0.19052437407885134,0.48 +785,1.201298542381003,0.1867095738782858,1.12 +786,3.6416108342660642,0.22712653918923317,3.8 +787,1.390845216905965,0.18859384449348787,1.42 +788,1.6414920112618738,0.18663795284880358,1.76 +789,1.2453555956827327,0.18683455622062903,1.42 +790,3.137001415842925,0.19923961752474292,3.26 +791,2.589475816232608,0.19101661542028014,2.8 +792,3.0180349638325072,0.19472026755078836,2.96 +793,1.70192782107657,0.19340133086755756,1.78 +794,1.3826548670286372,0.20313131647692184,1.48 +795,4.003216568181639,0.2957275475082118,4.02 +796,1.2662802203013392,0.18719868470205678,1.34 +797,1.9082665627565707,0.18829397934678213,2.02 +798,1.5228411281682537,0.18650834961105897,1.54 +799,1.9773324469045754,0.18929418732234274,2.12 +800,1.2460257318454666,0.18647622990667043,1.16 +801,0.9627638034288275,0.18769600335359155,1.02 +802,0.981097335844143,0.18700141184197325,0.84 +803,1.2554281687161464,0.1880160368690126,1.14 +804,0.6160416420554296,0.192415392582305,0.62 +805,2.3167089475252336,0.19990341895365288,2.66 +806,1.207547848000485,0.18931559471279302,1.0 +807,1.283109492875606,0.18722542822260807,1.42 +808,0.6488258794009767,0.18788584171178632,0.56 +809,1.1959032544429278,0.1880491795936842,1.2 +810,0.927612303079296,0.18778695694177025,0.9 +811,1.5319303849497434,0.18707569959007356,1.5 +812,0.8901223442271828,0.18840980028098653,0.96 +813,1.272028500163816,0.186691042696244,1.42 +814,1.589069447218389,0.1872945127903093,1.58 +815,1.665055062958179,0.18736577331767768,1.72 +816,1.1010901672806874,0.18755303889096817,1.14 +817,1.7191074691968231,0.18657377375045522,1.68 +818,1.3022346709562787,0.18998496161624695,1.44 +819,0.502385478942734,0.18933797132587885,0.54 +820,0.2959414025898657,0.29458377864001506,0.28 +821,1.5803454616175643,0.1889744685531466,1.74 +822,3.8380450389651335,0.48472871266317324,3.9 +823,1.0072872324876798,0.1866190306406813,0.98 +824,1.1516297855495712,0.18755253543214673,1.18 +825,3.905425635317794,0.24777867441336454,3.96 +826,1.0506687971880393,0.1865273852250258,1.1 +827,1.48314830571315,0.18711978355054132,1.46 +828,1.700104846322627,0.18755224173186644,1.78 +829,1.6099768402734462,0.1864369060905957,1.74 +830,1.0837129597851984,0.1866321599422941,1.04 +831,1.1467909831870202,0.18692179889509192,1.16 +832,1.6680476945457887,0.18837713894503413,1.8 +833,3.26072085120342,0.19752361188864856,3.46 +834,0.9082044117891723,0.18675455517181364,0.98 +835,1.4845702425811098,0.18780266228115292,1.58 +836,1.0354587211124937,0.1871183697771475,0.94 +837,2.057647649769458,0.18797050045524547,2.2 +838,-0.06194264113840098,0.2743800652205893,-0.32 +839,1.6434104393275295,0.2027221179364193,1.86 +840,1.7584009079239362,0.18721160635145487,1.82 +841,1.6492069305414445,0.19009330873943045,1.86 +842,2.2928692080696598,0.189614624984136,2.26 +843,1.2261891540326435,0.18954192411591397,1.2 +844,1.1382370187459288,0.1870650532520797,1.04 +845,0.75148464216396,0.1875292221518962,0.8 +846,1.7989413617135803,0.18667084503396225,1.94 +847,1.2100887692443163,0.18669476013988145,1.18 +848,1.1355113952757308,0.18686078992714916,1.14 +849,0.5411801181860796,0.18777264258398307,0.58 +850,1.1442174763291224,0.1872332015546124,1.16 +851,3.82638737323584,0.25471531105259393,3.8 +852,2.198138833149792,0.1880739722452758,2.14 +853,1.290893871341286,0.18926682528162703,1.38 +854,1.539720777300672,0.18800849642632006,1.62 +855,1.6191588051756185,0.18681656129368557,1.64 +856,1.7401063438217197,0.1889358492740721,1.82 +857,1.574857129515258,0.187141953663442,1.58 +858,1.1196161991966378,0.18742792947700918,1.28 +859,1.9590730870348205,0.18723923369801537,2.04 +860,1.4998358157684255,0.18684531628302836,1.54 +861,3.5997692354250557,0.2306593707535172,3.66 +862,3.1239863007094035,0.19493993115777403,3.06 +863,0.5021032828750311,0.1874251205723912,0.54 +864,2.8140568079140564,0.1939294846724744,2.8 +865,0.9472038664938183,0.18872383290935935,0.98 +866,0.7015988747487321,0.19002677351007746,0.64 +867,3.073582665923494,0.19546555096720952,3.28 +868,0.9930636046443031,0.1876518598473212,0.92 +869,1.1669640016392446,0.18877591391393564,1.02 +870,1.0326235442081917,0.19772856601520242,1.02 +871,3.5547068590155915,0.23598792731163415,3.42 +872,1.5463207028122519,0.1876160772948009,1.62 +873,2.7933563594860287,0.1972309185090904,2.72 +874,0.9207742753048926,0.18993926647293047,0.94 +875,1.8763147139502323,0.18846798635800738,1.86 +876,2.67702037653227,0.18999662731555061,2.5 +877,2.3245755842588363,0.18772485295889635,2.16 +878,1.2884802224938359,0.18677804837634823,1.26 +879,1.260375855751428,0.18762183486312373,1.2 +880,0.8770778077721062,0.19241593318500994,0.86 +881,1.4967214982233596,0.18634962506616554,1.58 +882,1.4765221617563864,0.1874285386667818,1.62 +883,1.8896879914315232,0.18873594659835058,2.0 +884,1.169881629370985,0.18780470298858631,1.22 +885,1.2724440254177758,0.19047829592492352,1.22 +886,1.4770904828514635,0.18683630912347365,1.46 +887,2.8499672140357157,0.19203952274109815,2.78 +888,0.26241901161252756,0.20649283352270675,0.18 +889,1.0384440450395822,0.1877904202425153,0.88 +890,0.920711279560128,0.19019478785431654,0.8 +891,1.3663530129943464,0.18699715639811176,1.32 +892,2.1999343754028153,0.18798446045988917,2.22 +893,0.9617986234683802,0.1885544281326121,1.02 +894,0.5180666386176587,0.18785146520656604,0.44 +895,2.122784035461808,0.187385859209712,2.24 +896,1.593928598240762,0.19245200949559935,1.6 +897,1.0621576049578494,0.1878201124551799,1.1 +898,1.99918698894727,0.1916023905363454,2.26 +899,1.843284199183634,0.18643231625301,1.88 +900,0.7182524517456657,0.18853072577683727,0.66 +901,1.3037197229604705,0.18671431394632382,1.34 +902,2.301486430103349,0.19885766993292242,2.4 +903,0.7693036778639126,0.1878685549963012,0.78 +904,2.8466960621020014,0.22950384643754376,3.38 +905,0.8786659737683664,0.19086936216022762,0.96 +906,1.1373675858480852,0.18795159799943453,1.16 +907,0.9076293073564063,0.1872186946116188,0.94 +908,2.85520552795524,0.19418422153483042,3.04 +909,1.4440311863696682,0.18652691249389505,1.44 +910,1.789763936411193,0.18678156925515696,1.84 +911,0.8733946431377,0.18831190983075574,0.96 +912,1.0294177060706862,0.18829742408016287,1.12 +913,2.618239869887761,0.19117531871089602,2.7 +914,3.192009298290241,0.1941578803310652,3.12 +915,0.8532209492290825,0.18795641610567565,0.8 +916,0.9764576942382981,0.187347303249303,0.94 +917,3.4759224411923473,0.22415232364134371,3.44 +918,1.5839601580229712,0.19051985310919828,1.66 +919,1.6228921082727628,0.1862859788234545,1.64 +920,1.7698348845006333,0.18856770482837576,1.84 +921,3.0256219517296534,0.2172192121334761,3.02 +922,1.7915595971047138,0.18827753757490887,1.96 +923,0.8775261746871614,0.1871652053464772,0.8 +924,1.6478121628808993,0.1874325203406116,1.58 +925,0.9668311359498916,0.1932164992837841,1.06 +926,1.8865978245862165,0.1878601590814421,1.84 +927,0.6483028418637116,0.19234013776864892,0.72 +928,1.3769749520183077,0.18691969742926212,1.44 +929,1.8303936036600545,0.18829930679745935,2.02 +930,1.623787686473878,0.18692958256277264,1.94 +931,0.45275906622830075,0.18961883388847434,0.46 +932,2.3791186015929933,0.18973939926200378,2.52 +933,0.7264503500179142,0.1931216416823049,0.68 +934,0.873264810548503,0.1877381679628506,0.84 +935,1.2384130072248631,0.18683608590095485,1.22 +936,3.0984050089399258,0.20169088946395056,3.08 +937,1.3709407467498569,0.1871836801096567,1.4 +938,0.6599033611286373,0.18844419150861727,0.68 +939,1.2586491809830005,0.1900448424658719,1.32 +940,1.336739414302856,0.1874695918673874,1.42 +941,0.26064567475796907,0.19180039554875103,0.22 +942,1.700937498419605,0.18899417956280018,1.86 +943,0.635206398806557,0.18824080691430808,0.62 +944,1.1004803043092413,0.1869067953881607,1.08 +945,2.0631292272878365,0.18771155604967857,2.06 +946,0.7968268722968166,0.1874064510241698,0.7 +947,0.7945867361739467,0.19150378914217414,0.7 +948,1.4364532597879294,0.18641292712679275,1.54 +949,1.153554902458507,0.19257892076447836,1.14 +950,0.4815868867056843,0.19296715892075073,0.44 +951,1.7717939897620438,0.19085210239386904,1.9 +952,1.5318873453473139,0.18670016224811722,1.58 +953,2.2714200959524424,0.18980174342539904,2.44 +954,3.0083465913977667,0.20982724336020234,2.84 +955,3.7420691095124727,0.19991579143409052,3.7 +956,1.2546383753331984,0.18879901253477938,1.18 +957,0.9261734785170603,0.18791122921821712,0.86 +958,1.3051802566351463,0.18762111917120378,1.24 +959,0.9376876080650842,0.18731161734176982,0.94 +960,0.7624630551402476,0.18735429067145154,0.74 +961,1.052723981464893,0.18717725490879797,1.06 +962,1.401287394896498,0.18815176202096678,1.5 +963,1.6115323093522662,0.18717216846875073,1.62 +964,1.1275514858680158,0.18728409240943067,1.14 +965,1.7271923877923696,0.18727871751910133,1.66 +966,1.6594110252390861,0.18896016531259027,1.7 +967,0.4822092574072958,0.1905356339243471,0.54 +968,1.2441201718340686,0.18768789742818717,1.22 +969,1.5325486407124906,0.1887018967317888,1.78 +970,1.164188929006092,0.18699314271616801,1.36 +971,2.0986875068701414,0.19015896954738512,2.4 +972,3.93977771855225,0.2537364504718028,4.22 +973,1.8376203124855055,0.1870539964780231,1.8 +974,1.0504272479192711,0.18706584211440358,1.02 +975,1.2728975763424508,0.1940847306883364,1.22 +976,1.2795304386428807,0.18700606846408332,1.26 +977,1.2779636865908046,0.18683913351313447,1.24 +978,1.9198762520090196,0.1871463057420385,1.92 +979,3.8095504749107976,0.23761424444698984,3.84 +980,0.7100032957199531,0.19226144253609664,0.68 +981,1.4187701007400222,0.18825196341709094,1.5 +982,1.6119625178874302,0.18796623436686322,1.76 +983,4.071422534183498,0.2484569106428954,4.34 +984,0.11802238545629895,0.21367550454939213,0.04 +985,1.3147917115694814,0.1882082135893714,1.3 +986,1.5819331293267596,0.186399431123447,1.6 +987,3.7355180414259,0.23972291109955987,3.64 +988,0.35737173826475055,0.19058759262709646,0.46 +989,1.2699019914207448,0.1884755888142498,1.38 +990,1.6250896703618498,0.18641991771256186,1.72 +991,1.670838669043149,0.18739764240405185,1.72 +992,1.1601656083776295,0.18861815803984314,1.08 +993,1.674031926694019,0.18946282986702137,1.88 +994,1.706656926257858,0.18775235515543215,1.8 +995,1.0078988948052008,0.18686521951219193,0.9 +996,0.5530351060915841,0.18933981053685253,0.58 +997,1.4139231225225413,0.1871654725077297,1.46 +998,1.0042690317165743,0.18748149001096112,0.86 +999,1.7777966493082584,0.18675189384695629,1.86 +1000,2.35047936857371,0.1916123503430699,2.52 +1001,1.4349838697739827,0.18668241878181815,1.58 +1002,1.0239647146610509,0.18843573209648798,1.14 +1003,1.8839132744108114,0.1867810002843072,1.76 +1004,1.1532801356080065,0.18719994916908478,1.04 +1005,1.7567700645239734,0.18779076942325912,1.86 +1006,0.5997409366375266,0.19390523461444603,0.7 +1007,1.8428141391913873,0.18702745580921212,1.8 +1008,1.0292981230725673,0.1874664101186893,1.08 +1009,1.908799521274075,0.18756586838918654,1.88 +1010,1.9025800659356442,0.18732938977034266,1.82 +1011,1.1428754350613162,0.19469117757103677,1.18 +1012,1.103288489404073,0.18744578485116462,1.12 +1013,0.7818539300794314,0.1879358794241561,0.86 +1014,2.948909678782412,0.20278288597675104,3.06 +1015,0.5863394771841481,0.18940867808881265,0.62 +1016,2.4539191986340283,0.18976931686332255,2.5 +1017,1.3203428005948947,0.18673552607236094,1.38 +1018,2.7232658459133523,0.1952236370906259,2.74 +1019,1.49899401200116,0.18694146881600626,1.54 +1020,0.8660683142205461,0.18733898753086894,0.92 +1021,3.653919819945312,0.2512197917695143,3.64 +1022,3.462839235337861,0.21433450161978648,3.42 +1023,1.7823681324853837,0.18672521272811315,1.92 +1024,1.9557794044796382,0.1870303305331713,1.98 +1025,0.16155095646164708,0.19046601499863053,0.18 +1026,2.8789532402655116,0.1955126977865202,2.76 +1027,0.6309534740525671,0.18769355234604929,0.58 +1028,1.3913885525780387,0.1869745782356899,1.4 +1029,1.5282905904397268,0.18647714205265217,1.58 +1030,2.3308791255198713,0.1893042270767864,2.38 +1031,1.6143263971265498,0.18732144923802763,1.58 +1032,1.242577216226301,0.18735969762403995,1.24 +1033,1.625787841524642,0.1869060053980831,1.7 +1034,1.6331064838869047,0.19040065824356073,1.7 +1035,1.1373588643525114,0.1867390517387563,1.12 +1036,1.6076958636745025,0.18713183926781163,1.7 +1037,1.7653811343297339,0.18640111489651046,1.82 +1038,1.4015738290169832,0.19938482925741152,1.5 +1039,1.551769003612063,0.18729168772107183,1.48 +1040,1.7233536064325918,0.1941539275514369,1.8 +1041,2.038909196929124,0.1894870746054952,2.08 +1042,1.3533151785332642,0.18764116966284183,1.3 +1043,0.9282024749356961,0.1889180497183265,0.86 +1044,2.9024249165031906,0.2000667851731861,2.8 +1045,1.391366985561372,0.18809388357640897,1.46 +1046,1.969818062347522,0.1934130528804089,2.02 +1047,1.917021049005957,0.18714198039678326,1.92 +1048,1.348874512302577,0.18638049011953617,1.36 +1049,1.2739670607851317,0.1867408519283058,1.26 +1050,1.852695669456437,0.19568743741969363,1.68 +1051,1.0634565134097074,0.18951977141719148,1.02 +1052,1.6640297724330317,0.18665249880456186,1.66 +1053,1.2797968533834034,0.18702132631628463,1.42 +1054,1.089963919764297,0.18717865458326485,1.14 +1055,2.869080029901224,0.20285853196903994,2.68 +1056,0.9137417109910182,0.1898597328455069,0.84 +1057,1.0370827442377497,0.1868264059958296,0.98 +1058,1.8699285287686405,0.18745783294547136,1.72 +1059,0.520902382133982,0.18825447127901196,0.6 +1060,1.6676489617508718,0.1869754231583448,1.56 +1061,0.5656013740571268,0.18725367160742737,0.62 +1062,0.3861377176554577,0.19122123211739472,0.4 +1063,2.5695703861731163,0.18877463134645417,2.64 +1064,0.9731516899507409,0.1871425254081994,0.9 +1065,0.7250860971894959,0.18992107258728866,0.74 +1066,1.4954469441879426,0.1869979546875953,1.68 +1067,1.544628562506959,0.18730876762132717,1.5 +1068,0.31620768570008306,0.19426515775165787,0.42 +1069,0.7224431720774398,0.18889149635302138,0.68 +1070,1.084667255848019,0.18711154700047786,1.08 +1071,1.6532432380113866,0.18776960344872715,1.76 +1072,1.729461799877191,0.18802569931582977,1.84 +1073,0.6024345169934773,0.18771235504311234,0.6 +1074,1.6194945619606316,0.18957751525761798,1.9 +1075,1.8659426360599503,0.18989020029420403,1.68 +1076,1.4706478540072994,0.18661103369145765,1.52 +1077,0.6031486521941833,0.1883045354291585,0.72 +1078,2.7951256413283865,0.1943785173507589,2.94 +1079,1.6897650552068353,0.1867223010591021,1.82 +1080,2.4159274635968764,0.19220262420790676,2.44 +1081,0.3849883353909782,0.19057329547780386,0.38 +1082,3.988299881592959,0.2548075839930058,4.1 +1083,1.1456436855791055,0.18681033962705673,1.24 +1084,1.4912029819387087,0.3400459992299065,1.62 +1085,1.1674773854142828,0.18680767141360427,1.14 +1086,0.6464796982037495,0.18793207868143308,0.6 +1087,1.2531027570739568,0.1866706820257382,1.26 +1088,0.5638736673703015,0.18815273285505654,0.46 +1089,2.214948439314947,0.18910026485221904,2.24 +1090,0.5004173001137666,0.18979337814426214,0.46 +1091,0.8415262976238911,0.18761459799569646,0.74 +1092,1.7552775871064317,0.18696742694663843,1.56 +1093,2.0414504273365024,0.1889619599942448,2.14 +1094,0.5277194516694437,0.19177309068683995,0.5 +1095,1.9626366138373588,0.19069462332766796,2.16 +1096,1.3772519770991913,0.18827940573955346,1.36 +1097,0.5154697752006723,0.18764427246226156,0.58 +1098,1.40221537843608,0.18664382564668253,1.44 +1099,3.472109279567065,0.2025372261729747,3.82 +1100,1.4685490408998618,0.18706985499189702,1.44 +1101,0.8308139629557314,0.18688743055150164,1.12 +1102,1.3886639504370486,0.18728270622763446,1.48 +1103,3.2529515604020043,0.19378021636145915,3.3 +1104,1.9038291563345606,0.19269466592646634,1.96 +1105,0.975994267251646,0.1872744540149151,0.94 +1106,0.6881659380956109,0.19086247594325945,0.68 +1107,2.2606994351132332,0.1883412494685654,2.26 +1108,1.4191590916335965,0.18700698902797794,1.42 +1109,0.8423139168359104,0.19179537451984371,0.84 +1110,2.108179235191006,0.18840149439827042,2.1 +1111,1.3981971206439667,0.18678324331808477,1.42 +1112,1.8888473858570924,0.1873551152880645,2.02 +1113,1.3868677703827033,0.18742576308149347,1.28 +1114,1.366063722523726,0.18702436295938646,1.46 +1115,1.630475820994984,0.1869599432091426,1.68 +1116,1.0267804816522432,0.18999500342095313,1.02 +1117,1.5651442607052861,0.186644878958421,1.62 +1118,0.7703934892521105,0.18709901835727252,0.86 +1119,3.8309224794705203,0.541019868190139,3.94 +1120,1.1978755188592622,0.18775834573675904,1.06 +1121,1.3690672602955207,0.19252293611394927,1.44 +1122,1.220240500684285,0.1872101719560287,1.26 +1123,3.786825995972083,0.22716478041646554,3.92 +1124,1.4092156933151394,0.18719655522755257,1.32 +1125,0.7840599302348139,0.18884766517030324,0.68 +1126,1.0607787662338428,0.1874945825163812,0.96 +1127,0.9806010042312459,0.1868136371364631,1.02 +1128,1.8017938742000308,0.1865959530915527,1.82 +1129,2.133452133763308,0.1894300220665266,2.18 +1130,1.6702414973867017,0.1878598275072451,1.82 +1131,1.9090998013688145,0.18690323090711822,1.96 +1132,1.645662278836219,0.18754945093831948,1.62 +1133,1.2827942732821669,0.18849332793266896,1.4 +1134,0.34909361111082693,0.1923692977712248,0.32 +1135,1.8896599021310065,0.18909314491591622,1.86 +1136,1.1863373123438354,0.187837870973691,1.04 +1137,0.7690568350259295,0.18781493714378972,0.72 +1138,1.3835776172639698,0.21358309876411952,1.38 +1139,0.3718772620638344,0.19648855126620587,0.34 +1140,0.9980423144432653,0.1893114830257906,0.94 +1141,1.1407338761973016,0.1868336816133145,1.14 +1142,0.6887679172543006,0.18941944339570824,0.72 +1143,1.3708455859278292,0.1868428383473779,1.26 +1144,1.8215385668003592,0.18863370185880068,1.82 +1145,2.368076930353074,0.18892920857298554,2.38 +1146,0.5731744681467383,0.189800113486311,0.68 +1147,0.4482016042553163,0.19067139786608295,0.34 +1148,1.2509360463121617,0.1865188485081839,1.2 +1149,1.1793690139369126,0.18660962007839696,1.12 +1150,0.725786663382862,0.18813625389307523,0.74 +1151,1.4440029617158363,0.186664952432054,1.38 +1152,0.8395911200481081,0.18780336788893756,0.96 +1153,1.2909679959525289,0.1872334626767083,1.22 +1154,2.0255729528299815,0.18844292148096725,2.02 +1155,1.8911078924303741,0.187697081717317,1.88 +1156,0.68001453666935,0.18742757000153476,0.78 +1157,0.8515082387117101,0.18679738527889644,0.8 +1158,1.0260126282783972,0.18808986776945186,1.02 +1159,1.0768945979342626,0.18664510378364935,1.1 +1160,0.12050223628503898,0.20278757985391446,0.04 +1161,1.4519478186056294,0.1898228373818497,1.52 +1162,2.3112859555126297,0.18875107888743722,2.36 +1163,3.421008223357852,0.21970833454918862,3.66 +1164,2.3708635214945195,0.19216609607944107,2.3 +1165,1.4659004426104503,0.1884338802008685,1.52 +1166,2.141777169439301,0.18799775381396794,2.08 +1167,1.298089267126673,0.18733872061929932,1.34 +1168,1.5088802280867377,0.19005115060456226,1.48 +1169,3.0774792714432984,0.19427183664182746,3.06 +1170,3.585453233792766,0.22884057751559034,3.62 +1171,0.6912953105970463,0.18775319198464452,0.64 +1172,0.897506042275791,0.18831003519724132,0.76 +1173,1.6480827704945924,0.1886182853108232,1.68 +1174,1.9721055915434704,0.18765167568234045,1.96 +1175,3.5955451131263967,0.22314938744549773,3.8 +1176,1.5320839540251001,0.1865229648634562,1.66 +1177,3.2213128869323295,0.21315508066791092,2.96 +1178,2.5828704686109534,0.19579186118430894,2.62 +1179,1.8049358542878384,0.18663491699122503,1.8 +1180,0.500991439817619,0.1882264658856848,0.58 +1181,1.2187036828296567,0.18786045934366424,1.38 +1182,2.2360384602900174,0.18941867090864895,2.62 +1183,1.0088664505352487,0.19338247537269979,1.06 +1184,3.6255020401294837,0.2376316317802405,3.76 +1185,-0.07189246278961092,0.4900623187497998,-0.64 +1186,1.7663173078304315,0.18737498074735828,1.78 +1187,1.419626681349926,0.1880859223852429,1.38 +1188,1.4692786662989257,0.18705350579862642,1.5 +1189,1.6414733179801726,0.1871816793467625,1.72 +1190,0.9331096908489898,0.1901092520700068,0.98 +1191,1.5985896296172541,0.1873710202552796,1.58 +1192,1.4854318875560761,0.18761263826672578,1.54 +1193,0.9491533940064969,0.1871861184900021,0.98 +1194,2.1899382204621842,0.20047724612849685,2.02 +1195,1.6093949204893863,0.18709421535742893,1.58 +1196,1.899495422367074,0.18702246083535456,1.92 +1197,1.9580016358139185,0.18981183648069133,2.06 +1198,0.9853968591164695,0.18700169583234535,1.08 +1199,0.3453782215903438,0.20704840845618006,0.3 +1200,1.220189146781313,0.1888426154373288,1.32 +1201,1.4360958149403864,0.1875606577674432,1.42 +1202,1.2426873700214334,0.1872743583989267,1.32 +1203,1.09605950096418,0.188179132855285,1.06 +1204,1.0431867053450994,0.18748593105899147,1.02 +1205,1.2500687349102801,0.18712328915627324,1.22 +1206,1.0589475848012306,0.18706871546613696,1.14 +1207,1.677524018882113,0.2901284069697633,1.9 +1208,3.174968209785809,0.19316096110154396,3.2 +1209,2.7041053856599326,0.203326894663817,2.6 +1210,1.4300849747896163,0.18656125771052706,1.46 +1211,1.1022830991195758,0.18943424975743287,1.16 +1212,1.4768125909828431,0.18684350241188336,1.5 +1213,2.0099731343735376,0.18742769882428878,2.04 +1214,1.5431170694478233,0.18628948519160707,1.58 +1215,1.1782500558313764,0.1867656686102331,1.2 +1216,1.0573046851368944,0.1891917803227398,1.2 +1217,0.49114919921143607,0.18811915523092157,0.48 +1218,3.1960789338661204,0.1939783113816326,3.16 +1219,1.4427891434798206,0.1862286778827146,1.62 +1220,1.5284952149108604,0.1882855424316913,1.6 +1221,1.5289979285759074,0.1876632647385202,1.42 +1222,2.5557535646623393,0.19248810549059822,2.72 +1223,0.9977882044625741,0.18825790440218565,0.94 +1224,1.0324771179447574,0.18790901268600138,1.06 +1225,1.2713791516180664,0.18684467797913099,1.2 +1226,1.022140094548534,0.1871867606931752,0.94 +1227,2.1127098310586385,0.18965589199740457,2.14 +1228,0.7144825171381755,0.18937247803522583,0.66 +1229,2.0879506005545103,0.18738016820037479,2.04 +1230,2.202789003453552,0.1908997957015665,2.34 +1231,0.4420193504347385,0.18968698784050753,0.46 +1232,4.063060378430858,0.2505676327720614,4.1 +1233,1.2356301412121546,0.1866132823519948,1.38 +1234,1.259365057268105,0.18651638186499525,1.34 +1235,1.177151167924387,0.1883388089320605,1.36 +1236,0.6834687429265582,0.19434868746916326,0.74 +1237,0.5428884296865271,0.19077437205610592,0.5 +1238,0.5978776328661664,0.19031751598994157,0.62 +1239,0.7863285261102206,0.18705077368231074,0.8 +1240,0.7710567370988752,0.18696919279814586,0.76 +1241,0.9761598332668495,0.18761333902313532,1.08 +1242,1.9920893241109445,0.18854203883817167,2.16 +1243,1.3925852369161345,0.18727707617197564,1.44 +1244,1.7706751513742234,0.18640958536677185,1.8 +1245,1.7254519110652764,0.18649033019528913,1.62 +1246,1.945230671277954,0.1870157214274687,2.0 +1247,1.7002156845192664,0.19005773381603444,1.74 +1248,1.2845018714902647,0.18952903094220533,1.24 +1249,1.4392254244923255,0.1867817729998396,1.48 +1250,0.2601584787557025,0.19633335481951728,0.28 +1251,2.230541639212948,0.1886039878859181,2.32 +1252,1.69805837970553,0.18665818667478723,1.86 +1253,1.1959267103569282,0.18821487951922294,1.32 +1254,0.8758249377634535,0.18702798512556182,0.88 +1255,1.1891388752492233,0.18715329529949656,1.3 +1256,2.4853365544219743,0.1879734105101159,2.46 +1257,1.5383881010944827,0.18730819687789219,1.6 +1258,-0.020399616217851024,0.25303740363362337,-0.14 +1259,-0.10806316371518743,0.2838257400023666,-0.3 +1260,0.5123630817395928,0.18817973789298104,0.48 +1261,2.0267330151511675,0.1881276575271385,2.04 +1262,1.0358375705719418,0.1877503336649034,1.04 +1263,1.2012403560933962,0.18764257893704106,1.16 +1264,1.8182554906217956,0.186827843162183,1.96 +1265,2.7626603973314383,0.20556662835005898,2.76 +1266,2.1749338989297673,0.1884926060881814,2.28 +1267,1.3046758728151258,0.18658749187453744,1.32 +1268,1.7356795373637983,0.18691186387601677,1.64 +1269,0.832217812246012,0.18718402494663755,0.8 +1270,0.8065981561604147,0.18742210043628021,0.8 +1271,0.5866259399071858,0.18969568437070344,0.6 +1272,2.3217494163040007,0.18885613988660654,2.54 +1273,1.7159271202876092,0.18720376506232125,1.7 +1274,1.6379879771093517,0.18921211020388254,1.66 +1275,0.5487751373630954,0.18959057085777903,0.48 +1276,1.792952640235937,0.18690564850684416,1.82 +1277,1.4668683483819376,0.18676765813137006,1.6 +1278,0.8228357506011197,0.18780368460837282,0.76 +1279,0.13602143190260674,0.19712464966648377,0.16 +1280,1.6766602741794359,0.18660655416755395,1.64 +1281,1.1653785054061345,0.18664088558944353,1.18 +1282,2.5650759416170894,0.18904956725591693,2.84 +1283,0.9185149758372184,0.1867689028083543,0.98 +1284,1.3260790118545114,0.18944896863737376,1.32 +1285,0.5228684881180385,0.1890094407046171,0.56 +1286,2.2509762379001224,0.19479291941186277,2.22 +1287,2.3823944789104505,0.20702940510271078,2.62 +1288,0.8441413692840964,0.18736532478170845,0.84 +1289,0.8770146548053745,0.19247922684682683,0.86 +1290,1.497716757922553,0.18662303400176686,1.54 +1291,1.3845216573854409,0.19274522486351509,1.28 +1292,1.661761036093487,0.18731528643405182,1.6 +1293,0.14560326571743443,0.21354353312272834,0.1 +1294,1.4676992811044578,0.18705021383242584,1.5 +1295,1.15075872188337,0.18673366377180917,1.18 +1296,1.5209395624168522,0.19032340612181042,1.6 +1297,1.420626288602269,0.1875980772880225,1.32 +1298,2.8732257903690765,0.19762235919317547,2.82 +1299,0.9810491589567001,0.1869590860065108,0.98 +1300,0.9664299760919797,0.18701164927326183,1.04 +1301,0.6479895025949827,0.1875813864834669,0.56 +1302,0.19676111539571406,0.19412237830224258,0.22 +1303,3.4683774716860825,0.20773538535636316,3.54 +1304,1.8906582353399213,0.18679788938589045,1.88 +1305,2.008110410284748,0.1898750009888011,2.16 +1306,0.8537910542490341,0.19010168810978106,0.82 +1307,1.4157414177227718,0.18834400076036648,1.38 +1308,1.2122143034948192,0.1867418768971662,1.3 +1309,1.7922115472142173,0.19018567910044848,1.84 +1310,1.9579598415250834,0.1870749727327672,1.96 +1311,2.5389251413624327,0.19247862249851677,2.62 +1312,0.7980177596009057,0.19221144107039795,0.74 +1313,0.7471697733878095,0.20671985881556204,0.72 +1314,1.4571861281268312,0.1887502267745637,1.6 +1315,3.573686979354962,0.20898333789159768,3.54 +1316,0.6543925042126013,0.18938814584522243,0.52 +1317,1.3148052145039302,0.18663456084375174,1.32 +1318,1.3099214475474235,0.18638321276487646,1.36 +1319,1.7490397658422892,0.18779396465783033,1.74 +1320,1.8164898038055626,0.18747450941899843,1.78 +1321,1.6319055512553373,0.1870995666227936,1.66 +1322,0.7963429550548675,0.18841072295386518,0.86 +1323,1.5065012604323293,0.18655995122874683,1.52 +1324,0.918344804526485,0.18814094094457398,0.94 +1325,2.0319384485257173,0.18707109310342315,2.14 +1326,1.028398665214666,0.18670480888730148,0.94 +1327,1.3743435107546127,0.18702108008536159,1.34 +1328,1.6872923076946702,0.18742537847502785,1.78 +1329,1.1725037157937195,0.18707346737354957,1.16 +1330,1.2051331948302881,0.18679583018543366,1.2 +1331,2.0431280583606846,0.18750535317426584,2.08 +1332,0.9861017349386672,0.18840710233181585,1.08 +1333,3.2036340334948648,0.19701834477439373,3.08 +1334,1.533075277167849,0.20006630691691357,1.56 +1335,0.8822758930363481,0.18752649343735656,0.92 +1336,2.316234069570089,0.1896467290360042,2.48 +1337,1.0262485712927962,0.18711369497412247,1.04 +1338,0.8150425801735282,0.1873338762129855,0.96 +1339,1.438625880203188,0.186582003437159,1.46 +1340,2.158213925086943,0.19017054623631582,2.22 +1341,1.2759144768510773,0.18724589781262108,1.26 +1342,1.1174163200135994,0.18705354866223461,1.14 +1343,0.6792214321061654,0.18871899491407643,0.66 +1344,0.7593115751936808,0.18822937967430042,0.7 +1345,1.0873060644027188,0.18705916410814535,1.1 +1346,1.1934549520506235,0.18728725985936817,1.3 +1347,1.4503217846115526,0.18675988576536787,1.48 +1348,1.1290920069326777,0.1880653520250772,1.1 +1349,0.4492094986008681,0.1907602802177156,0.4 +1350,1.3204278855979557,0.18801497073640072,1.3 +1351,1.2771742969176707,0.18686229830396436,1.22 +1352,2.683993141500177,0.19350527051767752,2.92 +1353,1.5074049206528042,0.1870132448021049,1.56 +1354,0.9608652367805892,0.18752772532218412,0.96 +1355,1.3706876157992902,0.18698004614607774,1.4 +1356,1.3478256721415278,0.1867119794841588,1.44 +1357,0.7715960051193129,0.1882695619988422,0.74 +1358,1.0191024718714818,0.1872781197870176,1.06 +1359,1.3624445240918697,0.18650535040962424,1.44 +1360,2.40284124739817,0.23382001389354143,2.5 +1361,1.2707553625790162,0.18807708073693882,1.16 +1362,0.8943399598606778,0.18803453571153453,0.84 +1363,0.820832254516078,0.188046472170746,0.82 +1364,1.1894887912183087,0.18717293264737467,1.26 +1365,1.480245406703337,0.18717786191960867,1.46 +1366,0.651685036853862,0.18904560487881616,0.66 +1367,0.7018623231146457,0.18830444734338656,0.64 +1368,2.074899422279838,0.18750373688189995,2.16 +1369,1.1503461657234635,0.19093207510006668,1.16 +1370,1.0600585228371078,0.1871838986612291,1.06 +1371,1.8559170378501675,0.18714372108221983,1.76 +1372,1.919115487801314,0.1889585374927891,2.08 +1373,2.0522599024909285,0.18782802712935182,1.98 +1374,1.6081542129332889,0.18678732912205415,1.6 +1375,1.9250595942377633,0.18797235817955685,2.0 +1376,1.857435404072952,0.18693727320787762,1.88 +1377,1.1458197542796296,0.18909683030805371,1.14 +1378,1.0514334053282337,0.19062012222734084,1.08 +1379,2.398712369752734,0.1940383553621524,2.44 +1380,1.5771589670749144,0.18827248138416264,1.6 +1381,1.184096584131811,0.1895596083591777,1.04 +1382,1.4208300441919637,0.18736810862612202,1.44 +1383,2.712595549409584,0.19438746783371344,2.98 +1384,1.7496022054365945,0.18655941570675869,1.76 +1385,1.027208725613405,0.18913457109997847,1.02 +1386,1.633319732107455,0.1867404553311105,1.7 +1387,1.2009423135695736,0.19157123181848268,1.14 +1388,0.47413038495249293,0.18902989326776262,0.42 +1389,1.2319383576664518,0.18787748390768513,1.18 +1390,1.729181488383449,0.18651200660935213,1.74 +1391,0.9761274558075634,0.18701041608732466,0.98 +1392,1.432927297520844,0.18716290557495657,1.48 +1393,0.8313554746165945,0.18705576871045956,0.92 +1394,0.3533751036677242,0.18852606844203168,0.3 +1395,0.7454481689390537,0.19117785741700333,0.66 +1396,1.331374715625077,0.18648810890351833,1.38 +1397,0.6657593149209788,0.18932055281305143,0.8 +1398,1.3618419545634997,0.18906731019269926,1.32 +1399,1.3541007541498253,0.18706749943993403,1.16 +1400,2.0802587309305896,0.1920837221769099,2.1 +1401,1.7127103694596528,0.18776423268902043,1.86 +1402,1.3667929891020691,0.1900964220904984,1.34 +1403,1.2197423140790227,0.19084756302471018,1.24 +1404,1.6461914854279656,0.18714768622027783,1.78 +1405,1.7337348171559406,0.18735374948757483,1.82 +1406,0.8961026718830774,0.19013963354768526,0.78 +1407,1.5308492727320548,0.18747473929419706,1.62 +1408,1.410616204031782,0.18871268088633758,1.16 +1409,0.9705942594393016,0.1886115452657271,0.9 +1410,0.9993319276695438,0.18774620009167095,1.12 +1411,1.4603437386610516,0.18837112913099957,1.4 +1412,2.197589369993489,0.18915810136516062,2.32 +1413,1.2891682544415197,0.1869690486895315,1.24 +1414,0.5155875199385538,0.19036342806461734,0.46 +1415,1.7233908663177175,0.18914325956435474,1.74 +1416,1.529939345429374,0.1884981844946263,1.54 +1417,1.4046867789453235,0.1874715113103196,1.48 +1418,1.7954504479412121,0.1870185660217439,1.86 +1419,1.6779566344701327,0.18681138555604415,1.74 +1420,1.379719916459542,0.18658864603327818,1.42 +1421,1.8193836642154964,0.18692807819884755,1.84 +1422,0.8470268135945329,0.18834320009323266,0.76 +1423,0.21391938992066728,0.1951748253794156,0.14 +1424,2.3651535340338814,0.1879387749894076,2.38 +1425,0.47294712174481224,0.18976799231429003,0.58 +1426,0.9257060568418354,0.18964100950371604,1.02 +1427,2.10613938686902,0.1873300608397471,2.14 +1428,1.3905625872075575,0.18706512136983452,1.44 +1429,1.8730063943119506,0.18691203527422898,1.9 +1430,0.5047873117107458,0.19001467608570705,0.52 +1431,1.7648842096359048,0.18740081611630927,1.9 +1432,1.2638538291506525,0.18689580664357414,1.32 +1433,0.1600244080148594,0.19447617494957706,0.0 +1434,2.1185497339118884,0.18804480543334465,2.26 +1435,1.3694131692087421,0.1872270290506477,1.36 +1436,0.2985878895445604,0.20736715834160313,0.16 +1437,4.043297193612432,0.3237275875361717,4.14 +1438,1.4507755679167034,0.18706440347672368,1.46 +1439,1.3751767847726495,0.18640459319462704,1.18 +1440,1.966412041441153,0.18743414001176797,1.86 +1441,2.1676210281058808,0.18928946568847055,2.32 +1442,3.3880239691508693,0.21762283508342795,3.26 +1443,0.4603318406309047,0.18897201515629833,0.4 +1444,1.4331316461354746,0.1885451495499959,1.56 +1445,0.5280248797576974,0.18849162801869504,0.68 +1446,2.721168342843197,0.19259542267223145,2.86 +1447,1.1997141639963378,0.18907152499049612,1.12 +1448,0.7807518884969362,0.18814905937561313,0.88 +1449,3.195952571501609,0.2038219769851635,3.42 +1450,0.14581419946859264,0.20373833776685243,0.1 +1451,1.3956113310188478,0.1880140749366021,1.44 +1452,1.7193184233933831,0.1864974797043152,1.74 +1453,1.4421539622750423,0.18967602983643814,1.6 +1454,1.304439086046574,0.18695373974328555,1.24 +1455,1.175633521267627,0.18740680243935554,1.2 +1456,1.188910660693334,0.18990378470068559,1.4 +1457,0.781378007293948,0.18829033980358678,0.82 +1458,1.6306270767187618,0.1870337530528825,1.84 +1459,0.9592631132943528,0.18870728293005262,0.94 +1460,1.2342537097317596,0.1865545140948932,1.26 +1461,0.7894431315196109,0.1881340481920251,0.82 +1462,1.2702027661741238,0.18895451821900056,1.28 +1463,2.3629833969917318,0.19566456850526748,2.48 +1464,1.3202163968801408,0.18635468181869277,1.82 +1465,0.9377259458880103,0.19168883741308954,0.98 +1466,0.9841848117969871,0.18671369473970048,0.92 +1467,0.9596635006653387,0.18860842613452458,0.98 +1468,1.4010260903692064,0.18646817579216393,1.38 +1469,0.9775975289765519,0.19080229604208518,1.06 +1470,2.7628440827070753,0.20240485032171265,2.84 +1471,1.2022540083120525,0.1865438226098369,1.26 +1472,1.1439018098620608,0.18700605682042748,1.1 +1473,1.6627181623128682,0.18694976125296905,1.64 +1474,0.7479005033507093,0.1886732080006123,0.78 +1475,3.6135294589906986,0.2210518777267131,3.6 +1476,1.5759156841225164,0.18713946301000944,1.68 +1477,1.6118331396675807,0.1866275994604184,1.68 +1478,1.0642298493839057,0.18778371178637684,1.18 +1479,0.5643665279133387,0.18833684946935206,0.52 +1480,1.6571209873801342,0.18782308989593924,1.84 +1481,1.5470085858669151,0.1871441481298548,1.52 +1482,2.835467968179694,0.19444870814395224,2.94 +1483,1.873849748350015,0.1872028997277233,1.8 +1484,1.090283044586957,0.18793008738411246,1.1 +1485,1.4924192022187655,0.18749317370437285,1.56 +1486,1.8146639179099913,0.18921965354842407,1.96 +1487,1.0101676154261388,0.1872100867483391,1.06 +1488,1.2214795373566638,0.1867998173701937,1.24 +1489,1.6684615983726012,0.18775709602447946,1.66 +1490,1.4608412841346052,0.1865894936236466,1.44 +1491,1.7922126400521645,0.1869179142025199,1.76 +1492,1.5922530094524234,0.187761485139105,1.38 +1493,0.4727866534816674,0.191561957844042,0.5 +1494,1.7073086234397332,0.18723835940900688,1.78 +1495,1.8576144945703936,0.18709068103363213,1.9 +1496,2.922889716480583,0.19546134158183376,3.52 +1497,1.4922126263140527,0.18688729335395052,1.44 +1498,1.0905401334192562,0.18980732882095525,1.04 +1499,1.5709051924917692,0.19698949055096796,1.7 +1500,0.2191425802670477,0.2182248382743066,0.28 +1501,0.5148480217440412,0.19050009298876924,0.38 +1502,2.9697416855620746,0.1981408744793373,3.08 +1503,1.197075176800307,0.1908753470250061,1.14 +1504,2.0032598813114477,0.18824112805027987,2.04 +1505,2.682595317329474,0.19061047207200216,2.7 +1506,1.759255113922624,0.18666285510987507,1.78 +1507,1.5880131238444275,0.18833299528976438,1.62 +1508,0.9995167449837681,0.1874517612295407,1.0 +1509,1.590024915787976,0.186661200672075,1.56 +1510,1.0727310973251722,0.18741404127424335,1.08 +1511,2.7857125504521543,0.19090007439627252,2.9 +1512,3.169965913591522,0.19902370026019697,3.5 +1513,1.6346018007642613,0.1881016809723831,1.7 +1514,1.2771565402124143,0.18634752807338856,1.3 +1515,0.2576443798288033,0.19972206673933274,0.24 +1516,1.1809210385153357,0.18652119537302672,1.22 +1517,2.2395232085443206,0.19848116709844352,2.34 +1518,1.1255977776952257,0.18741845167052948,1.16 +1519,1.1081309815532017,0.18728679654930577,1.18 +1520,1.1435830674422125,0.1878769490853953,1.42 +1521,1.4395605373685527,0.186470433328508,1.52 +1522,0.8637315621832553,0.1902529493827711,0.74 +1523,0.3850149680156012,0.19285270082206732,0.34 +1524,2.219778876183919,0.1906969410367384,2.24 +1525,1.684708902934329,0.18668737373175265,1.8 +1526,0.7560152222182908,0.18812988164116737,0.82 +1527,0.7938437834834435,0.18878202596855112,0.76 +1528,0.7750818568967663,0.18815210522067446,0.74 +1529,1.4025862889316116,0.18788157871215755,1.42 +1530,2.019464634587612,0.1881562537932824,2.08 +1531,0.6339824434990124,0.18830075507596858,0.68 +1532,0.5228178088420219,0.1917639840256221,0.54 +1533,3.1346292653659606,0.2019210506524896,3.06 +1534,1.7152205762215493,0.18757550704856077,1.62 +1535,1.1932724364046898,0.18782796899029308,1.26 +1536,1.3470800773371636,0.18763412938928398,1.4 +1537,2.006668973981392,0.1878636231900551,1.94 +1538,2.0002581096875423,0.18682389647689382,2.0 +1539,1.3330506628615375,0.1865201841636548,1.32 +1540,1.482312148268185,0.18715087089106278,1.58 +1541,0.7528376317114767,0.1880043749126727,0.74 +1542,1.7943349670411994,0.1872106338797386,1.68 +1543,0.7819505762811787,0.18753602797384678,0.86 +1544,1.3298668546727896,0.18696678422190183,1.38 +1545,2.9531392226966737,0.1938734404799833,2.98 +1546,0.8226340645834871,0.18683991189964452,0.8 +1547,1.634706493140124,0.18959292759134724,1.82 +1548,0.443209283575855,0.1928940772116145,0.3 +1549,1.5997329722793572,0.18743972054058664,1.72 +1550,0.9585661000835686,0.19137891756492661,0.98 +1551,0.5589004735063157,0.18845981081609556,0.5 +1552,1.5904914186129517,0.18683172185022406,1.6 +1553,1.2261684082199242,0.18680626832357408,1.22 +1554,1.1769133191143368,0.1866559338056662,1.14 +1555,1.1494547706206586,0.18701158482301272,1.08 +1556,0.9877533058258667,0.18805776377406505,0.98 +1557,0.9640746967153266,0.18859892333706546,0.98 +1558,-0.020000781767285813,0.2469511079598124,0.18 +1559,1.1893678196477915,0.18728094636521125,1.42 +1560,1.2478614782007817,0.18798495837612442,1.3 +1561,1.3830492019522371,0.18891048933348356,1.42 +1562,0.5003419368269129,0.18898144057165606,0.46 +1563,0.8666744154530559,0.1930744854468406,0.8 +1564,2.331003696453558,0.18898437632258008,2.34 +1565,1.5424013913240924,0.18873942894629514,1.66 +1566,1.0374768181453142,0.18784803969012792,1.02 +1567,1.4498427743321447,0.1866321094408531,1.48 +1568,0.5891290723318818,0.1880522308888583,0.58 +1569,1.7722570149696895,0.18674289428921947,1.7 +1570,2.117874108399028,0.18937817172031676,2.12 +1571,2.1218170644321486,0.18742743714992016,2.16 +1572,1.4604646440810918,0.1866735859466275,1.54 +1573,0.5877866645776681,0.1886851540681788,0.58 +1574,0.6121145333778639,0.1916217722975854,0.46 +1575,1.3701629815203014,0.18694878658179512,1.52 +1576,1.5503894351560945,0.18706294964371856,1.52 +1577,0.9772967533525485,0.18697748963008723,1.0 +1578,1.443054829196272,0.18732749210265887,1.5 +1579,1.324817733894441,0.18762655275200416,1.38 +1580,1.2627043549647408,0.18826837609637137,1.32 +1581,1.4925585660199723,0.1865931857407531,1.46 +1582,1.1284346265201084,0.18646646981631845,1.06 +1583,1.8536373929720142,0.18900905902523749,2.0 +1584,1.1974493960128971,0.1871549908209089,1.04 +1585,1.0091972280269392,0.18848865732339615,1.04 +1586,1.1259168548803704,0.18778874446839622,1.1 +1587,2.348540058942061,0.18988961849578875,2.32 +1588,0.4093402425824906,0.18876339920165547,0.36 +1589,0.7349711573952924,0.18844473535872786,0.66 +1590,1.8785926914995363,0.18803799410264524,2.0 +1591,1.4100392393899377,0.18790835971934838,1.42 +1592,2.894835060188476,0.1909143389564332,3.0 +1593,1.195716744716248,0.19033236235372392,1.18 +1594,1.97794513215242,0.18817708353450996,2.1 +1595,0.6817726799003847,0.19487881043585908,0.88 +1596,1.2965164357425245,0.188430283040542,1.28 +1597,1.381339539419421,0.19015632987640874,1.36 +1598,0.9724399945711941,0.18749167129181005,0.86 +1599,2.12860153910325,0.18918152214537617,2.2 +1600,1.237741264969679,0.18747381317724773,1.18 +1601,0.9221828600035302,0.18710449831884524,0.94 +1602,0.005203180323279932,0.20337474657777074,-0.02 +1603,0.6258144948116897,0.19413625395392184,0.64 +1604,0.6437493010560555,0.1880333529753902,0.72 +1605,2.0204979697387193,0.19162291128228306,2.14 +1606,1.538630003374011,0.1861689672624578,1.56 +1607,1.3313256751062694,0.18902799475280618,1.36 +1608,1.5752807506625406,0.18701946961737154,1.62 +1609,1.412780010336092,0.18729821822358297,1.36 +1610,1.889199956161913,0.187412112924692,1.96 +1611,0.6544244021956847,0.18982942414959803,0.6 +1612,1.5488143143557693,0.18728795744556206,1.52 +1613,0.6832563565354886,0.19017818340559772,0.72 +1614,2.0938888849217587,0.18818416781702635,2.18 +1615,2.891487393577573,0.1995342553349483,2.92 +1616,0.7890476709641245,0.18888971559060944,0.82 +1617,1.6521833375543962,0.19040049752138086,1.74 +1618,1.5191381527481387,0.18831028025064794,1.42 +1619,0.8038270522769893,0.19992014427888033,0.84 +1620,0.9748636180166514,0.18722014095675793,1.04 +1621,1.483235955005042,0.18687338443069992,1.44 +1622,2.5876309516722955,0.19120628055667133,2.52 +1623,1.4113254661862336,0.187809078542081,1.46 +1624,0.808559732972433,0.18697396239327838,0.74 +1625,0.4776620840230337,0.18898167046836292,0.54 +1626,1.47874485756502,0.18694292853190586,1.5 +1627,1.1755683138811783,0.19203389824358755,1.2 +1628,2.369827851200249,0.19950913976646292,2.46 +1629,1.2926983356951258,0.18706475913748496,1.2 +1630,0.973135521133986,0.19213862225713924,0.9 +1631,0.925077325832196,0.18673598674733743,0.98 +1632,1.3975507871764734,0.18710377299165037,1.5 +1633,1.0045329916090886,0.18696095069015234,1.04 +1634,1.483688586847481,0.1863423704252056,1.48 +1635,1.5772134810296035,0.18655240259011316,1.48 +1636,1.4510892117253509,0.18630663176806578,1.5 +1637,2.2169852928898486,0.18765620773374403,2.28 +1638,4.273252432352442,0.37014744688358664,4.56 +1639,1.9337404849258528,0.19198319993319937,1.96 +1640,1.1681023247199633,0.18692438180670648,1.2 +1641,1.4822361157269566,0.18621155627478217,1.44 +1642,2.1165028843164206,0.1886662772824162,2.2 +1643,1.9075722076359451,0.19038781230024518,2.0 +1644,0.0921960455545634,0.19723127140821375,0.08 +1645,1.0301744958633663,0.18674399117443247,1.0 +1646,0.23261336959038936,0.21022803026072115,0.14 +1647,2.41172518285871,0.18846700323614687,2.62 +1648,1.756455709363107,0.18694827253900664,1.82 +1649,2.076445444528943,0.18780367560030847,2.16 +1650,1.003675799999127,0.18785866266725648,0.96 +1651,1.0789579767588358,0.18660685090640847,1.02 +1652,0.8904332365761818,0.189310189226329,0.82 +1653,2.0226916334260325,0.1869507096709573,2.0 +1654,1.4177978034991459,0.1862234413743398,1.34 +1655,2.4438225881486852,0.19000967731194912,2.5 +1656,1.4547433117831219,0.18986228044523815,1.46 +1657,0.49231435965993975,0.21917193719636902,0.42 +1658,1.242084002562881,0.18734161297155896,1.36 +1659,3.3458704797670356,0.2119558931829831,3.54 +1660,3.9979450618302224,0.298722984695581,4.0 +1661,1.425048175642876,0.18778115213955063,1.56 +1662,0.42742160621638914,0.188666826854608,0.5 +1663,0.6400550046759037,0.18737627381084582,0.66 +1664,1.904138305391592,0.18868876125445078,1.86 +1665,1.3036939368426144,0.18691241351712023,1.36 +1666,3.205591908531513,0.20606547441194326,3.16 +1667,1.2076859722139954,0.18717415996378153,1.16 +1668,1.275198070448922,0.1878806335162034,1.28 +1669,0.7400732903487797,0.1902342892171759,0.62 +1670,1.3518119595849811,0.18711542693111372,1.36 +1671,1.286953922984874,0.18749420544365075,1.18 +1672,0.6702213443893215,0.18749949300668955,0.66 +1673,1.3262412191621593,0.18690293371687774,1.22 +1674,1.2760758288952652,0.18685540349243673,1.34 +1675,2.3193928415510614,0.1886799513625114,2.3 +1676,1.387635396568313,0.19674772802214963,1.38 +1677,1.4067239862007075,0.18641979060721983,1.38 +1678,1.1952990490430413,0.18890389178616365,1.2 +1679,1.5104078038201234,0.18686132368961764,1.54 +1680,1.3785847743278155,0.18672240730781361,1.3 +1681,1.3025053761697223,0.18909153495110728,1.24 +1682,2.1541658096837963,0.18725349848116546,2.2 +1683,1.7268463720653842,0.1866099722454612,1.56 +1684,1.488268969840582,0.18710050724660326,1.3 +1685,0.4598887434037249,0.1924334202877297,0.56 +1686,1.3123123126734495,0.18683039158227807,1.32 +1687,1.3777528876832552,0.18645551688499862,1.36 +1688,3.0057815192788553,0.1904711031203245,2.94 +1689,0.9936178790346795,0.18681673823837336,0.98 +1690,1.0591975411838608,0.18920201491551905,1.04 +1691,1.8657919142936257,0.18813525426049918,1.84 +1692,0.6661755592679885,0.1889923157490122,0.68 +1693,1.5370352625383668,0.18689575663373056,1.58 +1694,3.596632096696844,0.19648722147383155,3.6 +1695,1.1570624665120655,0.18867931419771547,1.22 +1696,0.992989173701184,0.1874396325133909,1.12 +1697,3.525262004598283,0.2013234166642277,3.88 +1698,0.7811448782997108,0.18811532974186693,0.74 +1699,1.4468679603204102,0.18674379721801534,1.36 +1700,1.021125051766773,0.18973821960993179,1.0 +1701,3.5905075875725485,0.1994234044259819,3.9 +1702,1.1918893450463568,0.18719892032638868,1.28 +1703,1.6942431993620517,0.18702549567395774,1.72 +1704,1.2563261478845391,0.18736864613259716,1.14 +1705,3.5484892860764248,0.20560018879928074,3.72 +1706,0.910905380599446,0.1918974949792479,0.9 +1707,2.5522463409594947,0.19566276613393843,2.52 +1708,0.3481455041494528,0.19054017724273933,0.34 +1709,2.1831338000945486,0.1908619299023278,2.44 +1710,1.488339705755312,0.18891489068282294,1.68 +1711,0.3886390610632138,0.18970704646153846,0.38 +1712,0.7712022404425991,0.18939977261022514,0.62 +1713,1.9020670701727662,0.18843012452902203,1.92 +1714,1.8504562470560375,0.18674633626474643,1.94 +1715,2.8201012612852203,0.19009528567092024,3.0 +1716,2.1332781839127595,0.1870459681090253,2.34 +1717,0.3818956965049385,0.1894913756652578,0.36 +1718,1.758654769170778,0.18685289491963147,1.82 +1719,0.8090782264739673,0.18804174298646395,0.88 +1720,1.233174793541049,0.1880873461608593,1.2 +1721,1.4612098223990195,0.19422060913722766,1.38 +1722,1.5613430819897929,0.1870902018412041,1.66 +1723,1.3202902602063429,0.1864760075230555,1.34 +1724,1.294562559976135,0.18653955581838724,1.32 +1725,1.4672121306563757,0.18744718380785194,1.48 +1726,0.691282275712074,0.1881195163017991,0.76 +1727,2.093236115537912,0.1873990611045215,2.26 +1728,1.0273166090442303,0.18741886019091478,0.98 +1729,0.7879352988187442,0.19175356291248613,0.82 +1730,1.7834348454521847,0.18783124794468645,1.88 +1731,1.7889396612773878,0.18675593524848402,1.68 +1732,0.9197067081264827,0.18996880858116064,0.92 +1733,2.1646186691688483,0.1874991174645191,2.18 +1734,1.2542873760135305,0.18845449339860929,1.08 +1735,1.029028538844485,0.1873675040901122,1.02 +1736,2.026219801098973,0.1902088246912391,2.06 +1737,2.128071074007857,0.1880420447649792,2.04 +1738,2.0557741121582813,0.19032600347800377,2.18 +1739,1.3648534903195622,0.18672186372593402,1.52 +1740,1.5273895911686062,0.1871304486383597,1.56 +1741,0.28815827733343924,0.20237707412251768,0.2 +1742,0.931213451105861,0.18719117595686194,0.96 +1743,2.7328764825699086,0.19256286755174654,2.84 +1744,3.7921126200031603,0.22722063661815936,3.72 +1745,0.9203088577414438,0.18897702778598727,1.08 +1746,0.6951316658375621,0.18855248744128417,0.66 +1747,1.0405206541242251,0.18719452393078528,1.06 +1748,0.25746733912341857,0.19603340864552934,0.14 +1749,3.696775385199401,0.23022615661214282,3.62 +1750,-0.06275402358749882,0.3445075507389756,-0.38 +1751,2.134745646255241,0.18759147086096414,2.14 +1752,1.6686568871907383,0.18800153144193482,1.76 +1753,1.1212642647568025,0.18676429183637525,1.04 +1754,2.0150925137940687,0.18748418251369472,2.12 +1755,0.479558111155723,0.18921032101396706,0.58 +1756,0.861019527465426,0.18682941257298263,0.7 +1757,1.0083936560722215,0.18703488313055258,0.92 +1758,1.3844758807537574,0.1890174254946711,1.4 +1759,1.1178827680299748,0.18644557586744442,1.18 +1760,1.0050430388369904,0.18720157692629952,0.98 +1761,1.402596747800403,0.18713526141494857,1.42 +1762,0.737958894908288,0.18859764862728293,0.66 +1763,1.2870365890869568,0.18666945432999685,1.3 +1764,2.554830560156895,0.18973031642199165,2.46 +1765,0.9824235455428909,0.19055031333757674,0.94 +1766,1.3525415681904367,0.1874330396194921,1.42 +1767,0.9482754831675309,0.2186585513746284,1.02 +1768,0.7249903957956747,0.18846574259260854,0.78 +1769,1.849890448158834,0.18687818902380274,1.86 +1770,1.198763191335588,0.1891685912479594,1.32 +1771,0.7305660218974304,0.18722007436800545,0.72 +1772,0.7012113621026732,0.18756698076169306,0.64 +1773,0.7274834854947063,0.18813731333071293,0.76 +1774,1.2683203118907092,0.1866302802402461,1.3 +1775,1.9161353094577598,0.18934917382266153,1.9 +1776,1.3504949164048974,0.19218228060006012,1.36 +1777,0.35851385575193295,0.1932902874204688,0.22 +1778,1.232799031234687,0.18744443084278956,1.22 +1779,0.5048571201501002,0.18818593315182883,0.5 +1780,2.4381834935973075,0.1902611781854296,2.76 +1781,1.4496680976430405,0.1869037637696341,1.48 +1782,0.8531156691109765,0.1881760224087535,0.88 +1783,1.1284579012084113,0.1878364425322059,1.1 +1784,1.859833722878783,0.1878693514973255,1.88 +1785,0.5929328623145207,0.18902884726687832,0.66 +1786,1.4571649148077663,0.19058500669003733,1.44 +1787,0.9807877498830948,0.18882213418803995,1.06 +1788,1.112678695552826,0.19069533766469796,1.16 +1789,1.130770498202714,0.18907764496536875,1.2 +1790,1.5845699606418464,0.18698386167064987,1.56 +1791,0.7758030285190014,0.18753282268549343,0.76 +1792,0.926362637853136,0.18676091096181202,0.96 +1793,1.0077410675340694,0.19051265274875334,1.0 +1794,3.427443235509071,0.1959484729915913,3.54 +1795,1.7719151510597249,0.18849181447557373,1.8 +1796,1.6450094274411644,0.18676844888288946,1.72 +1797,2.2514931975454013,0.1888831434836023,2.3 +1798,1.6409118856686444,0.1869369581643615,1.66 +1799,1.1934923599435703,0.18697073285600718,1.26 +1800,1.3859835574159132,0.18776076174507184,1.44 +1801,1.7270824875629185,0.21416078040672398,1.92 +1802,1.5403932699121914,0.18709242803610027,1.6 +1803,1.0024070798024411,0.18823860418999336,0.96 +1804,1.2372595791330643,0.18780663318631585,1.42 +1805,2.0396444903540596,0.1896878734172085,2.08 +1806,0.8031445292998101,0.19090380623021427,0.82 +1807,3.0031373787665743,0.1936473315518152,2.96 +1808,0.7501251145858359,0.1896925839300288,0.68 +1809,1.5732037145408253,0.18655642693471733,1.58 +1810,3.058216199295515,0.20298956741852323,3.28 +1811,1.503745639316809,0.18901572348957568,1.54 +1812,1.0440090592641262,0.18929860626729675,1.2 +1813,1.0023499163309098,0.18721771402527226,1.0 +1814,1.8671301900260489,0.18781990451940403,1.82 +1815,1.1337010531380252,0.18794230237286846,1.36 +1816,2.5135247069751436,0.19022275259525467,2.5 +1817,1.6622585929324274,0.18828181931534874,1.6 +1818,1.5186199938472982,0.18632335194755759,1.6 +1819,1.2350156376493981,0.1866643627617065,1.22 +1820,0.8624114556496079,0.1872314352769153,0.84 +1821,1.3536748479486616,0.18648416360245323,1.38 +1822,0.5846570435593546,0.1897501245858277,0.72 +1823,1.5078941371659733,0.1867199162356784,1.6 +1824,1.8875736270423318,0.18746349259936929,1.88 +1825,2.1356308142009564,0.1878147685364966,2.34 +1826,2.000268949371759,0.18795054513670303,2.06 +1827,3.1171471000982915,0.2232032495648514,3.0 +1828,2.049857336169964,0.18684256921194103,2.1 +1829,1.2584371684034459,0.18723012195465047,1.24 +1830,2.681030595631544,0.19285412426504056,2.62 +1831,1.6046965332349459,0.18637628497752357,1.6 +1832,0.46708939517091896,0.20301494854990904,0.42 +1833,1.1448723696413758,0.18722795238563936,1.16 +1834,1.1971726829140075,0.1871313162248235,1.12 +1835,0.6047117490508687,0.19185913501644775,0.52 +1836,1.258688173471895,0.18696268897771068,1.3 +1837,1.5529493546644162,0.1873940337617863,1.58 +1838,1.988636579572333,0.18679463395216594,2.0 +1839,1.419798272292531,0.18799356584862278,1.5 +1840,0.8550230156474996,0.18707503543804593,0.96 +1841,2.1246532788753516,0.1926250443878375,2.3 +1842,0.7561617247147734,0.18688209704616088,0.76 +1843,2.2346343900843806,0.1888970515205327,2.26 +1844,2.01328007042829,0.1891852090474062,2.1 +1845,1.0264318642033115,0.18678797734388283,1.02 +1846,1.6140827625007959,0.18926362444072195,1.72 +1847,2.0329828406191632,0.18698292050195098,2.16 +1848,1.5462668406725604,0.19264396606073717,1.46 +1849,2.0585909008345915,0.18769112942475427,2.14 +1850,2.081712359682961,0.18781199468501478,2.1 +1851,1.14767388272153,0.18712630834639932,1.12 +1852,0.6457590247098743,0.1882278745634558,0.6 +1853,1.4802763613845464,0.1864814281009332,1.44 +1854,1.6676511800989922,0.19684851884462862,1.94 +1855,1.0398491214459444,0.18889706432365005,0.98 +1856,2.0773808620506937,0.18843560046139368,2.1 +1857,2.050960432738525,0.18881617866019465,2.28 +1858,1.0562917431370586,0.18763351243072743,1.0 +1859,0.653333203123146,0.18697384409777404,0.62 +1860,1.0185187227913517,0.18696031134321026,1.04 +1861,0.8336788319895405,0.20141477405250693,0.82 +1862,1.2539630363357432,0.18709418539135633,1.3 +1863,2.714800830774738,0.19015560170152632,2.5 +1864,1.283903660385682,0.1879729604249161,1.42 +1865,0.7205693666308506,0.19281822120354447,0.68 +1866,1.8155182846241715,0.1872396443528238,1.78 +1867,2.285713724740006,0.19603395345769484,2.58 +1868,0.33977160181337607,0.18905906592394914,0.32 +1869,1.507502610235057,0.18736344322158952,1.7 +1870,1.7157584652176958,0.18746820424069371,1.72 +1871,2.627342409921412,0.19037291991847555,2.56 +1872,0.4154571168998784,0.2318025965975055,0.36 +1873,1.1231776516102443,0.18686535095929602,1.06 +1874,2.3442441602511526,0.19665012229077047,2.34 +1875,0.730629787746117,0.1875903972227566,0.84 +1876,1.2267831588514426,0.18953131434437365,1.32 +1877,2.270689622367274,0.18999998661403888,2.36 +1878,0.5767789440443487,0.1880265494938373,0.54 +1879,2.156572023865383,0.18863182807158194,2.14 +1880,1.6275358437773646,0.18700473957802666,1.62 +1881,1.946225002923396,0.18871667112057974,1.94 +1882,1.369711159728918,0.1870235012005425,1.4 +1883,1.2445177068295454,0.18703624340517483,1.2 +1884,1.2701071341615517,0.18704044841576917,1.28 +1885,0.8147187190275453,0.1876249703516428,0.78 +1886,1.0453273610239286,0.1875101886950667,1.06 +1887,1.6800217256501233,0.19309609279114268,1.78 +1888,1.1278040634251802,0.18754998404486486,1.16 +1889,1.7786923555103906,0.18707006087608563,1.86 +1890,1.9903506226065721,0.18918212056204356,2.0 +1891,0.518165177203673,0.18847743022885138,0.5 +1892,1.74020242295983,0.18823658738924334,1.76 +1893,2.099102711225976,0.19054117556913533,2.12 +1894,1.2239345596058613,0.19417349018238533,1.16 +1895,1.2907106753437276,0.18640364043955213,1.32 +1896,1.5111132857518161,0.1877599722476394,1.44 +1897,1.4981078600659032,0.1894326978544497,1.58 +1898,1.3428481963008034,0.19024890475671133,1.36 +1899,0.8825716939548507,0.18722217422215356,0.9 +1900,0.809656724774473,0.18817359114634108,0.76 +1901,0.8386658062091084,0.18790292944891676,0.8 +1902,0.19318335437930778,0.2694575825639778,0.12 +1903,3.5141512732764726,0.29293022143939945,3.56 +1904,0.553156587377708,0.1908490097395868,0.54 +1905,1.5502302404716393,0.18663072307197004,1.46 +1906,1.0126815862643792,0.18705371868899728,0.94 +1907,1.0295767033697267,0.18665008496805913,0.94 +1908,1.3205833963058986,0.18714114302682208,1.26 +1909,2.158660351237918,0.18767085842549291,2.24 +1910,0.829095456596231,0.18839674011220342,0.72 +1911,1.9132185996820426,0.1870824338125366,2.0 +1912,0.8272958626127977,0.19074755112454092,0.84 +1913,1.957399731315742,0.18790685559326697,2.52 +1914,1.628390835670641,0.19185514660980418,1.62 +1915,0.8207693081928291,0.1995875839643686,0.92 +1916,2.1132704322625173,0.18784484787227307,2.12 +1917,0.8107863126428569,0.20092448518272374,0.98 +1918,1.4296572497349278,0.18708780805075395,1.42 +1919,1.6184994358685494,0.18777145618638852,1.66 +1920,1.6176438089842595,0.18737949379857394,1.8 +1921,0.6220212634972395,0.1889749099760678,0.56 +1922,2.8298410292489162,0.1927341401178351,2.82 +1923,0.9248838414737997,0.18781393173754324,0.86 +1924,1.4131866545137497,0.18982048419092265,1.48 +1925,1.279874925665957,0.18666507272435406,1.34 +1926,1.3498527735175927,0.18686321588296317,1.3 +1927,1.5496204684319903,0.18645885456270214,1.48 +1928,0.98150161940817,0.18809349714711082,1.26 +1929,0.932886083550682,0.18712368885475988,0.94 +1930,1.4468097065810437,0.18684472314409206,1.56 +1931,2.244357708144518,0.21769376050234523,2.24 +1932,1.4677354471925874,0.18933784999809428,1.68 +1933,2.0803593618973144,0.1873459700755848,2.08 +1934,2.220963279669806,0.18939534169516614,2.26 +1935,1.6018409903493265,0.18728212012440262,1.66 +1936,0.9848442830094524,0.1874458786014718,1.0 +1937,0.7374822851435472,0.1871281168818425,0.64 +1938,0.8324675180823047,0.1873041746959942,0.84 +1939,0.2702826691124518,0.19130648767235317,0.18 +1940,2.4003144644625882,0.18884108814774309,2.46 +1941,1.0627688036585774,0.18789462177804395,1.02 +1942,1.6110332717311657,0.18762068343027188,1.7 +1943,1.3373486424267658,0.18741290101535635,1.26 +1944,2.554658158761221,0.2043574124334608,2.88 +1945,1.4561884170471455,0.1870358963423096,1.38 +1946,2.30382791438692,0.18763181841142748,2.42 +1947,1.2770078710680777,0.1895763561141253,1.38 +1948,1.1335487611728639,0.18714799429699872,1.14 +1949,0.6993445046727615,0.1884628534981727,0.66 +1950,1.3783167522947963,0.19049034129187464,1.4 +1951,1.543088760994942,0.1868107376879525,1.58 +1952,0.9475973383661611,0.18806657772122337,0.92 +1953,0.331077666550905,0.19017648567385642,0.22 +1954,1.2008694122122023,0.18723588144475456,1.14 +1955,1.476416111402733,0.18815012589262944,1.54 +1956,2.347057597933672,0.1923826697588764,2.38 +1957,1.333675113539312,0.18650471597316742,1.34 +1958,1.282174205523684,0.18818621685353856,1.24 +1959,1.3204690838883686,0.18638586782072794,1.34 +1960,1.3738039735177623,0.18670632028319645,1.36 +1961,1.4171149461805428,0.18672934377389855,1.48 +1962,2.0938864760461167,0.1894479982993217,2.12 +1963,3.175770013162972,0.19328521014335578,3.2 +1964,2.5514590673401774,0.1930050998166233,2.68 +1965,1.395460677698009,0.18696124480866158,1.3 +1966,0.18978584571239598,0.19145116724637068,0.08 +1967,1.7326521839768534,0.18687830071020584,1.4 +1968,1.5566334310271401,0.18981280325291952,1.52 +1969,1.468040375415325,0.18627388038316553,1.48 +1970,1.8067086504168846,0.18845663509251032,1.82 +1971,1.27860581722348,0.18686193559076794,1.3 +1972,0.3090015609324326,0.1939270802516758,0.38 +1973,0.3759627285852727,0.1946785448384002,0.48 +1974,0.4885165022402316,0.18948641875021252,0.52 +1975,0.835260702524445,0.1877450171810536,0.76 +1976,0.5574745879643512,0.18918814875437776,0.78 +1977,1.0080133813581604,0.18702945837875665,0.86 +1978,2.492022321066168,0.18964672582626216,2.52 +1979,1.793056194605014,0.18797949120411805,1.9 +1980,1.449931093010931,0.18671648923683534,1.42 +1981,1.0548681878038189,0.1869130857627955,1.08 +1982,1.351015175223217,0.18725588579046193,1.3 +1983,2.893387955716274,0.19691705181168365,3.26 +1984,1.4250152179877251,0.1867110254740928,1.3 +1985,0.8708921482159326,0.1875722150554561,0.96 +1986,1.5489097732956136,0.18678732158989705,1.52 +1987,0.9901956323303758,0.18774713141658117,1.2 +1988,2.353247117101894,0.18831771183086662,2.32 +1989,1.3650315189345499,0.18737807849275226,1.38 +1990,1.1845707543407482,0.18640775892811629,1.18 +1991,1.890696666304103,0.18739368542568086,1.86 +1992,0.5113539309813107,0.18949035486085045,0.48 +1993,1.16815845051796,0.18719013837703266,1.06 +1994,1.0724089379600834,0.18853775055327443,1.2 +1995,0.4905223148728102,0.19036233846154002,0.42 +1996,2.01058905408087,0.18696514502801076,2.12 +1997,2.3018747719014225,0.21062689588701,2.2 +1998,2.365355884216169,0.1896484916497957,2.5 +1999,1.7565418164610513,0.18654969716714911,1.8 +2000,0.7155524032105227,0.19053441226805898,0.74 +2001,1.6450661712868035,0.1903302812502744,1.66 +2002,1.5264852750319353,0.18695867482781592,1.5 +2003,1.4951615458161502,0.18645443616739846,1.7 +2004,1.4365152778565264,0.1873214624465515,1.52 +2005,1.4469157813584712,0.18645696582386734,1.46 +2006,1.0428464243797209,0.18723498006789802,1.04 +2007,1.4563163644462318,0.18644278986815618,1.46 +2008,2.746647042722401,0.18994003049759292,2.72 +2009,1.273635147804112,0.18655389321786367,1.28 +2010,1.7693082656063235,0.18753151889993055,1.8 +2011,1.3179251294494965,0.18641518371152851,1.42 +2012,1.9711778215569657,0.1895266769987706,2.18 +2013,1.9969514312402883,0.18868094242441308,2.14 +2014,0.6148147300448692,0.18942700559345035,0.66 +2015,1.481457398777603,0.18674445123157452,1.92 +2016,1.085344051252448,0.1889461008385503,1.02 +2017,1.928169419028433,0.1868078645198923,2.02 +2018,1.341524166004395,0.1869686571125146,1.42 +2019,1.323238526686729,0.18629748982814578,1.3 +2020,0.786442125906172,0.20377996831467937,0.68 +2021,0.6352033685876155,0.18795475998057373,0.6 +2022,1.2451876700196938,0.18704284551143163,1.26 +2023,1.8153745787899436,0.1898013890326607,2.1 +2024,0.30117209866611216,0.19165801238236213,0.36 +2025,1.8169749202599867,0.1870430750025613,1.9 +2026,3.5987173121187395,0.2658379361456619,3.54 +2027,1.7727024359817298,0.1866722949628294,1.78 +2028,1.397828392104022,0.1871244045932632,1.42 +2029,0.9007688264421809,0.1880922625787061,0.82 +2030,3.0242701789538495,0.19127094773671263,2.98 +2031,0.7309703862082622,0.18769788641640758,0.78 +2032,1.386620450795202,0.18638300298584037,1.46 +2033,1.8412340775603078,0.1868459597328,1.84 +2034,1.0968494192078826,0.1872189041281081,1.38 +2035,1.5316648939583637,0.18643804678330192,1.54 +2036,2.249283888723629,0.1894732077013478,2.34 +2037,1.1656408317130424,0.18723447995945097,1.16 +2038,1.1886439035381031,0.18757331727078178,1.12 +2039,0.12931542484998304,0.19590819453225908,0.1 +2040,1.4331247326063192,0.1864847909587855,1.46 +2041,1.7180961156563,0.19021787607094776,1.72 +2042,1.864814769335726,0.18662074260637732,1.76 +2043,1.9401565122120916,0.18713685522858955,2.32 +2044,1.7296294168151747,0.18705738118701423,1.74 +2045,3.01092802129122,0.19688664776948056,3.04 +2046,0.8817807023287607,0.19217823551773408,0.9 +2047,2.1209072409700145,0.19121239753374972,2.12 +2048,1.9434123283100961,0.18722437882108814,2.12 +2049,0.7433584849444241,0.19906287323304098,0.74 +2050,0.7924405188666974,0.18779133955569513,0.84 +2051,1.650861196832664,0.18712057346889882,1.74 +2052,1.1277993723474584,0.1873438000703313,1.14 +2053,1.992816535177668,0.18746260535950562,2.06 +2054,1.1089097516323279,0.18829352097267077,1.28 +2055,1.2494708125629324,0.18666633899416363,1.26 +2056,1.0968336612117693,0.18704189684277955,0.98 +2057,0.5929040303953468,0.18782311522008996,0.6 +2058,1.117513399598127,0.18740102606218365,1.16 +2059,0.7083374107008666,0.18812770606679818,0.86 +2060,3.4708231883443768,0.19952069701366731,3.54 +2061,0.8230515782736927,0.18697542225617184,0.84 +2062,1.0161429040740686,0.1893373967342281,1.04 +2063,1.45099473244402,0.1871281383353868,1.52 +2064,1.1111348483175967,0.1868985521352266,1.06 +2065,1.2120707850723271,0.18664604477780408,1.26 +2066,1.3953325306368936,0.18646283332499367,1.3 +2067,3.51131932212983,0.21246387096888233,3.42 +2068,1.039803218772952,0.18682795307343578,0.98 +2069,1.1742170011727062,0.19033420823466807,1.28 +2070,2.038428409189108,0.18815510718917766,2.04 +2071,1.2007440371625233,0.1874998603350379,1.16 +2072,1.1497485126700717,0.18801384322093778,1.04 +2073,0.6102243229848139,0.1934847274950036,0.52 +2074,1.8537035579442638,0.18941070775639157,1.96 +2075,1.1199906088617901,0.18716177201493692,1.1 +2076,0.8983021367399922,0.18727701268957841,0.94 +2077,1.6116353970015347,0.1869108847474666,1.6 +2078,1.1831502916285086,0.18713741297626132,1.08 +2079,1.990396469318503,0.18751036016055142,2.08 +2080,0.9362543555544367,0.18730052105496822,1.02 +2081,1.4134416497125095,0.18623953180970884,1.4 +2082,2.008340992682152,0.18736620681405816,2.06 +2083,0.21231130453947622,0.1939776809319386,0.18 +2084,1.7811049995093005,0.18759248867808526,1.86 +2085,2.1757238155161724,0.19070714669535271,2.24 +2086,0.837066239172324,0.18904001920426702,0.76 +2087,2.974761036540901,0.19536149913509412,3.14 +2088,2.5704518868752384,0.2070335631309379,2.76 +2089,1.625472508354146,0.18828682107262693,1.6 +2090,1.1211812055976111,0.1876323714401942,1.18 +2091,0.6950708218835946,0.1880134405444044,0.72 +2092,0.45938422631229536,0.2022901318547233,0.54 +2093,0.7240702861189423,0.19429667746376714,0.6 +2094,1.8739928639476224,0.18785684967000907,1.94 +2095,1.3731569744447996,0.18748033973070533,1.34 +2096,2.129097098049609,0.19090577750979815,2.28 +2097,1.5684613189936283,0.19181939914291893,1.66 +2098,2.9328219914071694,0.1975959748597115,3.08 +2099,1.3323656185417942,0.1869857382228675,1.44 +2100,1.5665158521886753,0.18897623969571167,1.72 +2101,2.2177487745868047,0.19149820629678138,2.32 +2102,2.010273641867288,0.18736260324482107,2.02 +2103,0.8141987785314388,0.18722709753191222,0.84 +2104,1.5080755863572695,0.18738193370977912,1.52 +2105,1.4481241934352014,0.18994116648490653,1.62 +2106,0.7150316354386732,0.18810920504097153,0.78 +2107,1.2228855028044994,0.18745495859278558,1.24 +2108,0.5350131269336231,0.2079982519977198,0.5 +2109,0.4167986260633232,0.19551347122818794,0.5 +2110,0.4029209346043985,0.19101164242748958,0.32 +2111,1.417907558576981,0.18699536095588293,1.34 +2112,2.871749631921582,0.1965704983510544,2.78 +2113,2.2553203102597976,0.19493607336470334,2.38 +2114,1.7580023016799038,0.1895060189306699,1.94 +2115,1.5914076409178037,0.1866103917943671,1.62 +2116,1.1403049299220556,0.18714392935734925,1.1 +2117,1.9969855124504943,0.1954732298491122,2.1 +2118,2.2405383036440893,0.18782043368156637,2.22 +2119,1.8395930298854017,0.18726293611442993,1.92 +2120,0.13008993966839033,0.19319120329493605,0.12 +2121,1.5623872836411838,0.18837494258124993,1.66 +2122,1.6217831507460965,0.18671625822628202,1.76 +2123,3.9261331118896523,0.23594334565961944,3.92 +2124,1.4576644207623624,0.198977124699164,1.38 +2125,1.9775218269082544,0.18840071644594758,2.4 +2126,1.4628510542305062,0.19376962275413767,1.52 +2127,0.8174790634691214,0.1878592337555875,0.82 +2128,2.882181570273497,0.1923015629580839,2.84 +2129,1.2385949341940894,0.18783481242180863,1.3 +2130,1.0552013800237454,0.18688598576613608,1.3 +2131,0.7989375382181152,0.18713360683459107,0.68 +2132,1.1210692814561825,0.18695195978421913,1.16 +2133,1.390767890714231,0.1868003946010555,1.34 +2134,2.0651700663027803,0.18897124222476205,2.16 +2135,1.1451760878200095,0.1875646603596886,1.14 +2136,0.23854313870156862,0.19808017559488889,0.38 +2137,1.5133199003607818,0.1941733920893961,1.6 +2138,1.0358746279434403,0.1868733103164983,1.06 +2139,1.6999896605330147,0.18805132451030787,1.76 +2140,2.780508791762087,0.19377464442115636,2.8 +2141,2.696491383912006,0.19683698112570852,2.76 +2142,1.7518863218668008,0.18684792478527945,1.76 +2143,1.0642492813220106,0.188399424737248,0.96 +2144,0.9628963881213644,0.18839582968622887,1.06 +2145,0.6037151429338146,0.20206205065954305,0.62 +2146,1.341535055618036,0.1868905051046143,1.32 +2147,1.897914758430699,0.1878650633971708,1.94 +2148,2.845392162350155,0.2050024042378357,2.98 +2149,1.554025148231884,0.1868930612469578,1.52 +2150,1.2706302662511952,0.1876592971158463,1.2 +2151,1.2990238513806311,0.190249949261089,1.42 +2152,1.386991164655606,0.18745538378623727,1.38 +2153,1.4506505261862455,0.18687131634058682,1.48 +2154,0.8432315309094343,0.18728002465441201,0.86 +2155,0.6270190949370502,0.18725443227402855,0.64 +2156,1.0082485200279188,0.18924218723509434,0.9 +2157,0.8781573614778495,0.186872682243098,0.8 +2158,1.994518796543986,0.18688046971095165,2.04 +2159,2.7284571564895552,0.19152255958967218,2.82 +2160,0.9745653318578882,0.18755883614139382,0.94 +2161,1.386640206531973,0.18759849229740658,1.44 +2162,0.12054600060697607,0.27548555424674676,-0.1 +2163,0.9872860519808626,0.1868480309203529,0.92 +2164,1.9198757729509615,0.18762994197585778,2.08 +2165,1.0612500568842258,0.1870484443476509,1.1 +2166,1.4642155174426918,0.18696496638323473,1.5 +2167,1.4262237206088362,0.18695449065481273,1.42 +2168,2.0635765573339393,0.18719904402198545,2.22 +2169,0.689420664548986,0.1869868752612097,0.72 +2170,0.9051177324066224,0.18780263925774848,0.96 +2171,2.479533929701562,0.19096977806817264,2.56 +2172,1.4524775317951477,0.18719265350517555,1.52 +2173,1.6155683329671036,0.18736411942897935,1.72 +2174,1.2070715564451089,0.18677851385204292,1.26 +2175,1.5500148325390708,0.18704765160151526,1.58 +2176,1.424044733771214,0.18692714714209974,1.3 +2177,0.8775366691259869,0.1877266511528431,0.96 +2178,2.733911178575844,0.19065977238288703,2.96 +2179,0.3440782273359002,0.18854565579008947,0.3 +2180,1.4146290031966509,0.186888016537467,1.48 +2181,4.014702435175126,0.24606163666343156,4.02 +2182,1.2396416657471623,0.18703987116406084,1.22 +2183,2.28442462581385,0.1880268557244991,2.24 +2184,2.5099825399149625,0.19010683642023332,2.62 +2185,1.607497303861716,0.18632467225551516,1.58 +2186,0.5829379575459861,0.18949696020321857,0.58 +2187,2.5800385919042963,0.19533537462394335,2.6 +2188,0.11138481695277691,0.35089577704952923,-0.06 +2189,0.6829684997220842,0.1888199298886192,0.82 +2190,0.3576269900641844,0.19000223396665933,0.28 +2191,0.6728039058680804,0.1886467352109932,0.84 +2192,3.1737075713013168,0.19781081234701156,3.06 +2193,2.522057467515868,0.18975045695887321,2.62 +2194,0.7567946142219146,0.1907173100529063,0.7 +2195,0.33609886880172835,0.19121465956178677,0.3 +2196,2.448850118738858,0.189208501803624,2.52 +2197,1.6051637514056243,0.1945352390979626,1.8 +2198,1.916113343947431,0.1924402429035656,2.1 +2199,2.0094457550035276,0.18843561821108248,2.08 +2200,1.5746311176692764,0.20117680557126408,1.58 +2201,0.40896212302820456,0.19420971487459354,0.28 +2202,1.075415224403627,0.18926926317852008,1.08 +2203,0.6372124784839575,0.1900109538172356,0.6 +2204,1.0387621151669315,0.18841400635297387,1.08 +2205,0.6073362980275079,0.19028533161884656,0.56 +2206,1.113060069663882,0.1867884246264599,1.02 +2207,0.9843675298190864,0.19159266605943323,1.02 +2208,1.0967026201269825,0.1870509725370948,1.16 +2209,0.9508660778165308,0.18700194967044653,0.94 +2210,0.32947564296400356,0.19213302997384507,0.36 +2211,1.1074781131435583,0.18742771131032265,1.12 +2212,0.5788553634181188,0.19152968783698446,0.62 +2213,1.263523178353288,0.1865230763673654,1.24 +2214,1.7219323073962463,0.1881416589439586,1.78 +2215,0.803595282690597,0.19037459142334723,0.74 +2216,0.3696199882123079,0.19094365206966799,0.46 +2217,3.061194053478446,0.19654938267426145,3.26 +2218,0.9581926577940696,0.18761251312974758,1.0 +2219,1.431439876108706,0.1873829382789245,1.42 +2220,1.7178408737176831,0.1870362112768865,1.66 +2221,1.295906475923512,0.18678998146574927,1.34 +2222,2.5196682714218426,0.19680698051544337,2.52 +2223,2.5087591230383115,0.18988220209371404,2.46 +2224,1.1643157269318138,0.1873945222324112,1.12 +2225,2.377027522618909,0.19164572154549203,2.36 +2226,1.4559889999278284,0.18725389757701782,1.42 +2227,0.925187500227229,0.18764052397032333,0.86 +2228,1.1565550173699297,0.1887792472843959,1.06 +2229,0.388408482337087,0.19235421494009236,0.34 +2230,1.6553786787379619,0.1879785668380147,1.66 +2231,2.9420004928257963,0.19804276355577888,3.12 +2232,1.8249182766967371,0.1884645013768842,1.8 +2233,2.5211224034569595,0.19274693850269609,2.6 +2234,3.502385987605912,0.19690530147810306,3.36 +2235,3.6815010304466753,0.24035541598574384,3.74 +2236,1.4056398397134047,0.18698570704234183,1.4 +2237,0.1875329189696242,0.20599441496136914,0.12 +2238,1.4237074256372744,0.18681939609758705,1.38 +2239,1.3021434650818648,0.1866732124007786,1.32 +2240,1.591867438702111,0.18638257803732397,1.44 +2241,3.3946005438909737,0.19967700045272238,3.5 +2242,0.8974652050730836,0.18737753952259084,0.8 +2243,2.0602625936821415,0.18862444632483183,2.16 +2244,2.6545746018620777,0.19042067014279856,2.54 +2245,1.448120078845258,0.1863840087036763,1.5 +2246,1.4311138836358908,0.18736526972284454,1.4 +2247,0.41018381564462136,0.19181258744828647,0.4 +2248,3.244822317982555,0.198300034769455,3.24 +2249,1.7547759232985058,0.1882757930539737,1.8 +2250,0.03995287364326505,0.19614050504354877,-0.04 +2251,1.9059669926284883,0.18714423875577924,2.04 +2252,1.7400679568048443,0.18818325357356755,1.8 +2253,1.577143575382521,0.18724334647517427,1.66 +2254,1.6730480901269307,0.18638333002004231,1.76 +2255,1.0663479088143408,0.18896517355795697,1.2 +2256,0.6981431239752915,0.18788996886222586,0.72 +2257,2.365707980126574,0.1913299144396012,2.36 +2258,1.0938584023167863,0.18697594312754573,1.04 +2259,1.9297524150487144,0.18727526283282955,1.98 +2260,0.8083081781152714,0.1876969783246222,0.84 +2261,1.1746379166730272,0.18715548231697154,1.36 +2262,1.1714864981220157,0.187330970165192,1.16 +2263,2.08867829794623,0.18941885094279284,2.2 +2264,1.1449470361031946,0.18722812875655778,1.14 +2265,2.80761100157656,0.19486774690966602,2.74 +2266,1.13582550615799,0.1874791764279233,1.04 +2267,0.6405394742820942,0.1871870997270995,0.46 +2268,1.3672661348014004,0.18738619758345623,2.22 +2269,0.5220313111801034,0.18878003442787572,0.56 +2270,1.5039076900324038,0.18683587876956648,1.5 +2271,0.8421429325596013,0.19209204936255067,0.82 +2272,1.4949959898807077,0.18762145771560734,1.46 +2273,0.6634306335253133,0.18870509630987756,0.64 +2274,1.5857892215231406,0.186896829378847,1.72 +2275,1.326613294193508,0.18786639898563443,1.34 +2276,1.46809311506446,0.1881563792394011,1.6 +2277,2.0947069136245053,0.18937385011015234,2.12 +2278,1.4376411880827107,0.18743724937440567,1.58 +2279,1.5433400740676222,0.19080786402754193,1.66 +2280,1.9455940705764034,0.1886381806140989,2.02 +2281,1.2234727360071116,0.18777748351418588,1.32 +2282,1.371417452453055,0.18691483852604532,1.34 +2283,0.9873744168152474,0.18732929207076154,0.98 +2284,1.4528339917269915,0.18738206355410203,1.52 +2285,0.9985409602458752,0.18731066107202735,0.96 +2286,0.7640019129196205,0.19594256110320593,0.72 +2287,2.200930842852719,0.18809635017296975,2.22 +2288,1.2803919179683831,0.18642702806261882,1.24 +2289,2.2708373959591404,0.1902750246899763,2.36 +2290,3.034215883689627,0.19989542179230957,3.04 +2291,0.8725506970175847,0.18842724280541298,0.94 +2292,2.3998894258998273,0.19172295754626303,2.58 +2293,3.452094058841034,0.1964434794683406,3.5 +2294,2.1934745491408494,0.18954651745628023,2.12 +2295,0.5063584581349858,0.18907070403463855,0.52 +2296,1.4851079341267444,0.18658421703616812,1.52 +2297,2.297366779644384,0.18735688663706818,2.26 +2298,1.2229674797748011,0.1870365043334407,1.08 +2299,0.4566481965570024,0.18839533857193297,0.54 +2300,2.867016037515735,0.1935007326927038,2.8 +2301,1.834066330543661,0.18788416894101667,2.04 +2302,1.0955747696302052,0.18724853829463775,1.12 +2303,1.9307021953676753,0.1869720270467326,2.02 +2304,1.6302859677952182,0.18655909526900785,1.66 +2305,2.74176037244424,0.19544232190201052,2.7 +2306,2.4106249718498933,0.18843489944080058,2.4 +2307,1.534598092525289,0.18794238665793347,1.66 +2308,0.682218389448946,0.1907676019842643,0.64 +2309,0.3053513138038,0.19128599367321822,0.36 +2310,1.2063128414760158,0.18698636771363414,1.16 +2311,0.6716954067839904,0.19202665074449415,0.66 +2312,0.3145486416933274,0.2059376979815091,0.32 +2313,0.7957572106318314,0.18870450477671322,0.82 +2314,1.665211370269316,0.1874489056867225,1.68 +2315,2.143546673053531,0.18752684776514308,2.36 +2316,1.6650732845588234,0.19034289391866538,1.64 +2317,1.6463817854481484,0.18698544204529563,1.68 +2318,1.1789510540075547,0.18692737302851384,1.18 +2319,1.4104179610072258,0.18659517060140265,1.52 +2320,0.9418754119355761,0.1874876347772541,0.9 +2321,0.6632497985804762,0.1881257581712474,0.74 +2322,1.4874959585115246,0.18781238008326057,1.42 +2323,0.8552637409029107,0.1902871579867254,0.88 +2324,1.9265289102897694,0.18706520108543487,1.92 +2325,1.232724003655327,0.18758552726257838,1.36 +2326,1.0196060641562348,0.1878862851987617,1.02 +2327,0.9608366605245486,0.19690407963615225,1.06 +2328,1.486934063913867,0.1883315242803096,1.5 +2329,0.7611188868551892,0.1884734483261183,0.84 +2330,1.5909247774676338,0.18755737910662423,1.74 +2331,1.4476214137563048,0.18746620641366848,1.44 +2332,1.9384916101486394,0.18736859823129004,2.16 +2333,2.2608276367102187,0.18869208210452307,2.4 +2334,0.9083038391768625,0.18695179372178455,0.8 +2335,1.3926919528296111,0.18763998571751067,1.5 +2336,1.1795549412354795,0.18864544493511856,1.16 +2337,1.4255068850203483,0.18649576775128263,1.46 +2338,1.9853566860618213,0.18763925636978046,2.04 +2339,2.6429672423534214,0.1917877332196828,2.64 +2340,0.7232861940229534,0.18766677460351816,0.86 +2341,1.43984896879232,0.1877122031141672,1.28 +2342,4.217206457077358,0.33072343107167224,4.46 +2343,1.827164997985448,0.18786284389701033,1.92 +2344,2.1324881728635674,0.18967148490327074,2.1 +2345,1.8685778081508524,0.18844576232739788,1.76 +2346,2.2674485092053844,0.18921191064869453,3.12 +2347,0.9678123749738543,0.18716687344777733,0.98 +2348,0.27436376371391025,0.19045381493088295,0.52 +2349,1.0115184074029895,0.18845457055140633,0.9 +2350,1.1041925056141004,0.18680622161184343,1.14 +2351,0.6578398870790274,0.1900166950685405,0.68 +2352,1.7480484123927316,0.18729168177237385,1.74 +2353,1.7869055648729832,0.1888438172538653,1.82 +2354,3.011275348142841,0.22666449041975,3.2 +2355,1.441796837038907,0.18700181335455046,1.48 +2356,0.7092341004060032,0.1878799027063882,0.82 +2357,1.6172341879255765,0.18630815365701156,1.64 +2358,1.46147670230046,0.18624915336758163,1.5 +2359,1.6070644023486615,0.18675016213391557,1.64 +2360,2.171955571809497,0.18864443643625736,2.26 +2361,1.0957167209691356,0.19185351874911183,1.16 +2362,1.0198675250622202,0.18744717188833943,1.1 +2363,1.8636744048479577,0.1866763548822033,1.78 +2364,1.0160265431229736,0.18739226102889375,1.04 +2365,1.2152343618628152,0.18750421208053558,1.22 +2366,2.2536637036113696,0.18867225944101634,2.26 +2367,1.8382270519212895,0.1880785522066381,2.12 +2368,1.253592805690592,0.1868233782302051,1.18 +2369,0.5136911747094779,0.19041739760103177,0.74 +2370,1.0547538440706046,0.18794394895899041,0.92 +2371,2.81904072264619,0.19584956495422223,2.88 +2372,1.5048604561203043,0.19068755871280055,1.56 +2373,1.5061437121583527,0.18672782435036753,1.5 +2374,1.452755863071791,0.18643437513901687,1.48 +2375,1.3781937008197602,0.18709382267290595,1.44 +2376,0.8211587178957143,0.19126506179462946,0.84 +2377,1.1968364610868314,0.18749198449966528,1.14 +2378,0.6287237510414567,0.18780094856723956,0.94 +2379,1.3110709473895856,0.18682660156868794,1.22 +2380,1.2880377961943943,0.18704325382747491,1.32 +2381,1.2396775786412324,0.18692701594734443,1.1 +2382,1.6983130573472673,0.18713851780789445,1.56 +2383,2.37212602627762,0.19469231464881756,2.36 +2384,2.643924430002608,0.1924565790936176,2.68 +2385,1.0784444471569306,0.19018261509627374,1.08 +2386,2.661271041313161,0.1902811844486735,2.64 +2387,1.3141079214170965,0.1864335374959136,1.28 +2388,1.6124986427380101,0.18660422371582527,1.72 +2389,2.2339529826724984,0.18794851434360801,2.36 +2390,0.6273358276481702,0.18989636071064417,0.74 +2391,0.05739048250206236,0.21555660419047193,0.06 +2392,0.9757173547948821,0.18818946523143087,1.0 +2393,2.973091060210538,0.19448892617841057,2.8 +2394,2.5577303643201175,0.1939940155301804,2.86 +2395,1.445082542179143,0.18727828627710263,1.48 +2396,1.087921145008177,0.18673641984490114,1.06 +2397,1.1272037470354335,0.18780498297527126,1.16 +2398,1.0448977807597715,0.1887835261392472,1.14 +2399,2.1402287396539403,0.18846897717314232,2.18 +2400,2.761107827646237,0.19123215131308252,2.7 +2401,1.075036067742004,0.18681429429853844,1.06 +2402,0.8188451287701792,0.18869000166956368,0.84 +2403,1.0247320028493896,0.18711743344626838,0.94 +2404,0.8156138738329333,0.18751353048572142,0.88 +2405,1.156901265629391,0.1876343881863743,1.1 +2406,0.96233949557801,0.18661622270128403,0.94 +2407,1.8776981569622901,0.2068361140365076,2.08 +2408,1.2863547774303303,0.18827187307214138,1.28 +2409,1.336712626579572,0.19000780667611783,1.4 +2410,1.2483891810289596,0.18638991006248556,1.06 +2411,0.9663633190526355,0.1890030265497443,0.9 +2412,3.9365973748915177,0.2951269130901914,4.06 +2413,2.199368686775558,0.18996882148313018,2.14 +2414,2.562539062379506,0.18912673219284443,2.66 +2415,1.3332423949309036,0.1867097502035657,1.28 +2416,1.1369522282483573,0.18835656597632508,1.24 +2417,0.8532708414684447,0.1881149755198252,0.8 +2418,0.9165906904627914,0.1869892056369481,0.88 +2419,1.2839232310030095,0.1888658341887982,1.4 +2420,0.6914113678895515,0.188923011889805,0.74 +2421,0.9802095278469267,0.1868394420166766,0.88 +2422,0.8003162058402797,0.18757851883721852,0.74 +2423,1.2906795225176213,0.19654809733338202,1.36 +2424,1.0508994021435616,0.18641033711367877,1.04 +2425,0.9859054463210033,0.18715372592617774,0.96 +2426,1.3470909807959466,0.18682179196179852,1.36 +2427,1.5867260363129045,0.18877697181883296,1.62 +2428,1.0114554334086645,0.18811400414443968,1.04 +2429,0.761338793905199,0.18774331391906887,0.78 +2430,0.765906905097997,0.18778899357757076,0.74 +2431,1.6966066100944774,0.18840498035374292,1.8 +2432,1.2195109977058067,0.18680333867952248,1.2 +2433,1.0488244875544084,0.18750091880928355,1.08 +2434,1.699999766499179,0.1865752934815588,1.82 +2435,0.5507319838159497,0.18901640211829351,0.64 +2436,1.1084112918892075,0.18696189753096962,1.2 +2437,0.551295531932696,0.18815265016840282,0.64 +2438,2.1078582099565972,0.18727704270024859,2.1 +2439,0.7459122744280233,0.18792793258015816,0.68 +2440,0.5427569386759032,0.1872726861360395,0.56 +2441,1.5053011440060733,0.19036303622899975,1.6 +2442,0.7893531888558336,0.1875740033080478,0.84 +2443,0.17756404912262558,0.1973161264852814,-0.02 +2444,1.460876930863374,0.1884306266091378,1.5 +2445,0.9923942040675364,0.18789488448698052,0.98 +2446,0.9913884905212662,0.18663292671232914,1.02 +2447,0.9255678463223476,0.1878740219511822,1.0 +2448,0.12174631585669649,0.20101633567235283,-0.02 +2449,2.1670419117258035,0.19152797169063962,2.34 +2450,2.8801663547207026,0.19513607587323448,3.3 +2451,1.9469224273433314,0.18850913550383938,1.98 +2452,1.7419532135561238,0.18703233078907802,1.74 +2453,1.292480140945121,0.18983532403238082,1.42 +2454,1.4269397175935563,0.18719979458831212,1.42 +2455,1.3838533470087715,0.1893327229269608,1.38 +2456,2.1139092702616757,0.18758732286372545,2.2 +2457,2.584977151397954,0.18842088718149103,2.58 +2458,1.5595790972012893,0.18676331806240995,1.54 +2459,3.601334355194928,0.20090488619205485,3.56 +2460,3.066090114968355,0.1946562355256391,3.12 +2461,0.0563265382735596,0.19737753529606797,0.18 +2462,1.8011760413889049,0.18674271687835733,1.9 +2463,0.22509909432730546,0.1954858168722796,0.08 +2464,2.9951640677137332,0.2002221384312379,3.04 +2465,0.5896960382151122,0.18867346580567995,0.56 +2466,0.4562649409268922,0.1915323798844936,0.5 +2467,0.9592653447275616,0.19007634411791607,0.76 +2468,1.0636613333987086,0.18688473995247776,1.0 +2469,1.4290708547043043,0.18670678410959704,1.54 +2470,1.5081198669008,0.18681589076045108,1.62 +2471,0.9704695359675963,0.1880000077897411,1.06 +2472,0.7111398386004641,0.1884721526901169,0.7 +2473,2.046657465042367,0.18703415405535012,2.12 +2474,1.5548976436538198,0.1870395523033356,1.6 +2475,1.9803341905496838,0.18800291946334596,1.88 +2476,0.6179461500299432,0.19240836887068458,0.6 +2477,2.041789086677854,0.18751897500360076,2.1 +2478,1.170326143096694,0.18717736019532064,1.24 +2479,0.6991508478356405,0.1884994083311371,0.66 +2480,1.54433884909363,0.19012556043078102,1.58 +2481,2.211656353330426,0.18748325602719268,2.24 +2482,1.3213578080478101,0.19097157682797447,1.44 +2483,1.8251392075341777,0.18768095660570935,1.82 +2484,1.7138972561153871,0.18847961723624648,1.84 +2485,1.2109528218028267,0.18641128186323166,1.22 +2486,1.064541463249529,0.18708924452279252,1.04 +2487,0.47193367890909,0.18749072343572976,0.44 +2488,1.2863452289821187,0.18827614551223418,1.28 +2489,1.7405944895980696,0.18629288429964436,1.78 +2490,0.8473678011299601,0.18673403184307724,0.86 +2491,0.5203458150663505,0.2151176349455899,0.56 +2492,2.32888465394642,0.18912605878665079,2.26 +2493,1.0396482782345366,0.1908484015879126,1.1 +2494,1.2609887233145625,0.18673075662082506,1.38 +2495,1.7727186563700894,0.18798908155540725,1.94 +2496,1.9020225104253206,0.18704508113418913,1.98 +2497,1.5207907100642057,0.1950784772467386,1.64 +2498,3.3311916837636755,0.19601406184314224,3.22 +2499,1.317918470520991,0.18662153196973993,1.42 +2500,1.3140825157902587,0.1881265535432533,1.3 +2501,1.0335322974761472,0.18719261165926085,1.08 +2502,2.558275953633297,0.19010747033295564,2.48 +2503,1.9121405138982788,0.1870943884394321,1.92 +2504,1.7120853726290524,0.18716636087085634,1.92 +2505,1.602128626226617,0.1870824821387373,1.6 +2506,-0.04550476801148462,0.21558979181664803,-0.2 +2507,1.082377933078907,0.1885291905864379,0.96 +2508,1.311995959892733,0.18703317748591597,1.46 +2509,1.8374845812547804,0.187674198498955,1.88 +2510,2.2490613905191834,0.18871959634600158,2.38 +2511,0.6484842109289517,0.19039338849995477,0.62 +2512,2.3611633501754294,0.18774670935792426,2.3 +2513,1.2042819412127745,0.1872165815927843,1.18 +2514,1.7500947216420377,0.1866490626727921,1.8 +2515,1.329440800304565,0.18639557979698923,1.44 +2516,0.4525608376494745,0.19086961328240754,0.42 +2517,0.9001738062335118,0.18768563733152144,0.88 +2518,3.154653245251371,0.1905753793310796,3.18 +2519,1.3517942219123047,0.1867359237440706,1.34 +2520,1.6638139224992934,0.18730028024294287,1.7 +2521,3.0191996289656062,0.19371388492729338,2.9 +2522,2.06142519047758,0.1885806392494583,2.1 +2523,1.4571072350584438,0.18736461608771446,1.56 +2524,0.47440086379331103,0.19039810023962683,0.54 +2525,1.8512448479115957,0.18936133995855076,2.04 +2526,1.6672807901733802,0.19059454782265442,1.58 +2527,1.3197376497557312,0.1910119227884467,1.26 +2528,1.5404061245252845,0.18673070105991194,1.56 +2529,1.0651516888362196,0.18800756932228316,1.12 +2530,1.00672360499257,0.18925864300436163,1.1 +2531,0.5782318237399864,0.19242666243299067,0.54 +2532,1.4560315545513582,0.1876347676732691,1.48 +2533,1.3559585704913417,0.18681626467593884,1.5 +2534,2.4279612728837634,0.19474352845901233,2.54 +2535,1.3041506667801237,0.1870579381294902,1.24 +2536,1.3917911493614394,0.18822718971179442,1.5 +2537,1.3199801874235206,0.18762911087344036,1.3 +2538,1.5699726011252786,0.1864210293543747,1.54 +2539,1.7147516776875247,0.1872918386673397,1.7 +2540,1.3648384318920173,0.1864358759383616,1.48 +2541,0.5094092658673841,0.1898497861127324,0.58 +2542,2.203353629814213,0.19051410529602517,2.46 +2543,1.9302321591174147,0.1871523431784083,1.92 +2544,2.7061271303659042,0.19238982040848765,2.72 +2545,0.7649660504452112,0.18719716556230045,0.74 +2546,1.115091955859197,0.1872710437395893,1.14 +2547,1.5097600218261544,0.18781482570057076,1.5 +2548,1.12213296260562,0.18965307335902998,1.18 +2549,0.8259889523645711,0.1892293671328597,0.94 +2550,3.1413274040209984,0.19680439434772243,3.2 +2551,0.9571697154822971,0.1866999972127573,0.98 +2552,0.9951736223171423,0.18871584633633604,1.0 +2553,0.8803641292427369,0.1877717042226511,0.78 +2554,2.324950790210236,0.18822300291085411,2.98 +2555,1.4117911703727881,0.18933879309819385,1.5 +2556,1.2139239683639975,0.1868085336334705,1.3 +2557,1.6635578447115817,0.18898266869005903,1.84 +2558,1.4474373188036893,0.18692967537405955,1.48 +2559,1.034820583083618,0.18679831250285514,1.04 +2560,0.8347654705093455,0.18879135645450135,0.9 +2561,1.0534254218751073,0.186747566847752,1.06 +2562,1.349490484446487,0.18794918724424203,1.28 +2563,0.6479214262421966,0.18799797171483001,0.56 +2564,1.6789396382086086,0.18706739741112244,1.78 +2565,1.533173919587161,0.18678188219545994,1.62 +2566,1.0986937251748288,0.18770413777309541,1.06 +2567,1.087120676843884,0.18670100318782823,1.08 +2568,1.0237614320682582,0.187763262260719,1.04 +2569,0.6730275739204921,0.1897787518053088,0.8 +2570,1.2378603176477452,0.18906354238164122,1.4 +2571,1.5546175812678638,0.18640011930312797,1.46 +2572,3.5407670681764927,0.2064634727828215,3.32 +2573,1.745139437539904,0.18716568597794409,1.72 +2574,1.0422692795500155,0.18744287231066328,1.06 +2575,1.1590370483148764,0.1870735953821755,1.12 +2576,1.6922434874835484,0.1872542532825844,1.68 +2577,1.4729774911038025,0.18670083929812295,1.48 +2578,1.321915170802247,0.18930556740624063,1.36 +2579,1.2361348756219084,0.1884683097529374,1.26 +2580,1.0459870318943907,0.18680068422086643,1.08 +2581,0.7934086597057608,0.18801788963408012,0.8 +2582,2.8998071624794415,0.1963934046032457,2.96 +2583,0.9392877808362858,0.18953617115777596,0.98 +2584,0.6377656528549072,0.19019672146155425,0.7 +2585,1.3072582226857883,0.1881987100959731,1.4 +2586,2.4914387127091384,0.19751787772859591,2.52 +2587,1.770747908185551,0.18969287543611904,1.72 +2588,1.4018923838838895,0.18953397446574227,1.36 +2589,2.0460878665277002,0.18977994965587283,2.06 +2590,0.5085059155213438,0.21092167760026218,0.46 +2591,0.6070230815521402,0.1886270191435805,0.7 +2592,1.2805993945308682,0.19345821343339953,1.3 +2593,1.3770615053798771,0.18665408645935105,1.34 +2594,4.183618469619986,0.3502136603907314,4.3 +2595,1.9003531387074262,0.18824895533110375,2.06 +2596,1.4416007064662761,0.18984807149914953,1.34 +2597,1.5395630490476766,0.1868639187894764,1.58 +2598,1.7595990738943972,0.1877156300370371,1.94 +2599,0.9969907842633756,0.18716247312826298,0.92 +2600,1.6013931504735759,0.18693283616479234,1.62 +2601,1.1587634552702106,0.186855528270261,1.16 +2602,2.1253406809868594,0.18810164469338708,2.08 +2603,2.1238613076819206,0.18797961246783487,2.18 +2604,3.135402003416055,0.19394496185888194,3.16 +2605,0.3972037971196969,0.19176506915896405,0.32 +2606,1.1472508401142758,0.19286453116550667,1.22 +2607,1.5137402606038333,0.18666254587543754,1.52 +2608,1.9085857487374007,0.1873302975107975,1.74 +2609,0.8777186865943467,0.19074014296616543,0.76 +2610,1.6399325381167025,0.18774404662090513,1.5 +2611,0.8474086612884275,0.1875144993372786,0.74 +2612,3.1673326462323628,0.19553176501751904,2.98 +2613,1.0674164905803238,0.18709923554265137,0.98 +2614,1.0623347094888473,0.18734560371176037,0.96 +2615,1.6430758050808756,0.18962471705434825,1.64 +2616,1.1243716962459918,0.1889797523024222,1.04 +2617,2.1223751478194384,0.18848402343203266,2.26 +2618,3.7803033819231144,0.21996036091373156,3.74 +2619,1.1430564849272369,0.1876684558827945,1.08 +2620,1.6795284396949743,0.18775741384551892,1.64 +2621,1.51995742605586,0.1868811702104277,1.58 +2622,1.3488670010121198,0.1869279088877612,1.42 +2623,1.3382647439867672,0.18770404998588414,1.52 +2624,1.3825543259666297,0.19228243825581862,1.38 +2625,1.5285953803157508,0.18633100558722035,1.52 +2626,1.5213561580075912,0.18701088684703357,1.52 +2627,0.8966482323070804,0.19240703148576996,0.98 +2628,1.183664108065375,0.1873006725004981,1.16 +2629,0.9985319940768307,0.18815911642612898,0.98 +2630,0.8539834836296543,0.1876288185191928,0.84 +2631,1.5680658106327592,0.18758843935090339,1.54 +2632,0.2755675360602059,0.1930300448403446,0.3 +2633,1.0919552852625245,0.19311434402267696,1.18 +2634,1.188620852651446,0.18832889491719415,1.46 +2635,1.3533155603032416,0.1888881355381711,1.44 +2636,0.5999134104102375,0.1880312837189266,0.62 +2637,1.932665026198505,0.1887256009690474,1.8 +2638,1.469596453679226,0.1864089863423141,1.38 +2639,1.7861296239798883,0.1877535536664728,1.86 +2640,1.4976419094413942,0.18721794469167272,1.44 +2641,1.399995155508518,0.186588268493421,1.32 +2642,0.45984535770549617,0.18985528538603472,0.44 +2643,1.3972224993432107,0.18819444562478366,1.34 +2644,1.4674712433636412,0.19377984200558918,1.6 +2645,2.997334411804893,0.202417275758204,3.12 +2646,1.2113287511059447,0.18675748473397163,1.14 +2647,2.4550347529978636,0.1926413556289488,2.46 +2648,0.8440507246870983,0.1873456283347354,0.76 +2649,2.060818265623113,0.1894461865437972,2.08 +2650,1.9590133492109258,0.18742128315745518,1.9 +2651,1.3404833822446183,0.1871317880935393,1.44 +2652,2.1861708699722255,0.19082753070562455,2.24 +2653,0.8007446564622989,0.19156038400470404,0.82 +2654,1.5591651703368978,0.1867550046864802,1.56 +2655,3.804996465901265,0.24298039243654299,3.86 +2656,0.8509187009211907,0.18737914753377347,0.78 +2657,0.5292570495189122,0.18860855544929145,0.56 +2658,0.9104117341676876,0.18912200278897492,1.0 +2659,0.9294447395535397,0.18677360117845515,0.9 +2660,1.559762415531938,0.18813148426812756,1.66 +2661,1.3405121830161442,0.18677532472936842,1.32 +2662,1.122727903229989,0.18902017062807083,1.0 +2663,1.6764240418084093,0.1866048168110232,1.82 +2664,0.9140633397910041,0.18734860199880604,0.9 +2665,2.800868846448348,0.19347468198074058,2.92 +2666,1.4288590753787453,0.18650332732732333,1.42 +2667,1.56241052568788,0.18818735867789183,1.48 +2668,0.44649556390608436,0.19223032533560594,0.42 +2669,0.7992567916761388,0.19117600766380222,0.74 +2670,1.4274112409168087,0.18666974119968577,1.44 +2671,1.603491201750168,0.1873062540689865,1.7 +2672,1.0196360220352922,0.18830931205126403,0.84 +2673,1.6314681552730879,0.18732398138491546,1.72 +2674,0.38738590393746475,0.18896786001475677,0.36 +2675,2.0508494402689346,0.18828566238842967,2.08 +2676,1.3861943230231273,0.186692817107723,1.28 +2677,1.1175524301900215,0.186635612336315,1.22 +2678,2.855832746116631,0.19186590307498444,2.8 +2679,1.0241602335334268,0.18794409544438065,1.06 +2680,3.0983537512614188,0.21339717261990054,3.1 +2681,1.6157753265942116,0.18782553352950124,1.46 +2682,1.4214583262443103,0.18695356666842455,1.42 +2683,1.4294586488369287,0.18666437170432768,1.44 +2684,1.3852414147845276,0.18752630923165844,1.42 +2685,1.0363859604361505,0.18808245415197442,1.04 +2686,1.050940813105066,0.18796087522375418,1.06 +2687,1.5784217194552437,0.1865423997142969,1.52 +2688,1.7476338636252173,0.1865003283050062,2.04 +2689,1.015607763822387,0.18714101742586753,1.16 +2690,4.067512171416697,0.23313539478918166,4.12 +2691,0.5962533607269276,0.18940769567258298,0.68 +2692,2.067518655888306,0.1874425948448123,2.08 +2693,1.2314920440296675,0.18672271480378907,1.34 +2694,1.6977578081810336,0.1895435572298278,1.66 +2695,1.025195036913405,0.18910802047680753,0.84 +2696,1.930151887625818,0.19225435289098405,1.88 +2697,1.2850450441272792,0.1903779243125842,1.52 +2698,1.996016475514468,0.1889588642286916,1.82 +2699,1.149632797733623,0.1866510122350719,1.1 +2700,1.3772128910878199,0.18784089900782824,1.42 +2701,0.5701853244988675,0.2014426166490187,0.52 +2702,1.4502783449492214,0.18735481417312413,1.42 +2703,1.2290090301247105,0.18937380130821754,1.24 +2704,1.3722591623289386,0.18640046267515167,1.4 +2705,0.3185674342426801,0.19175588921503964,0.04 +2706,0.4770108879972803,0.1900608375392417,0.46 +2707,1.8523110846303628,0.18926125878263614,2.02 +2708,1.8424450291593584,0.18736028001652572,1.84 +2709,1.4629943558314331,0.18701806513321576,2.02 +2710,1.644962777418731,0.18850819082848808,1.64 +2711,1.7468554004077659,0.18761713363478,2.12 +2712,2.068834020233699,0.19092394149558228,2.3 +2713,1.7812053561944563,0.18653711335381817,1.74 +2714,0.704986425639617,0.187059252809099,0.64 +2715,1.0639010398765827,0.18924840070288979,1.02 +2716,1.1824560846207277,0.1866537450230706,1.18 +2717,1.6583472208932941,0.18681129031729393,1.56 +2718,0.9469529636175509,0.18715329102245287,0.9 +2719,1.1829112366137846,0.18741661449017663,1.2 +2720,0.44130761288376097,0.18757109597901528,0.42 +2721,3.36584220760302,0.19496733146573494,3.66 +2722,1.9267096517829885,0.1877427093209344,1.76 +2723,2.1645139288903543,0.1871764531329902,2.22 +2724,1.138630662870461,0.1881105028883274,1.12 +2725,2.5622448904754425,0.1903858877011152,2.56 +2726,0.843418849875117,0.18729177960811652,0.88 +2727,1.3329350596077927,0.18703994117578562,1.48 +2728,0.6990815229975607,0.19018906114543535,0.66 +2729,1.524966481975251,0.18884617994483952,1.76 +2730,0.8425624322731313,0.19267023936714361,0.96 +2731,0.6766676149429796,0.20284023034610982,0.76 +2732,2.009153257756389,0.18760631389473295,2.0 +2733,0.8907838279356952,0.18817722083151514,0.88 +2734,1.3193826908961956,0.18827611592373436,1.24 +2735,1.9076079500951517,0.18896302326228878,2.1 +2736,1.0551751019509468,0.18798303867378183,1.18 +2737,1.4148332553387075,0.18821341941140746,1.36 +2738,1.1194169481702823,0.1875291859536624,1.08 +2739,1.2060098427608736,0.18848547066857166,1.18 +2740,0.8424303168517409,0.18678354982731069,0.86 +2741,1.284011495129579,0.1870062629653292,1.3 +2742,1.924207063700891,0.18759755206645862,1.9 +2743,1.208862150067435,0.18645987282311585,1.1 +2744,1.945792887584907,0.18735825376848134,2.18 +2745,1.5762676215897236,0.18750500457250166,1.7 +2746,1.1228519475680472,0.1885048361655125,1.12 +2747,1.7028284091248518,0.18876872153429985,1.6 +2748,2.094129615770817,0.18687156266421223,2.12 +2749,1.8510685588556168,0.1891290845418219,1.84 +2750,2.208114897101499,0.18769664433401842,2.28 +2751,1.5310187408015141,0.18748799281308043,1.6 +2752,0.8415845079970776,0.18824384495215404,0.74 +2753,0.34989208228414204,0.22540640615561547,0.24 +2754,2.261117760348908,0.19083892466000113,2.18 +2755,1.4685132240461016,0.18891036240559564,1.48 +2756,1.189235971578426,0.1873035704939308,1.16 +2757,1.549178726594753,0.18678091205173183,1.6 +2758,0.5465274595212499,0.19667193430380184,0.54 +2759,1.0929526908679492,0.18854204688566684,1.12 +2760,1.7922009530806717,0.1876868280061671,1.94 +2761,2.074624192455354,0.1884842642513168,2.04 +2762,1.9652663657478222,0.1874872180170791,2.14 +2763,1.0848603844027693,0.18683430720726577,1.1 +2764,0.9530069533893368,0.18727161395830355,0.94 +2765,2.722137241311163,0.1903788036461769,2.8 +2766,1.0544324019689146,0.1865215041946498,1.02 +2767,0.47678931641773414,0.19359357123918575,0.52 +2768,2.0511389008734593,0.18692614529870122,2.14 +2769,1.3571386298973611,0.18701780490316,1.34 +2770,1.8551544087822551,0.18739386278492634,1.88 +2771,1.0579132439338317,0.18809284332194656,1.06 +2772,2.3739083170913027,0.1927668334863943,2.28 +2773,1.667728619600718,0.18808622127488467,1.72 +2774,1.2179289265288642,0.19112111409299876,1.22 +2775,0.8148762682808581,0.18822426941096687,0.88 +2776,1.0032334701956966,0.1872634816077621,0.98 +2777,0.6991424533299953,0.18722405230198821,0.82 +2778,1.2950635986627514,0.19110669968455135,1.28 +2779,1.483464559785362,0.18723688900307547,1.5 +2780,1.1137020405747287,0.18711715915999821,1.16 +2781,0.528254624345933,0.18724992472434357,0.56 +2782,1.8223834397776353,0.1914186456865747,1.8 +2783,1.6601664717841331,0.18738991532482938,1.72 +2784,1.4398378925931612,0.18773948037166158,1.54 +2785,1.5065950692646066,0.18673543166561052,1.4 +2786,1.2020329832813836,0.186435421126011,1.2 +2787,0.9833063821700752,0.18669996594844804,1.06 +2788,1.0550499652083254,0.19128315598527246,1.0 +2789,0.804412377915056,0.18900236633644868,0.74 +2790,1.4596202866441843,0.18702638720629874,1.46 +2791,0.7852739599497316,0.18819931375732146,0.8 +2792,1.379581225384624,0.18661252067548265,1.42 +2793,1.2766250340347096,0.18688269762145318,1.2 +2794,2.5730167824290167,0.19367892312251128,2.54 +2795,0.7765415771301616,0.1890098381523355,0.74 +2796,1.0271043141326246,0.1871764551026977,1.02 +2797,0.8125272429062413,0.1876262947764746,0.78 +2798,4.29196117025212,0.3601974837804616,4.7 +2799,1.8094910750828597,0.18736021121100377,1.78 +2800,1.2943788264440415,0.18640180788314076,1.34 +2801,1.4159092405916056,0.18922374782425797,1.4 +2802,1.394033613465081,0.1866484499644251,1.44 +2803,1.5579863229039745,0.1862866137474126,1.62 +2804,1.1722033245496128,0.18655503030872506,1.14 +2805,2.9794156859186556,0.19415098655567148,3.02 +2806,1.0641165554278864,0.1904785715111925,1.06 +2807,0.9565313887242823,0.18677201632754364,0.92 +2808,1.2695675512162066,0.18688484551348045,1.24 +2809,0.7654325174060237,0.18733148285740403,0.76 +2810,1.5091686299673974,0.18743661950342216,1.48 +2811,0.5261351302128816,0.19020489160902843,0.56 +2812,0.8866457630850448,0.18879091136175308,1.0 +2813,1.2950925972225733,0.1866017233921301,1.22 +2814,3.662619303153038,0.24528476825791695,3.78 +2815,0.895458172902319,0.18726260921467802,0.8 +2816,2.8000308052875686,0.20318117032796637,2.72 +2817,1.7550877852146283,0.18695277382717834,1.82 +2818,1.1376079206190177,0.1873691848268672,1.12 +2819,0.3739282380026332,0.1890899592463279,0.34 +2820,1.1962752173687499,0.18696524945558102,1.2 +2821,0.726705752346404,0.19324752109963095,0.72 +2822,0.9134283296503292,0.18773585169907353,0.98 +2823,0.6404362814239406,0.1982450191366767,0.64 +2824,1.852841014216825,0.19441515776451007,1.74 +2825,0.8476736335526731,0.18700204348034577,0.8 +2826,1.242940162702321,0.18753115947159327,1.36 +2827,1.2341858205141343,0.18718808041759047,1.18 +2828,1.574201011437473,0.186873411049576,1.64 +2829,1.7849874822054972,0.1878951091596061,2.14 +2830,1.1456297883034339,0.18666454503978067,1.18 +2831,1.8186806966701312,0.18683115381659077,1.72 +2832,1.6499878811725195,0.1878842689017404,1.62 +2833,1.3659287376802685,0.186484994679844,1.4 +2834,1.850392440212816,0.18677181862150655,1.84 +2835,0.9885472330530896,0.18840284735832677,1.06 +2836,4.048187456840514,0.2927818212682717,4.02 +2837,2.6694780439702726,0.1907605057968208,2.62 +2838,1.4237240591594464,0.1877232799342796,1.48 +2839,1.9220846346569875,0.1871341153119096,1.74 +2840,2.011289747403607,0.1881618559004108,1.98 +2841,1.9205737173744215,0.1909796321042469,2.02 +2842,1.6328658596311698,0.18736299346940882,1.6 +2843,0.6702143503701372,0.187344182907059,0.7 +2844,0.7818751124274688,0.18745044575720335,0.66 +2845,1.2908928384074063,0.1878628831212739,1.18 +2846,1.144517975559798,0.18828558307039667,1.14 +2847,2.191625272567723,0.19128112380391424,2.26 +2848,2.1657057981863757,0.18786777114905637,3.1 +2849,0.9684131729471492,0.18720264098443323,1.12 +2850,0.9746576980195958,0.18760450633937087,0.94 +2851,2.2998071312522415,0.18933376081419648,2.38 +2852,0.47840286744654326,0.19281401509342339,0.5 +2853,1.836480862917065,0.18811039988803743,1.92 +2854,1.2663501347549613,0.22787799378800364,1.36 +2855,1.8268679994747077,0.18675478750882524,1.86 +2856,1.719288251445714,0.18669625765554282,1.74 +2857,0.2693634715093325,0.19013618059643972,0.28 +2858,1.9476383819654306,0.1874208877100472,2.0 +2859,1.3863596236853433,0.18655621117195517,1.5 +2860,1.4606620348524857,0.18905659996667,1.48 +2861,1.2535085551398624,0.1886119741925064,1.26 +2862,1.3855369708402627,0.18646825436840617,1.32 +2863,1.1054623342687429,0.18698554633553233,1.16 +2864,1.916506444540331,0.1867775536308137,1.88 +2865,0.82055972199509,0.18803335794573509,0.7 +2866,2.8855363711358946,0.1962352264182514,3.06 +2867,2.60543905303663,0.19286009321884282,2.74 +2868,1.9054406573140332,0.18682994081197912,1.96 +2869,4.146394768292435,0.26302867953522185,4.26 +2870,0.9694985979659816,0.18721717067247384,1.04 +2871,2.3876031727230425,0.18837113560367702,2.32 +2872,1.4491416271990183,0.18756070509722003,1.5 +2873,1.607358866540886,0.18780291616384562,1.52 +2874,0.7008685382957325,0.18948879329572052,0.56 +2875,1.0695498061760322,0.18707526851154374,1.18 +2876,1.5114117875321142,0.18711065195188575,1.52 +2877,0.4126211073105701,0.18834579523403952,0.34 +2878,1.3763316011798488,0.187809168818804,1.3 +2879,2.040974274797506,0.19114502982389875,1.94 +2880,1.0143701545104264,0.19093410898657118,0.98 +2881,1.3223812283567586,0.18745683796498278,1.46 +2882,2.397794690217995,0.1901021227256739,2.54 +2883,1.023613654804252,0.18781997366063125,0.96 +2884,0.8462975086082658,0.18712280063425185,0.88 +2885,1.028599977695044,0.18966690644447176,1.06 +2886,1.7422981742425983,0.18725984399712098,1.68 +2887,2.9825445100336268,0.19201885488708567,2.9 +2888,1.1167724191732564,0.18955210860351898,1.12 +2889,1.791699559173135,0.18814027013119025,1.96 +2890,0.9954324359382778,0.1883170395481453,1.02 +2891,2.5529507854098554,0.18983814908148405,2.58 +2892,1.9853580452574502,0.18676231463759135,2.08 +2893,2.9302284367776483,0.19958586006599993,3.04 +2894,1.6064823949905727,0.18839531678415206,1.56 +2895,0.930009920493869,0.1874573310025645,0.9 +2896,1.6222684236474045,0.18751683651394116,1.68 +2897,1.4543437156632166,0.1876502225824308,1.38 +2898,1.5657993776775954,0.18734511865972459,1.66 +2899,1.2633430595594348,0.18652099899640476,1.38 +2900,0.9388702763001355,0.18945645366503874,0.88 +2901,2.3747649228724717,0.18947252971117767,2.56 +2902,1.1092428386620263,0.1885579127872536,1.04 +2903,1.9211217099511695,0.18729456365608252,1.96 +2904,0.9705917177899128,0.18743067850280407,0.94 +2905,0.7871318523778161,0.1893591316908452,0.82 +2906,0.2808182888151809,0.23052477653668235,0.2 +2907,1.3344589805971474,0.18795622995922553,1.32 +2908,0.8167376454005411,0.18787725354303308,0.8 +2909,2.741701840056238,0.19137422869257037,2.78 +2910,1.5944634325881248,0.18894396872691344,1.84 +2911,2.2300438294917218,0.18933375799587743,2.4 +2912,0.9202895550434154,0.1899792327936892,0.88 +2913,1.7015284316948514,0.1865104222863979,1.72 +2914,1.0304671558531002,0.20556530672722698,0.98 +2915,1.4841118463473404,0.19219583674411558,1.62 +2916,0.8461323163048846,0.1872679243938697,0.76 +2917,1.808596253999138,0.18841568725782284,1.78 +2918,1.9287706956083925,0.18741177645170126,1.9 +2919,1.2473555370800782,0.1877556478937511,1.2 +2920,1.5525770583922534,0.1968947534048137,1.54 +2921,1.7126490896715307,0.18752178279420814,1.78 +2922,1.1323219110003901,0.18689411042210483,1.1 +2923,1.5047140459552548,0.18701788064587282,1.54 +2924,1.2454119530882644,0.1899126703720014,1.36 +2925,1.2731412972457126,0.18793005856560033,1.38 +2926,0.833908372081184,0.18869383494179304,0.74 +2927,1.0389120788466741,0.18826895145468656,0.96 +2928,1.4554519881993724,0.1866568055979831,1.46 +2929,0.14886073528300625,0.1953509019284759,0.12 +2930,1.273996098174819,0.18703937256118494,1.12 +2931,1.1624829813917021,0.18692110489127456,1.08 +2932,0.6242401412782776,0.18962086718539894,0.58 +2933,1.1902115156781392,0.18807029311166718,1.14 +2934,0.8333810793371399,0.18746927151613973,0.84 +2935,2.154960065199014,0.1889286046828023,2.18 +2936,2.212033861087556,0.1878332875109273,2.4 +2937,1.267574175045474,0.18717890994528724,1.38 +2938,2.6726337898434087,0.1922127680266885,2.8 +2939,1.1334003508581632,0.1874721588329928,1.18 +2940,1.9889304123952203,0.1881465246854768,2.08 +2941,2.361337781393561,0.19016130778182663,2.32 +2942,2.230466650181457,0.18894737409564108,2.52 +2943,1.9850537095723937,0.18765666511457574,2.02 +2944,1.8200088638464902,0.19014636534569035,2.04 +2945,0.8744105731285423,0.21033604180390805,0.82 +2946,1.541034621612096,0.18743033652503763,1.66 +2947,2.155481070607192,0.1902355528609423,2.18 +2948,0.6735843751887309,0.18732307272446885,0.62 +2949,0.7066505453196996,0.18911014740326143,0.78 +2950,2.0859730670381724,0.18847589814235732,2.2 +2951,2.691721191236163,0.1915936131133145,2.94 +2952,1.7297354216071492,0.18790305605429966,1.88 +2953,1.691087448286779,0.18691523237559138,1.64 +2954,1.975377130174013,0.1880992992500336,2.04 +2955,0.9945090934527514,0.18707035040824654,1.0 +2956,1.011705235137691,0.1869868106455876,1.08 +2957,1.059431799591214,0.18995890823139386,1.08 +2958,0.6996099257797639,0.18899667410758128,0.68 +2959,2.248092363416906,0.1879286026915643,2.32 +2960,1.0700891818411187,0.18714700586613828,1.08 +2961,1.1266854160456952,0.1868044105701142,1.06 +2962,1.2851589604828082,0.18740524126927102,1.3 +2963,1.406326710125039,0.18721235367160308,1.36 +2964,1.883375842368648,0.18904284849195743,2.66 +2965,1.4772097169543505,0.18854835244886128,1.6 +2966,0.6432560118646198,0.18820433188029023,0.54 +2967,2.7872504658298682,0.19120561756061522,2.8 +2968,1.6235004077025554,0.1978993510427537,1.82 +2969,2.3874526715926505,0.1878323026367097,2.36 +2970,1.7827301678003178,0.19086660703637343,1.74 +2971,1.7467584687001037,0.18736798932828191,2.12 +2972,1.5483823421763419,0.18784067751719327,1.6 +2973,0.8073802683573501,0.18721865641101865,0.8 +2974,1.109762788029552,0.18929370388517305,1.16 +2975,1.1310574740841084,0.18682231883241635,1.28 +2976,1.0159693255605646,0.18695268815624788,1.0 +2977,1.1921948177156942,0.1874380959031532,1.26 +2978,0.7940920548904764,0.1911398206367243,0.78 +2979,1.4516249030460966,0.18644192199055193,1.5 +2980,0.28398475264901024,0.21428278237820897,0.1 +2981,1.2876679819761272,0.19011703552470943,1.22 +2982,1.0222054276858998,0.18722021925420015,1.1 +2983,1.0614751359717929,0.1872081896302585,1.06 +2984,1.522033151967377,0.18734300733337447,1.42 +2985,2.4510969244235525,0.18802861788470757,2.3 +2986,1.2047106663036555,0.1882739339657867,1.14 +2987,0.4396071692679897,0.18844262609426338,0.5 +2988,1.3079276878165154,0.18665248288281402,1.24 +2989,1.5065735155190902,0.18727615843135775,1.52 +2990,0.9920983597854491,0.18905682035829033,1.06 +2991,0.40803240479780034,0.21291912374043728,0.3 +2992,1.4930740927737383,0.18748061325384227,1.54 +2993,0.23118438035417666,0.20543878327520143,0.16 +2994,0.882155326335176,0.1880471160895145,1.12 +2995,1.5812030637475687,0.18721363636452007,1.62 +2996,2.5431912769219736,0.190449635092855,2.68 +2997,1.726499796350372,0.1960412118343831,1.88 +2998,1.212793362941498,0.19060552356900273,1.2 +2999,1.4695642244705802,0.19509626249777978,1.54 +3000,1.532294243313655,0.19006223416776255,1.64 +3001,1.1394055534754142,0.18723150713245634,1.14 +3002,1.166309624573404,0.18740416120808834,1.26 +3003,2.8323007671542664,0.1924426785905817,2.84 +3004,3.1123511802999406,0.20434754969001545,2.84 +3005,1.2835658314239524,0.18737710292690749,1.3 +3006,1.759958535280288,0.18684258669226478,1.82 +3007,1.3712376165949174,0.18716380501800253,1.42 +3008,0.6651465930060934,0.1888885862153134,0.58 +3009,1.5372579906205754,0.1863745791270645,1.66 +3010,1.9764266091632827,0.1871749592841549,1.9 +3011,1.5368665857902626,0.1892809365492278,1.52 +3012,1.2915691152980646,0.1873944765856155,1.3 +3013,2.711903851252793,0.19089296077826326,2.72 +3014,1.4837708648288264,0.18661437870323777,1.44 +3015,1.478660976240872,0.18704018862335425,1.86 +3016,1.603018212776058,0.1875138699106119,1.8 +3017,2.4798442298030787,0.1955781455091942,2.5 +3018,1.6146862919421558,0.18669496632050397,1.6 +3019,1.1498723125980181,0.18734771010960133,1.02 +3020,1.6085092101809348,0.18873419046747056,1.6 +3021,1.8891678445954094,0.18782125236664368,1.76 +3022,1.4375247888662124,0.1869703959837542,1.36 +3023,3.01755106962515,0.20841730322498805,3.08 +3024,1.2603089539621195,0.18683848278636206,1.3 +3025,1.1632537895266541,0.1895411091772921,1.12 +3026,1.145384453173569,0.18859532032739842,1.12 +3027,2.0214291933393325,0.19017166666510096,2.04 +3028,2.0492462861931218,0.18965572878363177,1.98 +3029,0.9564205877034209,0.18706237090456135,0.96 +3030,1.2221571967718738,0.18715329966332048,1.24 +3031,0.8446766108515853,0.1872385812068534,0.86 +3032,3.0204969646458544,0.19979569284932344,3.02 +3033,1.6142249050986266,0.1868538437957491,1.8 +3034,0.6474599433338561,0.18877076718346394,0.62 +3035,0.6990123737369445,0.188128237351494,0.64 +3036,2.1532861870534274,0.20101066499039894,2.16 +3037,0.4688971507850106,0.19312924493308295,0.52 +3038,1.9422824828908223,0.18875523600011743,2.06 +3039,1.474816273859486,0.1868118484958255,1.48 +3040,0.8799475713812897,0.1884855380991975,0.82 +3041,2.0648934450858594,0.1872140855164158,2.1 +3042,1.6975651852296239,0.18680027407502223,1.7 +3043,2.1391539781905964,0.1884055769320164,2.24 +3044,0.8705830052094463,0.18987302525671157,0.92 +3045,1.3132802468573932,0.18699453531455623,1.3 +3046,1.565299788661606,0.1865639064164378,1.56 +3047,0.9578018383699825,0.18714055541281036,0.94 +3048,2.999964019038771,0.2022429366390317,2.98 +3049,0.9300333961620268,0.18813637578310616,0.96 +3050,1.1659170993532435,0.1894321336637783,0.94 +3051,1.3964943517162347,0.18716968491046818,1.36 +3052,1.049937950425455,0.18807541275889986,1.14 +3053,1.836585499087531,0.18794982791502682,2.3 +3054,0.46410971910777055,0.18770337784481078,0.5 +3055,2.035200534373062,0.18729349872025516,2.06 +3056,2.328552309057037,0.1945437323809282,2.44 +3057,1.3548504896377171,0.1866984823375445,1.26 +3058,1.365866693335586,0.18700839501713312,1.3 +3059,1.6879930276967159,0.1875793199121996,1.74 +3060,1.092127843506707,0.18698204843331698,1.06 +3061,1.9993794480147697,0.18768322403448098,2.04 +3062,0.9279404169234884,0.18897971013485332,0.84 +3063,1.4313335901907067,0.18667328525628155,1.56 +3064,2.23474549801443,0.18849267032375813,2.26 +3065,1.0622700498038473,0.18736924914018416,1.1 +3066,0.9144131903516819,0.18737121347579064,1.0 +3067,1.2910219519945578,0.18667160287042014,1.3 +3068,3.624617183316718,0.2035270655227414,3.46 +3069,0.16876330759956315,0.1955914149440805,0.06 +3070,1.8110775733983522,0.1867587362213646,1.84 +3071,1.239379377051651,0.18711448395696487,1.22 +3072,1.3509216354946372,0.18686693588454553,1.26 +3073,0.9924497469238862,0.18811729365592897,1.0 +3074,1.0189549140060195,0.1909275047142662,1.12 +3075,2.5302032326134354,0.19107038736495807,2.34 +3076,3.029038224677487,0.19679171123633446,2.94 +3077,1.6605586424086056,0.18746412644337307,1.7 +3078,1.9102038886648522,0.18721331648625825,1.98 +3079,1.6948922398606323,0.1997016146428372,1.64 +3080,1.0072651954791845,0.1880531347049708,0.98 +3081,2.3530275534945533,0.18869275334573468,2.46 +3082,1.291689022962623,0.18949959886478238,1.42 +3083,0.6544420462477112,0.20526263468049363,0.78 +3084,1.3718436050173068,0.1871762712044875,1.38 +3085,1.6113634337222031,0.18753940581086556,1.84 +3086,1.816683164375909,0.18873514852499984,1.84 +3087,0.5138005315924741,0.18933301422135046,0.5 +3088,0.8649588435905013,0.19530250459649443,0.86 +3089,1.2976374593052065,0.18732715769900485,1.26 +3090,0.677625208883508,0.18892660543181122,0.74 +3091,1.8088853895062755,0.18838553325971816,2.02 +3092,4.148204151446679,0.26391899324258633,4.24 +3093,1.0360989454092178,0.18780973881499924,1.02 +3094,0.8424846413629201,0.19107897612214694,0.82 +3095,0.7918228274764261,0.19034258032642262,0.9 +3096,0.9681806776266015,0.1869596951077291,0.94 +3097,2.17996179076892,0.18720736583275133,2.14 +3098,1.1882732595664305,0.18669622018032825,1.2 +3099,0.9099443350364986,0.18870406894662634,0.96 +3100,0.5985432827395833,0.18988549847306022,0.66 +3101,2.796007839313095,0.20650005130446336,2.64 +3102,1.012707505025982,0.18785356255981062,1.18 +3103,1.4891980517222578,0.18667683851942204,1.56 +3104,0.34739487718047646,0.1926142693443777,0.26 +3105,1.6724442650654805,0.187269607798769,1.86 +3106,1.1907983137659717,0.18693706953188874,1.26 +3107,2.2173854442869825,0.190319737400815,2.28 +3108,1.3750835701060649,0.1866376998662369,1.44 +3109,1.2665500822770632,0.18746792423542674,1.34 +3110,0.7793402675098531,0.18978912621950714,0.84 +3111,2.113995470008101,0.1888889614788095,2.12 +3112,0.029918238358685345,0.20041293362738058,-0.14 +3113,1.8150105489003547,0.1868436103183592,1.88 +3114,0.849435245185638,0.18693933050893483,0.78 +3115,1.1397896757272037,0.18716660576630392,1.28 +3116,2.571760355984635,0.19076550653926236,2.72 +3117,2.193391298028887,0.19091098346780824,2.24 +3118,2.8809728468038456,0.19792088103295033,3.04 +3119,1.2952207015721815,0.18677031745549982,1.38 +3120,2.0594092132191983,0.18728449496488153,2.1 +3121,1.51326656152156,0.19126963546882228,1.66 +3122,2.566687364403937,0.21005963600255617,3.18 +3123,0.19791229211664807,0.2099465518700297,0.1 +3124,1.686140676691416,0.18744064703111737,1.54 +3125,1.9201931684234819,0.18718031140082855,1.96 +3126,2.0699643837338186,0.1876629606803057,2.1 +3127,0.4023109159831766,0.19294261385253544,0.3 +3128,1.1002453493097903,0.1867966613661411,1.04 +3129,1.3100414436126997,0.18694595516169296,1.36 +3130,2.1141434138132533,0.1881763865678487,2.1 +3131,0.8985194469203759,0.18732656232233497,0.88 +3132,1.0062820790105935,0.18689010954421045,0.98 +3133,1.2800967782525732,0.18720326470894955,1.16 +3134,0.8461128470253219,0.1872959200363189,0.74 +3135,1.2072160596000885,0.1866436112503226,1.3 +3136,0.45239057078270783,0.21675962102321955,0.4 +3137,1.2952408879890058,0.18689363524577807,1.4 +3138,2.2203668971765937,0.1889349396234319,2.28 +3139,1.9473892923733038,0.18773816612260869,2.0 +3140,0.6463821876431972,0.18777784572663359,0.64 +3141,1.182205687470183,0.18662665293267838,1.2 +3142,0.9765700354203475,0.18810603284502656,0.98 +3143,3.1978936679039665,0.20933283545719505,3.42 +3144,0.6191406668114319,0.18850692382821926,0.66 +3145,1.111000040485439,0.18678874705971846,0.98 +3146,0.9197071934735217,0.187892200958213,0.94 +3147,3.2285223401422867,0.20268498783179575,3.1 +3148,1.1693199812739856,0.18673966177291626,1.16 +3149,2.039135578295876,0.1877662758754208,2.08 +3150,0.9150677949637036,0.18770537831370274,0.9 +3151,0.7328110884998538,0.18746020845672093,0.8 +3152,1.2995811922185727,0.18730250336345386,1.2 +3153,1.1278437847621288,0.18775314510961857,1.12 +3154,1.4529424228625836,0.18654391670621756,1.48 +3155,1.3118259065395599,0.1869048214009768,1.34 +3156,0.4570147114044609,0.19055158419664098,0.4 +3157,1.907522348852407,0.18735026262807572,1.86 +3158,1.483562449441908,0.18666817797402316,1.62 +3159,1.2258591398540688,0.18998281862384195,1.2 +3160,1.45011612901041,0.18624464065045243,1.48 +3161,1.3421377466534559,0.18644411006030104,1.46 +3162,1.0919335893111086,0.18870736784671627,1.2 +3163,1.9994005969357407,0.1867841466809428,2.0 +3164,1.9173404092344557,0.18706988961622006,1.96 +3165,1.145628862485901,0.18775305125880598,1.2 +3166,1.3427029708164213,0.18667728193338531,1.26 +3167,0.7631430208808496,0.18789684304036602,0.72 +3168,2.3556805521292166,0.18880432636982428,2.34 +3169,1.6485805809554972,0.18961386323597026,1.78 +3170,4.25276317083581,0.36177514867304705,4.48 +3171,0.5562765988198344,0.18868541422517834,0.58 +3172,2.0389371366839653,0.20377233452033294,2.06 +3173,1.3924009266749648,0.19004222058833264,1.36 +3174,1.179597156509556,0.18665499227384877,1.14 +3175,0.9882711245814424,0.19069125274084364,0.92 +3176,1.9371928514162848,0.1881661224630175,1.98 +3177,1.6866817003541315,0.18768313070175754,1.86 +3178,2.038207667402215,0.18809478463541104,2.1 +3179,2.3573376522565495,0.18948365619071356,2.3 +3180,1.0442466674801232,0.18711704998997453,1.02 +3181,1.0261535421282144,0.1876789525051815,1.02 +3182,0.7458942396940966,0.18730300553144325,0.78 +3183,1.794601818030497,0.18774565957200057,1.98 +3184,2.2938811778285544,0.18825554951461732,2.36 +3185,1.6833471184592288,0.1865387964745856,1.8 +3186,1.5582541501185212,0.18762001873730785,1.56 +3187,1.6125676753283715,0.1917370131520176,1.6 +3188,1.2943703751179954,0.19426324073996964,1.32 +3189,0.6979122099129651,0.18793403208962292,0.72 +3190,1.2473698774993196,0.18828554016097585,1.28 +3191,3.2789531857391783,0.19462128486468216,3.24 +3192,4.08171921105994,0.24382192773529002,4.3 +3193,0.2177179352529912,0.1919395615414084,0.14 +3194,0.5238693791505853,0.19023590456495706,0.58 +3195,1.2583913019208641,0.19245819831717206,1.16 +3196,1.7481782362447753,0.19428573532210375,1.88 +3197,1.1667646174619748,0.18783737074624332,1.26 +3198,0.5849592947481448,0.18746605398878535,0.56 +3199,2.0584978818080932,0.18804130242313352,2.16 +3200,0.9750352947231378,0.18712465041037243,1.06 +3201,1.5760406765189068,0.18719609276970384,1.62 +3202,0.7306230569906706,0.18793393262700284,0.68 +3203,0.7247914312518653,0.2002489528856561,0.68 +3204,1.720301936590998,0.18710191819545724,1.7 +3205,0.6515729186849957,0.1914518959617026,0.54 +3206,3.882009778469171,0.24168596402688738,3.9 +3207,1.3023226375337515,0.1866284736404671,1.32 +3208,1.8539233015297916,0.1867949639501027,1.86 +3209,0.7877687778364433,0.18713604062538974,0.74 +3210,1.3835790509394947,0.18705510373928505,1.36 +3211,1.9151808035539732,0.18721070676343862,1.94 +3212,1.2483350495736965,0.18930023905101587,1.26 +3213,1.3738802687142198,0.18662291579143692,1.44 +3214,1.3222019288143525,0.186663816668077,1.34 +3215,1.4226185380345957,0.1869948413728002,1.46 +3216,0.6238781769772317,0.18819992670269234,0.62 +3217,1.526341023239833,0.18906420084369033,1.56 +3218,3.5799393593788027,0.20220706710044611,3.54 +3219,0.5921003164014131,0.19214444357866758,0.46 +3220,1.1716473379039922,0.18904717592730508,1.16 +3221,1.4955185543024918,0.18764486131600147,1.4 +3222,0.6698157867179699,0.1961711159285996,0.62 +3223,4.326313309000421,0.41158288580307784,4.78 +3224,1.5336546112167604,0.18878597762202906,1.36 +3225,1.251743914695296,0.18681649731108924,1.24 +3226,1.9706814375565307,0.1891558701036827,2.12 +3227,2.0186897556479986,0.18850343221667293,2.18 +3228,1.8986919625365062,0.18699509973777564,1.92 +3229,0.4245885039581243,0.18868898893205685,0.52 +3230,2.3839970617529946,0.1911554915046996,2.46 +3231,0.858064634747014,0.18832437505548308,0.84 +3232,0.7951905474798011,0.18796831266557856,0.7 +3233,1.4764557393272384,0.18642660928246818,1.58 +3234,1.4177242242161185,0.1867677698059795,1.4 +3235,1.1792236581366737,0.18970582050349397,1.24 +3236,0.7969900817245936,0.188016211929784,0.64 +3237,1.9106806629769972,0.18994553171670192,2.06 +3238,2.0466416938535525,0.18726121857335326,2.04 +3239,2.201579593073002,0.1941159913878036,2.26 +3240,3.712169142087247,0.23962402929173066,3.78 +3241,2.9954826676320714,0.1913554760573377,2.92 +3242,1.9321585670420547,0.18741426468132794,1.86 +3243,1.297004274459858,0.19140412284785602,1.3 +3244,1.2190317118835268,0.1866604704028803,1.2 +3245,1.1426579946998612,0.18805688057499828,1.22 +3246,1.430140933148768,0.18731236366870674,1.42 +3247,1.79810812916553,0.18811347938582984,2.02 +3248,0.3116884360969856,0.19190980940700242,0.32 +3249,0.7710121148326448,0.18714996950332374,0.82 +3250,1.3886125327992211,0.18662818478536033,1.44 +3251,0.9698140940350133,0.18799946693750136,0.96 +3252,0.9789201350249102,0.18736833164211272,0.94 +3253,1.769604259929997,0.1866060317740895,1.92 +3254,-0.07901886946154568,0.25320737678315614,-0.14 +3255,1.436827173768296,0.1869310117063686,1.4 +3256,2.919766843945447,0.19287407342792304,2.86 +3257,1.2889708499533896,0.18764436362500198,1.38 +3258,2.523205260891621,0.19578694622341442,2.54 +3259,0.4225403724344272,0.19286457683179628,0.46 +3260,2.763788026860661,0.2077228390300364,2.86 +3261,2.554069409791752,0.1892796223589196,2.54 +3262,1.6223738262602005,0.18676106289971442,1.52 +3263,1.7207524489963213,0.1866217037913724,1.8 +3264,1.7448637828642897,0.18828559779264428,1.9 +3265,0.46395763804751167,0.18799109724537566,0.42 +3266,1.5348242227415796,0.1866419429468568,1.44 +3267,1.3320975565411104,0.18688980074152295,1.32 +3268,1.2514321455447395,0.18689658804289602,1.26 +3269,2.977935750000138,0.1910689880389536,2.82 +3270,1.3493899696542286,0.18624371967086803,1.48 +3271,0.9393170769939554,0.19690272083249832,0.84 +3272,0.5583588005469544,0.18888113748731974,0.56 +3273,0.73796764804293,0.18929741576533193,0.6 +3274,2.5177020820785287,0.19264978198365987,2.6 +3275,1.5030837155898908,0.1881847482291243,1.52 +3276,2.1021457645020254,0.1881228687246007,2.06 +3277,1.3988985218111136,0.18787689936071986,1.52 +3278,1.1490808379288737,0.18669553526646188,1.12 +3279,1.6944497432508012,0.1867580249313843,1.76 +3280,0.8201756181631741,0.18767369097886302,0.8 +3281,1.4301142761542487,0.19135836981570248,1.28 +3282,1.730803082294725,0.1875336739990407,1.68 +3283,1.050568243238968,0.18714537983981827,1.0 +3284,0.6745220565027286,0.18728934525634514,0.66 +3285,1.109695258630148,0.18696446582199588,1.08 +3286,1.088571481991812,0.20977714119721827,1.1 +3287,1.516122558697001,0.19349033010660396,1.64 +3288,1.5609530834597714,0.18914119051568412,1.74 +3289,1.172731343182016,0.19030211935056293,1.24 +3290,2.015700773988442,0.18728677980656142,2.02 +3291,0.8874448428755628,0.18786409274001997,0.9 +3292,0.9855664436805054,0.18751943840194252,1.0 +3293,0.9012783609930157,0.19119830586213135,1.5 +3294,1.3675158909162441,0.18671894581831985,1.32 +3295,1.3188393253314967,0.18983385197250083,1.46 +3296,0.9192912932291855,0.18691305828762517,0.9 +3297,3.571232446032224,0.21276034364875637,3.56 +3298,0.4533359132300927,0.18862729735785508,0.56 +3299,1.4212000812820975,0.18842124786485726,1.46 +3300,1.9505983093422288,0.18725431437417298,1.88 +3301,0.7630669107700634,0.18691046191682953,0.76 +3302,0.5850930369983207,0.19286259884358128,0.64 +3303,2.6368380494676105,0.1900254752513851,2.58 +3304,1.857634234990882,0.186910212285932,1.94 +3305,1.020671541212779,0.18682768221014634,1.04 +3306,0.8016815376125284,0.18845343446119123,0.7 +3307,2.349919007264128,0.18975873387916767,2.28 +3308,4.237065103298992,0.31878686993538746,4.52 +3309,0.9496544624390684,0.19402244844172278,0.98 +3310,3.154740833242176,0.19508668842345148,3.18 +3311,1.3373969520475761,0.1865299311681684,1.38 +3312,1.19501087200828,0.18900761179169717,1.12 +3313,1.098043600367798,0.18708168550245766,1.12 +3314,1.7786145935241688,0.18699376102660242,1.86 +3315,2.167624625202964,0.18761810443547625,2.18 +3316,1.6903519943201604,0.1885282391050046,1.58 +3317,1.100778156157282,0.18717550008586678,1.02 +3318,1.0860566399224993,0.1893954965273689,1.0 +3319,2.044348428619502,0.18672373721054109,2.2 +3320,1.809443694509109,0.1866216997236242,1.84 +3321,0.7611646635278568,0.1871190441055532,0.86 +3322,1.0084241542925902,0.1945432320947739,0.96 +3323,2.0147408382354586,0.1881401762681162,2.0 +3324,3.9421425329453124,0.23266470489964977,3.98 +3325,2.043684734685729,0.1870117379844276,2.14 +3326,2.0578387927015953,0.18821906586767703,1.94 +3327,1.2755471913730834,0.1866599788009871,1.18 +3328,1.5267793576009219,0.18678506200636338,1.5 +3329,1.3530963709373076,0.18893825974516754,1.4 +3330,0.8228501167600897,0.18720050641238703,0.8 +3331,1.966416452185274,0.18736761963323514,2.08 +3332,0.5084945767390512,0.18995985328065904,0.56 +3333,1.0728027964805957,0.18682819108987872,1.08 +3334,2.0203634300029742,0.18881755318866641,2.24 +3335,2.738743348526935,0.19201262044327647,2.22 +3336,0.543392944592614,0.19115790632068172,0.62 +3337,2.0740098470623183,0.18742850472082107,2.06 +3338,2.2134434981010846,0.18936819827141205,2.32 +3339,1.1319582436896998,0.1874919497760242,1.08 +3340,0.9967159660947538,0.18834662592399765,1.1 +3341,1.247247801506359,0.18665066214644516,1.3 +3342,1.4216200995241544,0.18723378266153862,1.46 +3343,3.2918787727411463,0.1984152115491786,3.44 +3344,0.49689575550894394,0.18786458692038324,0.46 +3345,1.4606294264701918,0.1880977731155157,1.5 +3346,1.160052922691958,0.18730348848415845,1.22 +3347,2.22425692871973,0.19088740027271195,2.38 +3348,0.8445417237768134,0.18963673187681934,0.86 +3349,1.6968084962181742,0.1889479244865295,1.66 +3350,0.938346362221185,0.18711290479679282,1.5 +3351,1.1239497017216895,0.1873310866360855,1.16 +3352,2.1357654116785003,0.1877886631280493,2.14 +3353,1.8133443840930152,0.18778142249955818,1.7 +3354,1.2248216730392187,0.18683463423842658,1.2 +3355,3.1365042272706836,0.19179467690623497,3.08 +3356,2.2910859776349364,0.1892142905631317,2.28 +3357,3.1129282783429604,0.19992797236875232,2.98 +3358,1.268029669461787,0.1868250841660679,1.28 +3359,0.47457718593993303,0.18892511857696415,0.4 +3360,1.036095858349966,0.1875040776187019,1.06 +3361,1.5188388625904488,0.1886070928589046,1.46 +3362,0.4368567305748592,0.20189962417378365,0.38 +3363,0.6789127358660256,0.1876011410178974,0.72 +3364,0.3116020974210507,0.19036199791274813,0.34 +3365,1.2245006031328505,0.18761136937714895,1.16 +3366,1.3564251590883398,0.18707383288991497,1.38 +3367,1.212686924361882,0.18730420784542598,1.38 +3368,2.156965019255005,0.1888099177829072,2.18 +3369,1.4640002915160608,0.18864153407916656,1.52 +3370,2.2348616730756232,0.19182985816944734,2.22 +3371,1.0290287834978422,0.1867721153661124,1.08 +3372,1.0770277447031298,0.18700524139288208,1.08 +3373,1.1251083143321658,0.18888051089427646,1.0 +3374,1.462120657125092,0.18738499185432125,1.44 +3375,1.723185219008678,0.1869585840843307,1.88 +3376,1.6402517897863904,0.19055968771559748,1.7 +3377,1.1838745988344777,0.18749309388618443,1.12 +3378,0.8982962480330408,0.1873744529259899,0.98 +3379,0.37446653955256903,0.18933937994336117,0.36 +3380,1.716000825712926,0.18770771631504982,1.74 +3381,1.384572655903699,0.1866419866794043,1.42 +3382,1.3126930021751797,0.18709423417390816,1.28 +3383,1.648419623238132,0.18800013002146237,1.66 +3384,1.22389767378965,0.18708972138794897,1.2 +3385,1.131936486869898,0.19149858136954576,1.2 +3386,2.0337826004216373,0.18773733949902227,2.04 +3387,1.129123759931452,0.18727648555039644,1.02 +3388,1.6101435035419478,0.18662993571862177,1.58 +3389,1.6406052531895317,0.18748917442512286,1.72 +3390,1.2219815851472593,0.18822423823190906,1.24 +3391,1.5457436476300395,0.18665129917272896,1.56 +3392,1.378386510267464,0.18686637147879778,1.36 +3393,1.5397698654176175,0.18759064199495337,1.46 +3394,0.9567429818885718,0.1868471388736625,0.88 +3395,1.9635348921167692,0.1870896644860374,1.98 +3396,0.981130452801968,0.18760678833018768,1.06 +3397,1.084305560168919,0.1878110590956154,1.1 +3398,1.1981635883902897,0.1871785947089539,1.26 +3399,1.2777062094532472,0.18681709669984942,1.28 +3400,1.113911828516357,0.1902180152135026,1.04 +3401,0.9451315879576125,0.1924123441663764,0.86 +3402,0.17016979056234605,0.20979861412092268,0.04 +3403,0.8085648212861145,0.18887636179902934,0.74 +3404,2.851098954524505,0.191172755721935,2.88 +3405,0.9474169831071884,0.18688825805419215,1.0 +3406,1.6818443990447183,0.18754513655534413,1.88 +3407,0.9203534222598855,0.18746051283543175,0.94 +3408,1.130061828420277,0.18652931324594133,1.16 +3409,0.9170082739322816,0.1880773904642571,0.88 +3410,1.0086093482575411,0.1878048493327255,1.12 +3411,0.7928879527345558,0.18925764051553076,0.78 +3412,0.8206175901056991,0.18937369132375423,0.8 +3413,1.2366828806094514,0.18734999855851042,1.18 +3414,2.821369318890998,0.20206348342954025,2.72 +3415,1.094921048329055,0.18762652630127613,1.18 +3416,1.4809654083472463,0.1868719342151787,1.4 +3417,1.2526843184944856,0.18659452307692775,1.34 +3418,0.13386022867045466,0.2764694506416409,-0.04 +3419,1.516010009463851,0.1873162948220667,2.02 +3420,1.5908672357371654,0.1871469914515805,1.6 +3421,2.2656263046058154,0.1880691840932448,2.3 +3422,1.4203942789543185,0.18874112129512075,1.42 +3423,1.5640550082787243,0.18697732347908438,1.5 +3424,1.7053885032716025,0.18758214763486833,1.82 +3425,0.5981251723248981,0.18878841140819172,0.7 +3426,1.0319577557693027,0.1902377667245024,0.94 +3427,1.5349724047175137,0.18649818653310288,1.52 +3428,1.476882492694105,0.1868800928491113,1.32 +3429,1.9586758811821359,0.1873791145979405,1.9 +3430,1.644242984867254,0.18724661816794466,1.7 +3431,1.7540187921474166,0.1906292903596675,1.9 +3432,2.1435827100588947,0.19028805505045526,2.08 +3433,0.8191470354482739,0.1871739259945807,0.66 +3434,1.650131130595429,0.1879689280678201,1.76 +3435,1.5142361980735182,0.1879604842586273,1.52 +3436,0.6630581197764915,0.19356680955158456,0.86 +3437,0.9711619144854169,0.18880833326592397,0.92 +3438,0.4890623274670347,0.19277785249435103,0.56 +3439,1.2262133576868515,0.18881443903635212,1.22 +3440,1.0298923445758341,0.18793055680598644,1.04 +3441,0.48276063545228287,0.1880088942089741,0.44 +3442,1.3928471527875772,0.18719239384242256,1.4 +3443,2.683829944040019,0.19342467205849817,2.98 +3444,1.5476632939985493,0.18642143618865833,1.54 +3445,0.7369281388435074,0.18921261027603348,0.68 +3446,0.988186277029427,0.18668769862453677,1.0 +3447,0.21339016366566388,0.19820599130188588,0.26 +3448,0.6082194310416302,0.19104772032081724,0.8 +3449,2.0400627189527727,0.19110285483768172,2.14 +3450,1.3606807456229693,0.18744209235191228,1.4 +3451,0.4044740891956533,0.18877446165378056,0.36 +3452,0.9024196577987695,0.18733075772765287,1.02 +3453,0.5366921829590361,0.19245158697543874,0.48 +3454,0.863927281188013,0.18712703494314792,0.8 +3455,1.4866458002242153,0.18814710209513735,1.42 +3456,0.8717189720043728,0.1873594156778934,1.02 +3457,1.464544090529236,0.18731003896163426,1.46 +3458,1.0417140418463682,0.18796366478171225,1.42 +3459,1.8388110629392653,0.186824263703297,2.02 +3460,0.8739343908361168,0.18689250931554066,0.8 +3461,2.111409103225574,0.1873916411777235,2.18 +3462,1.4799507690237939,0.1886976429359884,1.48 +3463,4.304823664086274,0.3600851001177934,4.54 +3464,1.5006109897417226,0.18688862916188395,1.7 +3465,0.9922988919167246,0.18752790352909574,1.0 +3466,1.4864970432909346,0.18623875141412144,1.48 +3467,1.325461876759417,0.18657492233569742,1.3 +3468,0.5444985907537288,0.18881020901085893,0.52 +3469,0.4711435064618812,0.18967036506104598,0.36 +3470,1.9909743206500956,0.18690668820750347,2.14 +3471,0.9065240521176936,0.18834510741745508,0.96 +3472,3.3664807362572677,0.2031879559379204,3.6 +3473,3.0760583064042484,0.2001155622558353,2.9 +3474,1.5873413242348164,0.1872583484001729,1.6 +3475,1.087595827199727,0.1870552179580817,1.08 +3476,1.0447420573627124,0.18685056753299917,1.02 +3477,2.128359904383416,0.18832144975938445,2.16 +3478,1.3715896189119168,0.18752410378694762,1.18 +3479,0.560067218436868,0.18952380523591633,0.58 +3480,1.0489035588312323,0.18795267550610945,1.14 +3481,0.6411776981998341,0.18744902591400042,0.74 +3482,0.5101238235076189,0.18803644220597285,0.56 +3483,0.6930987830832482,0.1876732056149717,0.72 +3484,1.0445510023236804,0.1878439699822086,0.96 +3485,1.0628525686374541,0.18653049187529033,1.04 +3486,1.2498782191081148,0.18833499719136979,1.2 +3487,1.0012739174172982,0.18821741370850492,1.06 +3488,1.4060754349011344,0.186742103029862,1.46 +3489,1.0405148038140937,0.18836963279236268,0.98 +3490,0.49358119933709266,0.19237843174363545,0.38 +3491,1.4165129149735602,0.18669788089884878,1.44 +3492,0.5410639687319254,0.20305141844910243,0.54 +3493,1.4296553317325806,0.18754615542576922,1.34 +3494,1.7326247643834416,0.20575885366418056,1.92 +3495,0.8684100158022539,0.18810559005683383,0.82 +3496,3.5233793051410496,0.20921629285214075,3.52 +3497,2.303097593165174,0.18816684079796744,2.34 +3498,0.38229142506707814,0.1910939244573131,0.28 +3499,0.9374581908373643,0.1898515343791007,0.98 +3500,0.28192464509726745,0.1936839248892514,0.24 +3501,0.14023366452995067,0.1983680929898415,0.14 +3502,0.3562431852782695,0.1976391739535752,0.34 +3503,1.5453591013915517,0.18794831252946517,1.56 +3504,3.207549984203892,0.2026146838998927,3.24 +3505,1.8968207996400965,0.1879766193267338,1.68 +3506,2.0572077265288122,0.19790016024840157,2.04 +3507,1.2248506296024868,0.1868446301082933,1.16 +3508,1.1403850521062708,0.18742701378695997,1.04 +3509,0.5296652855841935,0.19756272789619245,0.34 +3510,1.3343652391933951,0.18649019170423514,1.26 +3511,1.3440521586535834,0.18709408777084044,1.34 +3512,2.418149475996789,0.18863870872159394,2.42 +3513,2.096004770520082,0.1944044763650636,2.28 +3514,1.1227245200338338,0.18753577752798065,1.1 +3515,1.1466448419586037,0.18759028058115257,1.08 +3516,1.7388871805008776,0.18710596812847352,1.88 +3517,2.1662744906632705,0.187267463080345,2.18 +3518,1.2602542855261583,0.18745610200705648,1.3 +3519,1.3448729429017245,0.18674485577651864,1.38 +3520,1.7993358563115518,0.18670849391821898,1.8 +3521,0.5318747198880456,0.1898407341237931,0.48 +3522,1.1724126838253028,0.18705701266690006,1.2 +3523,1.321184975487408,0.1866775676928667,1.3 +3524,1.741959812174586,0.1867771912405394,1.86 +3525,1.3648376112490912,0.19185488560693942,1.36 +3526,0.4726508954121471,0.18992626341446756,0.5 +3527,1.6812038105974303,0.18707276320987798,1.68 +3528,1.3262956103991972,0.18703675269331707,1.36 +3529,0.9544702785808241,0.18684434264632696,0.94 +3530,1.0763408209587795,0.18703914887883635,1.08 +3531,1.7990935633076106,0.1865976337608408,1.94 +3532,1.9043422496242084,0.18927075477063693,1.9 +3533,1.6069791129216384,0.18789877588879542,1.66 +3534,2.402128128415555,0.1890013022325566,2.42 +3535,1.5994799652905372,0.18816981439964642,1.58 +3536,0.8157094640322164,0.18758297123797085,0.8 +3537,1.7615340654378857,0.1878889353566414,1.8 +3538,1.8688688825905804,0.18920705216896297,1.86 +3539,1.7683685864824554,0.18671234972312017,1.64 +3540,0.875706241292215,0.18739435776056182,0.86 +3541,1.5094253081942803,0.18864536941517657,1.5 +3542,2.159289014066215,0.18743858102052235,2.12 +3543,1.2921550396210943,0.18758445749570232,1.3 +3544,1.3906762178746412,0.1868703225708182,1.4 +3545,1.7402712238403686,0.1885371474889092,1.8 +3546,1.7658288232343768,0.18661544057799673,1.76 +3547,2.323681014859587,0.19002137444412798,2.36 +3548,1.6729837500348197,0.19413923220083928,1.82 +3549,1.823126352638573,0.1879257940228593,2.02 +3550,1.1740588617080896,0.18873330260821103,1.34 +3551,3.2305837531576413,0.19886752673107777,3.66 +3552,0.8499473865811809,0.1872276444953778,0.94 +3553,1.8622496290296546,0.18883283445648674,1.92 +3554,0.6272024666315599,0.18938683185735,0.62 +3555,3.0937122945446243,0.1934704317055996,3.16 +3556,0.9421772144299834,0.18884103556299425,1.06 +3557,1.5968771707146658,0.1863033898940998,1.56 +3558,1.2784571769827349,0.18711598771717144,1.36 +3559,0.9384746377162483,0.18734642308560898,0.94 +3560,1.3501407881056544,0.1884582772828765,1.36 +3561,2.0205319285244316,0.19399675031754798,2.2 +3562,1.278656792006441,0.19651997951347394,1.32 +3563,2.1513071484824398,0.18838178844694506,2.16 +3564,2.144179737623805,0.1903096684423412,2.24 +3565,2.9556930281902574,0.1949028939887541,2.92 +3566,2.8132236371894326,0.19237289055854007,2.74 +3567,1.0885582213656104,0.18889980474036733,1.1 +3568,1.2279130239701364,0.1868375123625097,1.24 +3569,1.1014144882538777,0.18754067202408028,1.14 +3570,1.1765012616298975,0.1873217837404143,1.08 +3571,2.620887820797061,0.19039794931253787,2.74 +3572,0.9790083892108463,0.18761157615206858,0.98 +3573,2.2721978273580126,0.18818860575372426,2.38 +3574,1.6478649276614015,0.18754855183123773,1.62 +3575,1.4894090570097316,0.19096694674472514,1.64 +3576,0.7734912545292911,0.19008354287283585,0.72 +3577,0.5195937497020975,0.18950359355205282,0.46 +3578,0.5574981787795068,0.18776516540550703,0.58 +3579,1.2938291856128956,0.18689005005694048,1.32 +3580,0.9677575155845066,0.1881273885359558,0.98 +3581,1.4186296011176822,0.1876425082012369,1.44 +3582,1.485904850389255,0.1885044803489711,1.48 +3583,1.2849896191907544,0.1895584615927535,1.32 +3584,0.43422858786562135,0.18958952759171566,0.48 +3585,1.3083041747304407,0.18668309849308412,1.28 +3586,1.3197985212466226,0.18788395188513188,1.26 +3587,1.9955945458508604,0.1889615772616591,1.98 +3588,1.4923363208367129,0.18742281704577746,1.5 +3589,0.5867181429857464,0.18806586069902503,0.58 +3590,1.5848848634693635,0.18772495825705363,1.62 +3591,2.5960993599356836,0.1952362219700694,2.54 +3592,1.1599635061473859,0.18720895156515216,1.1 +3593,1.9531385271873651,0.1871010678134653,1.96 +3594,1.1881160476226953,0.18664746623211848,1.14 +3595,1.0696052472768838,0.18677520887587373,1.04 +3596,3.559900189383211,0.2738070127634231,3.58 +3597,1.1758014277210258,0.1868999948020038,1.04 +3598,0.7039308552519661,0.1886127651760026,0.76 +3599,3.552006818760267,0.21529989350546788,3.54 +3600,0.5003452181450652,0.19186914579863854,0.38 +3601,1.268105260009537,0.18957436102715924,1.16 +3602,1.6733422823305573,0.18717267125769055,1.7 +3603,1.7758566583793114,0.189546597197068,1.86 +3604,1.762229246146464,0.19355778840420473,1.86 +3605,2.1194245139627617,0.1877125420532777,1.92 +3606,2.0191323657212825,0.18887472131830985,1.98 +3607,1.5780586021578984,0.18645572851685718,1.6 +3608,1.3119409043058188,0.18887452447932643,1.34 +3609,2.1559755655876636,0.1893677850498314,2.14 +3610,2.537278651498351,0.1893462450384109,2.72 +3611,1.6520217572554305,0.1885438340914714,1.78 +3612,0.5885930517847744,0.19080688066494922,0.58 +3613,2.0468059245074226,0.19128781662550248,2.04 +3614,1.471716152046539,0.18709128419492382,1.46 +3615,0.962426280925665,0.1876591587596849,0.96 +3616,0.5441992673649729,0.19062630597699332,0.54 +3617,1.1031849022327453,0.1866051485290254,1.2 +3618,1.537887076343199,0.18882521400855776,1.62 +3619,0.6919589673721405,0.18723904903239247,0.74 +3620,0.7370022282439497,0.18842091304970532,0.78 +3621,0.8523202703912258,0.19120691294385012,0.72 +3622,2.5457741701370447,0.19006261745485392,2.74 +3623,3.879014255677813,0.23079302885656197,3.98 +3624,0.9162258847857114,0.18753668894145992,0.84 +3625,2.5184271724316405,0.19287138586702274,2.58 +3626,1.2546546110924919,0.18702517206394412,1.06 +3627,2.324768318338374,0.19098759044857305,3.08 +3628,1.8071925451502795,0.18656937095782294,2.02 +3629,1.3649070999629835,0.18696439911702642,1.28 +3630,1.911731510350479,0.1880529280144058,1.82 +3631,0.706892080366287,0.2007647872152347,0.64 +3632,2.7349922892440803,0.19774163376842113,2.6 +3633,1.2396160535461782,0.18842303849188288,1.38 +3634,1.6500626281322568,0.1864564099600429,1.68 +3635,0.750811992457858,0.1891325948607896,0.7 +3636,1.0275011136736147,0.1916810799604828,0.94 +3637,1.2820043134603154,0.18687554682826768,1.24 +3638,4.293239995104874,0.4686637906963932,4.76 +3639,0.6916104916367367,0.19092444251358306,0.68 +3640,2.17727374176446,0.18784796523762534,2.2 +3641,1.0073034209663938,0.18664214591136208,1.02 +3642,1.409436361373959,0.18708039581543276,1.48 +3643,0.9612589953319379,0.18872123983198177,0.92 +3644,1.4013926613070098,0.18689350247443406,1.44 +3645,1.3771886485622293,0.19039245506600663,1.46 +3646,2.2888548282941947,0.1893259529256577,2.3 +3647,1.8550877316283974,0.18694761038543944,1.78 +3648,1.1253866076212582,0.1875831206122665,1.1 +3649,0.6275565102621397,0.1889815491859093,0.68 +3650,0.4575434214652472,0.19148439854570623,0.56 +3651,2.2293876298285866,0.1874209964151371,2.38 +3652,2.555149508005611,0.19007490589783252,2.58 +3653,1.7435535022260755,0.18791725220355046,1.74 +3654,0.2808874802353529,0.19473756696338446,0.32 +3655,1.296261044571785,0.1872555610390708,1.2 +3656,3.4925601946506157,0.22057235960581234,3.54 +3657,1.3229304779428788,0.18807629761701516,1.28 +3658,1.5858203300357119,0.1863649089476126,1.64 +3659,1.1400669361088192,0.18686409659094735,1.08 +3660,2.467385965726713,0.1984171221947782,2.44 +3661,1.871657803496401,0.18665813707232237,1.96 +3662,1.502063526124185,0.18733300342574394,1.46 +3663,1.614177384635455,0.18758352276365683,1.66 +3664,1.369472035503111,0.19076221271201416,1.56 +3665,1.1478004779683346,0.18787027498812825,1.1 +3666,1.1838725590209027,0.18689099197694556,1.22 +3667,1.280277698079327,0.1879304482557148,1.22 +3668,1.1168321733118065,0.19260489822095037,1.16 +3669,1.6197957808343528,0.18685510762635463,1.68 +3670,1.054051973988025,0.186894790296772,1.16 +3671,0.6679239411349134,0.18893279304217606,0.72 +3672,1.7432416276546914,0.19025999137472707,1.68 +3673,1.417014539564753,0.1883593737841531,1.36 +3674,1.9625566117110946,0.18706856882916806,1.96 +3675,1.642820467126554,0.1876106112780039,1.72 +3676,3.758811822226831,0.21235990012171332,3.92 +3677,0.984091564464227,0.18685949339064745,0.98 +3678,1.3824244703871227,0.18841058407839018,1.32 +3679,1.4657095892786007,0.18670478376523275,1.34 +3680,1.460086450275001,0.18659633767679507,1.48 +3681,1.0794347191441453,0.19114947540038882,1.1 +3682,1.844020672027223,0.18754841383909462,1.94 +3683,1.1832398567568874,0.18831554127967337,1.22 +3684,0.749615692802162,0.18761204023878145,0.78 +3685,1.749417163583851,0.18751276953856322,1.86 +3686,0.6497650609332386,0.18956588819676823,0.66 +3687,0.3597292418696185,0.19142405433815524,0.46 +3688,1.8966442529817773,0.18774264368052937,2.0 +3689,0.9561973906777024,0.18808723462458646,1.06 +3690,1.6175286992865072,0.18760941616295107,1.64 +3691,1.9441968926461473,0.1868149838912963,2.08 +3692,2.23858061560005,0.18869738666039843,2.26 +3693,1.1107517152353232,0.1870702200426666,1.02 +3694,0.6651046909882254,0.18963509108340287,0.58 +3695,1.6842164976000362,0.18634954072805718,1.64 +3696,1.61903078293748,0.19166885502119135,1.62 +3697,0.27070652890427493,0.1993300144320961,0.08 +3698,2.669078125732349,0.1904178784544066,2.66 +3699,2.500111904914357,0.1982784542324786,2.48 +3700,0.8856507402561047,0.1884532442424024,0.9 +3701,1.895847386353655,0.18729585684119832,1.76 +3702,2.929651949824148,0.20021902936861707,2.86 +3703,1.491161495000202,0.18628050117996833,1.46 +3704,1.7445600054345338,0.18634314577285702,1.8 +3705,1.138423907611693,0.18747455601688903,1.12 +3706,0.563917893994945,0.2072720241557867,0.38 +3707,1.243738231501028,0.18747947908884016,1.26 +3708,1.0099507021114456,0.18738156553174815,0.96 +3709,1.8387067440219351,0.18688263469534236,1.96 +3710,1.3644231925679329,0.1865742483112299,1.52 +3711,1.5966747455024042,0.1872250656072241,1.74 +3712,2.116435915599916,0.18782441289754667,2.04 +3713,1.7696324694430763,0.19038964627734054,1.74 +3714,2.2081986912406633,0.19382150162121511,2.28 +3715,1.425880329379311,0.18696254947124055,1.38 +3716,2.3969699738966534,0.19498666569440432,2.42 +3717,0.7174849399201941,0.18746296559956144,0.66 +3718,3.1448884208290675,0.22427276406198102,3.16 +3719,1.0752902887049303,0.19022235590379133,1.0 +3720,0.5872676187063253,0.1885458067950554,0.64 +3721,0.7268912700183148,0.1893223548878645,0.64 +3722,1.7395999199242917,0.18682063720523423,1.76 +3723,0.9293379939433752,0.18729349522796385,0.96 +3724,1.3484656363303096,0.18836354922553963,1.42 +3725,0.5022411014260266,0.18922185540179728,0.54 +3726,1.9532859624170682,0.18716729371069815,1.96 +3727,1.0515884538421096,0.18693870497742496,1.06 +3728,1.57739970904807,0.1913559946737754,1.62 +3729,1.1879529146768333,0.18794216619756043,1.16 +3730,0.2825469514959551,0.18973779298512508,0.3 +3731,1.2812423511443758,0.1865728951418879,1.34 +3732,1.5610615247106223,0.1913865703069639,1.66 +3733,1.7345477553370545,0.18688967301647455,1.66 +3734,1.8174404735756948,0.18827952442922538,2.04 +3735,0.3300448032421486,0.18942134213324566,0.42 +3736,1.111068151882468,0.18691720380172824,1.28 +3737,0.5847352227887284,0.19473993740381973,0.56 +3738,2.1170091563251443,0.18697468493737074,2.14 +3739,1.36781471596606,0.1867412013593362,1.38 +3740,1.383425631370898,0.1866032682123743,1.4 +3741,1.4477437426442654,0.19867161082605606,1.52 +3742,0.7117858823555265,0.18826802753866578,0.7 +3743,0.6649191652990931,0.18921985096533483,0.6 +3744,1.0109774956215463,0.1916098339800392,1.08 +3745,3.725461272321949,0.20577056332603932,3.72 +3746,2.017758816514217,0.20120894789374869,2.02 +3747,1.4046663510119706,0.18779774772474864,1.42 +3748,1.5884445147000241,0.1875462020097159,1.58 +3749,0.8941640692904465,0.18952542239301104,0.9 +3750,0.42194916476353517,0.18955796326532579,0.48 +3751,1.511729864051935,0.18755939354038467,1.44 +3752,2.026018654854947,0.18703105322401115,1.92 +3753,2.3842608005605506,0.21178399797128236,2.56 +3754,2.3660248594168998,0.19146811256605709,2.4 +3755,0.5661013599832823,0.18874427662115703,0.58 +3756,0.5488225428430245,0.18916680957456697,0.32 +3757,0.5191890080020045,0.189012441381599,0.42 +3758,1.460080808579247,0.18641356487694732,1.54 +3759,0.22382687602361107,0.21364492451242906,0.32 +3760,2.7461536797375006,0.1899578181443694,2.82 +3761,1.4965682092431518,0.1881816273311311,1.5 +3762,0.6210810871240977,0.1910541133281809,0.5 +3763,0.5424432586449603,0.1919676605776594,0.58 +3764,2.5187707447057957,0.19258499310991214,2.82 +3765,1.0501599462089735,0.19114493905478908,1.1 +3766,1.638719214584705,0.1878194754082659,1.64 +3767,2.06362588483516,0.19193317235700658,1.98 +3768,0.1564690388282466,0.24022003560522193,0.04 +3769,0.9778600378486637,0.18801986377445631,0.84 +3770,1.3099770533482344,0.18767105105322315,1.36 +3771,1.7124188359169452,0.18649246084033638,1.74 +3772,1.707699313805149,0.1871182285449268,1.76 +3773,1.3531040230754148,0.18655608291733403,1.44 +3774,2.0413237677705043,0.18860518974072588,2.06 +3775,0.8119326854437763,0.19158448290495206,0.68 +3776,1.7360057851755955,0.18644739895496365,1.74 +3777,1.3332549503513216,0.18979114730254892,1.38 +3778,1.183734062762465,0.18717535393963117,1.14 +3779,1.9487006328073238,0.1871041298458896,1.92 +3780,0.5922563620907184,0.1875559834525529,0.6 +3781,1.652539554750587,0.18703159882011347,1.66 +3782,0.9823847361385225,0.18692173886927704,1.04 +3783,1.4619828012760838,0.19014181067707087,1.52 +3784,0.9890560601338614,0.19071568264428065,0.88 +3785,1.543644897956501,0.18775107836715874,1.5 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/val-metrics-2022.02.11.10.44.41.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/val-metrics-2022.02.11.10.44.41.csv new file mode 100644 index 0000000..6d849b1 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/val-metrics-2022.02.11.10.44.41.csv @@ -0,0 +1,7 @@ +,0 +nll,-460.3565235302365 +sharpness,0.19108705309095733 +variation,0.06239890460468317 +mae,0.0676068864028882 +mse,0.009623384574180327 +rmse,0.098098851033946 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/val-metrics-2022.06.23.17.00.53.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/val-metrics-2022.06.23.17.00.53.csv new file mode 100644 index 0000000..de7fa87 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-1/val-metrics-2022.06.23.17.00.53.csv @@ -0,0 +1,7 @@ +,0 +nll,-460.35174926222544 +sharpness,0.19109015171996174 +variation,0.06237057587970786 +mae,0.06760211304141862 +mse,0.00962267607243002 +rmse,0.0980952398051507 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/2022.01.20.15.33.29/train/events.out.tfevents.1642692809.node-l00a-002.myriad.ucl.ac.uk.54535.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/2022.01.20.15.33.29/train/events.out.tfevents.1642692809.node-l00a-002.myriad.ucl.ac.uk.54535.0.v2 new file mode 100644 index 0000000..cad2b43 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/2022.01.20.15.33.29/train/events.out.tfevents.1642692809.node-l00a-002.myriad.ucl.ac.uk.54535.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/2022.01.20.15.33.29/validation/events.out.tfevents.1642692857.node-l00a-002.myriad.ucl.ac.uk.54535.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/2022.01.20.15.33.29/validation/events.out.tfevents.1642692857.node-l00a-002.myriad.ucl.ac.uk.54535.1.v2 new file mode 100644 index 0000000..0e96ea6 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/2022.01.20.15.33.29/validation/events.out.tfevents.1642692857.node-l00a-002.myriad.ucl.ac.uk.54535.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/2022.01.26.16.56.04/train/events.out.tfevents.1643216165.node-l00a-003.myriad.ucl.ac.uk.260618.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/2022.01.26.16.56.04/train/events.out.tfevents.1643216165.node-l00a-003.myriad.ucl.ac.uk.260618.0.v2 new file mode 100644 index 0000000..66d4fcd Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/2022.01.26.16.56.04/train/events.out.tfevents.1643216165.node-l00a-003.myriad.ucl.ac.uk.260618.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/2022.01.26.16.56.04/validation/events.out.tfevents.1643216204.node-l00a-003.myriad.ucl.ac.uk.260618.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/2022.01.26.16.56.04/validation/events.out.tfevents.1643216204.node-l00a-003.myriad.ucl.ac.uk.260618.1.v2 new file mode 100644 index 0000000..9b08339 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/2022.01.26.16.56.04/validation/events.out.tfevents.1643216204.node-l00a-003.myriad.ucl.ac.uk.260618.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/2022.02.10.16.05.46/train/events.out.tfevents.1644509146.node-e00a-018.myriad.ucl.ac.uk.253523.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/2022.02.10.16.05.46/train/events.out.tfevents.1644509146.node-e00a-018.myriad.ucl.ac.uk.253523.0.v2 new file mode 100644 index 0000000..0e93349 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/2022.02.10.16.05.46/train/events.out.tfevents.1644509146.node-e00a-018.myriad.ucl.ac.uk.253523.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/2022.02.10.16.05.46/validation/events.out.tfevents.1644509205.node-e00a-018.myriad.ucl.ac.uk.253523.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/2022.02.10.16.05.46/validation/events.out.tfevents.1644509205.node-e00a-018.myriad.ucl.ac.uk.253523.1.v2 new file mode 100644 index 0000000..5325e48 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/2022.02.10.16.05.46/validation/events.out.tfevents.1644509205.node-e00a-018.myriad.ucl.ac.uk.253523.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/metrics.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/metrics.csv new file mode 100644 index 0000000..ead5841 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,-2156.584966990787 +sharpness,0.20146388623619965 +variation,0.07791864235491126 +mae,0.0719133513708747 +mse,0.010344553634589661 +rmse,0.10170817879890319 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/predictions.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/predictions.csv new file mode 100644 index 0000000..dc8a4f4 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/predictions.csv @@ -0,0 +1,3787 @@ +,Predicted value,Predicted standard deviation,True value +0,1.5274237038588456,0.22860450159181442,1.52 +1,1.567280668203467,0.19610380346723116,1.62 +2,1.8012108084541647,0.1981691180869297,1.76 +3,1.557309010629182,0.19666684155793207,1.68 +4,0.994801010170506,0.1967205855020255,0.98 +5,0.7729056950328239,0.19713795243326176,0.76 +6,1.3609036249740627,0.19834582084857807,1.4 +7,0.7287172850319388,0.1972111076692771,0.6 +8,0.6413695714684626,0.22419784384559938,0.56 +9,1.8486592271781825,0.19616541051466801,1.78 +10,1.3912061934781588,0.1965559122248976,1.36 +11,1.8611486214569868,0.19723329846727425,1.9 +12,3.060973923620089,0.2020253962384836,2.98 +13,2.006196402747938,0.19663797399154562,2.04 +14,0.9453618556637016,0.1962822507969025,0.96 +15,0.8638866594641335,0.19754030315631357,0.76 +16,1.616488552965885,0.19652598345742117,1.62 +17,1.0667208887191637,0.19601438123581533,1.0 +18,2.0185826051490783,0.19824389803822187,1.98 +19,1.8256843879638898,0.19707478415822713,1.96 +20,1.2369598338094754,0.19651921450074913,1.3 +21,0.5822514596016464,0.20214166267695283,0.54 +22,1.5061602730443768,0.19808013131941316,1.38 +23,1.9324567987222787,0.19740013918270452,1.9 +24,1.7643596122838012,0.19638095737145603,1.78 +25,3.370855004510076,0.2087483945219689,3.26 +26,0.8670668621022208,0.19705247346299284,0.88 +27,2.316461900428025,0.19820945096640818,2.24 +28,0.6261018361298631,0.196937911784463,0.66 +29,1.6896916610679829,0.1959702949201554,1.78 +30,2.1825093719806046,0.1988397109131952,2.16 +31,2.7359139369858303,0.1997719695980008,2.62 +32,0.9331696282210611,0.19820161417451923,0.9 +33,1.809542212180332,0.19646138312133682,1.84 +34,1.1907645048829947,0.19702897741296407,1.26 +35,2.3526305491660735,0.1983919715998306,2.32 +36,1.3277971178987529,0.2046220589356619,1.26 +37,1.072546708056409,0.19634506201502155,1.24 +38,1.1746953082791065,0.19601664967091972,1.26 +39,1.1976126808739909,0.19811106356968208,1.18 +40,1.137898831047932,0.19676982518271602,1.16 +41,1.5540773614183796,0.1984512523570168,1.4 +42,1.3546884315181185,0.19588273812426893,1.5 +43,0.5162876473906612,0.19680165044146103,0.54 +44,1.1769259929459066,0.1982110182725459,1.16 +45,1.0489164841017338,0.19711001559876493,1.08 +46,0.7001621964352194,0.19787713337183188,1.28 +47,1.1547755110579512,0.19704138865945167,1.18 +48,2.838287267471585,0.20702697326326291,3.44 +49,1.749324635189848,0.19617082771711303,1.7 +50,1.2929091170802143,0.19856351455327045,1.36 +51,1.0561514503123761,0.19785141722887398,1.14 +52,0.8574101635191056,0.19929615767658598,0.86 +53,2.0259734336393342,0.19718167039282752,2.1 +54,2.0427270272553306,0.19891462248145975,2.04 +55,0.38440445587406447,0.1998004128669255,0.3 +56,0.45507237902943976,0.1988147548446461,0.42 +57,1.6247762163290274,0.1977508875065579,1.64 +58,1.332517061321275,0.19950550527279845,1.28 +59,0.6437989787124492,0.1977472965294025,0.78 +60,1.241743041153132,0.19600087158345314,1.22 +61,0.6739401405161396,0.19813505851761848,0.68 +62,2.0753277170069153,0.19782183256459157,2.32 +63,1.8409003314979757,0.20420851783392094,1.82 +64,1.3362241949145943,0.19861770151502411,1.22 +65,1.0875578906432377,0.19648839757489311,1.0 +66,1.8595839264035448,0.19766977858601906,1.86 +67,2.309345035335315,0.1979039286113293,2.4 +68,2.016495591124908,0.1970305452507152,1.96 +69,1.2733544496881932,0.19769987518994214,1.32 +70,1.4950722326373747,0.1958513722211472,1.54 +71,1.8768577103655604,0.19984905276769638,2.02 +72,0.3359880155852162,0.2111868030218011,0.42 +73,3.3255377739308902,0.20928095626789572,3.5 +74,1.147785346482548,0.20181777400393908,1.26 +75,1.0594246979852326,0.19775524550416804,1.0 +76,1.3248482197237652,0.19644939027003872,1.46 +77,1.1249575430655403,0.19700838306729224,0.98 +78,0.6501394758808368,0.19860530317080907,0.8 +79,1.3881508464793737,0.1966510919793459,1.36 +80,2.2012200763256824,0.19826247465314845,2.56 +81,0.5484804492276749,0.19877592074662967,0.56 +82,2.3662630540269585,0.20082442093939742,2.44 +83,0.6994932321737237,0.22809299608357472,0.76 +84,2.9144354165416266,0.20036730181891937,2.86 +85,0.9621597474774493,0.19669338242611745,1.0 +86,0.8067158963782972,0.1969169377482119,0.84 +87,1.1809028142201154,0.19643410120117272,1.26 +88,3.9472122042059,0.2780384825567537,4.2 +89,1.639851559802724,0.19682904167739923,1.58 +90,1.1568110189575278,0.19870182520115232,1.04 +91,1.6736963071586253,0.19633092966087773,1.78 +92,1.895756969274215,0.19776986824076037,2.04 +93,2.2569115166639384,0.19735525759127856,2.22 +94,0.581057083083353,0.20279648877942644,0.5 +95,0.8381858070882964,0.19737915951949378,0.84 +96,1.1770417620502025,0.19642054594850678,1.1 +97,1.036120903904859,0.19903951212536483,1.04 +98,1.7871971707434007,0.196514310297646,1.78 +99,1.0404702383992248,0.19710568278101348,1.0 +100,2.5469534162329714,0.1996678016879348,2.46 +101,1.8641531652849195,0.19715190790520892,1.8 +102,1.5707531356425157,0.21249177127605595,1.52 +103,0.49567152297391726,0.21706268452230978,0.46 +104,1.2545502368198782,0.1982593777824952,1.32 +105,1.2383746687430341,0.19595044887292531,1.16 +106,1.591804208582822,0.1966124890950369,1.62 +107,1.6100581530598634,0.19688214118211578,1.52 +108,1.0885098827425113,0.1963859204392789,1.04 +109,1.586683273261388,0.19676136950259931,1.48 +110,0.9526820910905451,0.19681119036253855,0.88 +111,1.1950994787921376,0.19646119728200984,1.28 +112,2.731916960581786,0.19997911516559227,2.66 +113,1.2409845507864188,0.19886373193759183,1.26 +114,0.004026770275334046,0.25394416330505815,-0.06 +115,1.217007336023553,0.1957682920875806,1.28 +116,0.9659398601548808,0.1981249663762479,0.92 +117,1.4910882517087933,0.1960721942090244,1.44 +118,0.803449904392006,0.19720765329367626,0.84 +119,0.8288231311743015,0.19921199236054118,0.72 +120,1.0073950981935957,0.20065967162672108,0.96 +121,0.8125595187628913,0.19657764702001934,0.82 +122,0.6510295222285394,0.196840040958412,0.6 +123,2.35692515108324,0.201923018711849,2.32 +124,0.8944130278569671,0.22883123885895273,0.92 +125,1.8369590041166153,0.1970861385234945,1.84 +126,2.3863764809678316,0.2249541527798981,2.5 +127,1.302738262855046,0.1974231056376971,1.04 +128,0.8554950152247964,0.20039397300062872,0.68 +129,1.442647533015867,0.20138014008533336,1.48 +130,1.1788921015261697,0.19604548906329183,1.24 +131,1.963768803844813,0.19717986196323398,2.02 +132,1.0217632928848304,0.1982963243123257,0.76 +133,1.3987615865682543,0.1972138983853201,1.46 +134,1.3487403332183927,0.19789338217418512,1.36 +135,0.6643665320322882,0.2044337076254965,0.64 +136,0.8988032608007259,0.1967216780833139,0.88 +137,1.6623004644859645,0.1965516463677095,1.7 +138,1.2271824412844277,0.1962868171173191,1.24 +139,1.3548570469505772,0.19876451951902419,1.38 +140,0.577032839767057,0.19755658467928042,0.52 +141,1.5528072648345108,0.19574938589495955,1.6 +142,2.990588559032548,0.20366254790790442,2.9 +143,0.34577492747384864,0.19905661384962203,0.24 +144,1.0267642932840568,0.1967926479804882,0.98 +145,2.797524548136803,0.20770319448322447,3.02 +146,2.368923587504053,0.19875339370213746,2.32 +147,1.5893158637812332,0.20049572279948388,1.68 +148,1.0596849041188823,0.19707590244360773,1.04 +149,1.639502904535203,0.19894284875089474,1.64 +150,3.5083782882963512,0.2163373717383495,3.56 +151,2.2592942725973804,0.19800090916711266,2.34 +152,2.925998917579284,0.2046037753949459,2.92 +153,3.2970166399215053,0.21275219126066625,3.48 +154,0.7341071658617124,0.218396912915342,0.62 +155,0.9690756347527405,0.1963047684294935,0.88 +156,0.6272792527711313,0.19778260170365838,0.56 +157,1.1243722503816809,0.1981718889948594,1.06 +158,3.1525756473832733,0.2178450408220383,3.18 +159,1.0255654332196988,0.1965573039180136,1.06 +160,1.65640113512999,0.19902849398442543,1.72 +161,1.4025571851065628,0.19589508937065334,1.38 +162,3.535327856173886,0.22046475731123746,3.48 +163,0.6580603136840537,0.19781224744991774,0.64 +164,1.0300036585478198,0.1972669189922023,1.06 +165,1.0181170939419708,0.19785018678438454,1.02 +166,2.735857436534609,0.20609234736758314,2.84 +167,3.720159663614791,0.24716611869952324,3.92 +168,1.762552918377601,0.20267674417615023,1.7 +169,1.5925467179938209,0.1974126324966703,1.48 +170,0.7553836565569845,0.20061484956096926,0.8 +171,1.3744645372831976,0.1965292210317902,1.46 +172,1.6513661973456513,0.19633408832019547,1.58 +173,0.7595037675425533,0.20249330936174167,0.7 +174,1.0414768736719533,0.20118651619621963,1.16 +175,2.1281772927778633,0.1972317923229009,2.1 +176,0.6547766401174133,0.1987184647891631,0.62 +177,1.9042942769736881,0.19986240845494094,1.9 +178,2.918193773357137,0.20047493649545145,2.88 +179,1.252473556851472,0.1987227922861728,1.1 +180,1.1231558705557112,0.19655102024193533,1.2 +181,0.9989745302143245,0.19974334645581934,0.72 +182,1.9145990612367352,0.198347254151897,2.02 +183,0.6723083599247395,0.199425211914988,0.68 +184,1.4209900610879531,0.19822696518702895,1.5 +185,1.1990815421839227,0.19738985311151325,1.08 +186,1.0618124063052452,0.19621005715645431,1.04 +187,1.4999985873418225,0.19755787448315718,1.52 +188,1.4789832897192277,0.197214496408131,1.42 +189,1.019486999100159,0.20717883551752414,1.0 +190,1.370914857655253,0.19624736634825646,1.42 +191,1.5989340255920967,0.19640770189701204,1.58 +192,1.3891276176973122,0.19711529538499395,1.36 +193,3.7398449634587854,0.2392853296837176,3.76 +194,2.627588808904557,0.19880732090360057,2.6 +195,0.7965213762657692,0.19688443765670635,0.86 +196,0.9023901831734382,0.1972238411122022,1.02 +197,2.6433226336223714,0.2008455788354396,2.6 +198,0.9131600930113679,0.19684549632724696,0.78 +199,1.3056201373227385,0.19747178670648838,1.38 +200,1.5822499012244031,0.1982100213265604,1.56 +201,1.6497039660394375,0.20085940520549514,1.6 +202,0.12392268499600778,0.20027948348078412,0.14 +203,1.5812593086583169,0.19705893844758562,1.64 +204,1.3092743186375806,0.19592690404469942,1.18 +205,1.181549367941725,0.20439545594862585,1.1 +206,0.5292113706039183,0.1972676221468525,0.52 +207,2.5132873290678184,0.19770209431698615,2.5 +208,0.6773062749254617,0.19752983333583263,0.7 +209,0.6383625553974897,0.19885493428401776,0.68 +210,1.5320710267096365,0.19660789376202384,1.62 +211,1.5177452641910503,0.19732879871186035,1.46 +212,2.5676463668052523,0.19892107624146602,2.42 +213,0.6263900416593742,0.1984075418979743,0.6 +214,1.1452782484230366,0.20662014344333238,0.96 +215,0.7322723472808721,0.1968437108894478,0.8 +216,0.9444922003448368,0.1972446700132851,1.06 +217,0.9769217672380759,0.2011223652265397,1.0 +218,1.3091657915212966,0.19602466683223257,1.3 +219,1.2673904423278675,0.1968614774801908,1.26 +220,1.2793481481391455,0.19652155460295623,1.16 +221,1.0690881530611387,0.19621808092620044,1.12 +222,0.9279253333698183,0.19759192062555694,0.92 +223,1.272071556584791,0.1978829206729979,1.26 +224,2.074783912512259,0.20052771196209487,2.24 +225,1.3370887504119966,0.19624427628098193,1.28 +226,1.3490793345803387,0.19706179824765102,1.7 +227,1.6073858660887543,0.19645385776732063,1.6 +228,0.7991537384106013,0.19909043364337992,0.7 +229,1.0327594063863608,0.19739477144325598,0.98 +230,1.0685708544650598,0.2024009733760244,1.04 +231,2.1468440684507804,0.19891626790217495,2.14 +232,1.0689640123468078,0.2031403996244587,0.94 +233,1.6286904945893257,0.19790772658403155,1.62 +234,2.1788488765516303,0.20298033444344427,2.24 +235,1.4145641436314444,0.19596988299870002,1.48 +236,1.0308160677916967,0.19707675354299944,1.0 +237,1.6665037925288932,0.19622040112814187,1.6 +238,0.6051360793340588,0.19732524236261811,0.66 +239,2.430758030982511,0.20402846154486728,2.28 +240,1.4973238011397987,0.19679126466999958,1.38 +241,1.7156796474968488,0.1962592553754325,1.66 +242,0.33192880281000536,0.20230915311406716,0.5 +243,1.288935745204876,0.19670197552683566,1.28 +244,1.9140099794797187,0.19704445785721383,1.92 +245,1.3762206736476807,0.19803893404162431,1.36 +246,0.9308671127722612,0.19640069416312797,0.88 +247,2.8532268235884204,0.20056054827587144,2.76 +248,0.986024648516812,0.1965893977693179,0.98 +249,1.7524827535734286,0.196768313149288,1.88 +250,0.9136437747866137,0.19649344560219353,0.92 +251,1.858430283089962,0.19719710582008168,1.86 +252,2.3762365761132096,0.1983998573063095,2.28 +253,0.8447365002424669,0.19733525852458034,0.7 +254,0.3423471915112759,0.19993497185467302,0.3 +255,3.590555441335804,0.2483923581286815,3.74 +256,2.8090435590752683,0.2045335764152581,2.92 +257,0.7280126388148456,0.1968178738737055,0.74 +258,0.5342100783037047,0.19864593056852603,0.68 +259,1.971140616887891,0.19811978500245356,2.2 +260,2.312563153414254,0.21129844191486422,2.52 +261,1.4573036638088914,0.19744689313251074,1.38 +262,0.964413847072271,0.19749899501685167,0.9 +263,1.5580385477225156,0.19720888298258368,1.42 +264,1.5544680165171205,0.19598830974530862,1.68 +265,1.130351935534927,0.19741482050220235,1.22 +266,1.8551436037314848,0.2130352352131815,2.2 +267,2.0308420464862267,0.1970737422857394,2.06 +268,1.3858842036302743,0.19762149315410732,1.34 +269,2.0692107953120886,0.19751145573425805,2.1 +270,1.7242681952907852,0.19615812475121255,1.68 +271,2.514278960924518,0.19902153160479163,2.36 +272,1.965056906941221,0.19685021973467084,1.92 +273,3.624366866104437,0.2795120107649957,3.78 +274,1.51161466020389,0.19602778346927802,1.52 +275,1.585184338222783,0.19831065413632107,1.72 +276,1.7371620167454989,0.19792903434546713,1.78 +277,0.8827733502764123,0.19852500548343197,0.88 +278,0.8214969590995462,0.1965732117299587,0.84 +279,2.771172576384839,0.2027097433997313,2.76 +280,1.1244392351110666,0.1959935881381988,1.08 +281,2.6796562327966327,0.19990340159942727,2.5 +282,1.4322709591464728,0.2052259570651584,1.54 +283,1.5240980319884545,0.19606578395824054,1.54 +284,0.9677606759791413,0.196897772415176,1.04 +285,1.8582460155283003,0.19642039663374167,1.92 +286,2.8823169066206398,0.20782346078562755,2.9 +287,2.300548677346612,0.19823234088744063,2.34 +288,0.8695721177128166,0.197653089769475,0.86 +289,1.1434178647187907,0.19886389979303984,1.24 +290,0.8962127284117376,0.1971726236004083,0.82 +291,1.603867813329075,0.19613700307095874,1.56 +292,1.277491207042805,0.19813158704641134,1.38 +293,1.7408205314935183,0.19682124162351047,1.72 +294,1.4164585570675357,0.1965055439932556,1.44 +295,1.0164820252582916,0.19658812287409072,1.0 +296,1.2033437778546303,0.19734705677258307,1.04 +297,1.3200575802723655,0.19590361002386528,1.34 +298,3.0531086356658497,0.2067529169922348,3.38 +299,1.7408947032968283,0.19640590207531133,1.66 +300,1.4184649941924414,0.19630745094060056,1.46 +301,1.037681758400211,0.19665747863639133,0.94 +302,0.9037860735448384,0.19649159318103848,0.98 +303,1.230416196073718,0.1966441159295046,1.12 +304,1.845529128258307,0.19978729714944443,1.88 +305,1.4425349407258579,0.19682854327799182,1.42 +306,1.2474581784093504,0.2004385337599068,1.16 +307,2.537837770924487,0.198964273187394,2.46 +308,1.6682055489580998,0.19638497867678936,1.66 +309,1.6267124622031526,0.19620683435920871,1.68 +310,1.3925630470863481,0.19628934199369066,1.38 +311,1.887384654397687,0.19668766767423235,1.84 +312,1.3704944121864875,0.19676982837276755,1.5 +313,1.0271710363796562,0.19687926382383744,1.02 +314,1.470528681605777,0.1977880570665774,1.58 +315,1.1382502441110123,0.19851895116121882,1.24 +316,1.5493288078066056,0.19753673413131215,1.62 +317,0.6251633860813237,0.1970648381322874,0.64 +318,2.114680292305781,0.19794728546808796,2.06 +319,1.7007264694790205,0.19654415457106686,1.64 +320,2.942175495663592,0.20434930722804862,3.08 +321,0.8900738620532718,0.196749345280666,0.82 +322,0.5859836604070501,0.20067850843311016,0.54 +323,2.085434764347306,0.19718808507268473,2.18 +324,0.6866877124431725,0.1968688167599762,0.62 +325,1.0130188794018882,0.1961077449528106,0.94 +326,1.2085419534939539,0.19889099113949957,1.14 +327,1.6909684834486503,0.19683243334945838,1.68 +328,1.7030670865212332,0.20092405285536008,1.62 +329,0.6828706837168763,0.19704708913194108,0.66 +330,0.22589988756355162,0.19956253524211912,0.52 +331,1.5175422281538156,0.19659397887897273,1.6 +332,1.2521694149293081,0.19727138946706488,1.26 +333,0.5294146629290284,0.19749533501325967,0.46 +334,0.2644897590431281,0.199882166393278,0.18 +335,1.693841113969773,0.198410675666503,1.64 +336,1.3511945329417507,0.1962668070437164,1.32 +337,1.119243588533073,0.19823604613139073,1.16 +338,2.5709722207183314,0.20010907655814558,2.48 +339,1.8250129321546917,0.19695056064379265,1.74 +340,4.038422293003112,0.3171801913536871,4.58 +341,1.5973928181307602,0.1961602051243052,1.62 +342,2.644362503904175,0.20694401408313165,2.86 +343,0.5013929427122397,0.20532346773948282,0.4 +344,2.1062636015402005,0.20134840370661977,2.08 +345,1.4325337602776926,0.1965935823474834,1.58 +346,1.7064341050781557,0.1965130308994319,1.64 +347,1.648582242049947,0.1966651069260281,1.64 +348,0.7422432773380834,0.19851126073485703,0.72 +349,0.1093149537124134,0.20776327476089548,0.18 +350,0.5565216997841305,0.1977945210565342,0.48 +351,1.5586622513063952,0.1960013868143245,1.68 +352,1.4316972240968155,0.1968783299848683,1.44 +353,1.6007270297940768,0.19808586249799345,1.38 +354,3.3788675716033434,0.23670606317824613,3.46 +355,1.592375516587322,0.20025129360421987,1.74 +356,0.7229263843707312,0.19662691729316623,0.8 +357,1.0611152462379958,0.1961544861172622,1.18 +358,0.39379890792484007,0.20199609217577305,0.36 +359,1.4676893859024083,0.19616982364056063,1.46 +360,1.5911834440474348,0.19603927017841494,1.64 +361,1.591758897033921,0.19802294603815013,1.72 +362,0.7035316535085376,0.19783786307197612,0.68 +363,2.786093420312094,0.20049169715409138,2.8 +364,1.47966093658279,0.19624643378500703,1.58 +365,1.0713582650708093,0.19753606819600295,1.04 +366,1.9502775851216492,0.20062723764013435,2.02 +367,0.8128241393934048,0.19681944652543587,0.92 +368,1.8736365213789141,0.19671289002702363,1.84 +369,0.796119045921259,0.19747039224785207,0.86 +370,1.6483679240269078,0.19709665567462298,1.78 +371,1.3426686449468805,0.19950365222718552,1.22 +372,1.173686483409758,0.2022752060754144,1.26 +373,0.7521704114686494,0.19783638535280418,0.76 +374,2.73779698721885,0.2106283607490984,2.92 +375,0.8755370925235624,0.20516646209022127,0.98 +376,3.0588301841379173,0.21540448800848283,3.26 +377,0.9847159997674115,0.20119180534586445,0.98 +378,0.5557383142376047,0.19756481339167434,0.5 +379,0.4442793557712712,0.19827803849283376,0.46 +380,0.5057551899654045,0.19796589838076997,0.36 +381,0.8156583420285313,0.19742400633821724,0.86 +382,1.0533931493728463,0.1967978062742759,1.06 +383,1.2997570639256133,0.19707560155526704,1.34 +384,1.001817319468054,0.20339280345597618,1.04 +385,1.5045677432123123,0.1963295640379709,1.54 +386,1.2876625914713271,0.19666676303084438,1.34 +387,0.9669575683871601,0.1962256399884549,1.0 +388,1.171135150350779,0.19602344709269662,1.2 +389,1.6201788073860444,0.19646629498427426,1.74 +390,2.171582653808489,0.19812427929411683,2.02 +391,1.7668412449970194,0.19642452134756,1.82 +392,1.616173098365684,0.19902662596777235,1.54 +393,1.75140977685682,0.19819749371180234,1.76 +394,2.0566582366429746,0.19667397143772547,2.02 +395,0.7146890504605086,0.19799505751571575,0.82 +396,0.12355770754430084,0.20391230839161997,0.18 +397,2.005280588252794,0.20047138901902758,2.04 +398,1.0080580695104833,0.19662927057047516,0.82 +399,0.9889949023432989,0.2002902838752651,0.98 +400,2.435628467392179,0.20143841281990554,2.48 +401,1.2677031588921084,0.19670356232413985,1.22 +402,1.748352022476852,0.19729636551459676,1.5 +403,1.4808906175583805,0.19680367880473654,1.4 +404,0.9742547195205498,0.1961774641807074,0.98 +405,0.7312836727129379,0.19695883097121272,0.66 +406,1.4684880388007855,0.19631618107898713,1.3 +407,1.5661611483338351,0.19619171107161784,1.56 +408,1.6235605346559798,0.19597765103417383,1.6 +409,1.2517682508696548,0.19610117939923913,1.26 +410,1.1466449942915324,0.19650013660775098,1.14 +411,1.4366434608958185,0.19769180383586268,1.5 +412,0.18988677995152492,0.20190466259591014,0.18 +413,1.3672015781908153,0.200023711415538,1.56 +414,3.068467993374146,0.2064284230113042,3.18 +415,0.29475084360067516,0.25954341515898394,0.22 +416,0.8852316917869323,0.19718827734749048,0.82 +417,1.4290766516613833,0.1985718516389073,1.48 +418,3.2040755687264793,0.2173068347799942,3.44 +419,2.579940653685821,0.1996037680795223,2.98 +420,0.4798754066773663,0.19781074541238336,0.56 +421,2.639005483172927,0.2096484051677888,2.86 +422,1.8675967651150667,0.19720071237830586,1.92 +423,0.8897866250123794,0.19675776757768235,0.74 +424,1.4208415282119171,0.19581119310425552,1.46 +425,0.8933603724163026,0.19660017723071507,0.84 +426,1.2529445025641543,0.1966228061666729,1.26 +427,1.5424762658367905,0.19755651638109448,1.58 +428,0.6199940644494788,0.19924912322208224,0.58 +429,3.373364053626593,0.21997448722095062,3.78 +430,0.4397394258329288,0.2012693171875883,0.44 +431,1.0662737994257498,0.196156487635931,1.0 +432,0.9075604728822622,0.19703132703172305,1.0 +433,1.4597429678621268,0.19675478378697395,1.46 +434,1.4090056031151694,0.1966758348548283,1.46 +435,0.92886849221401,0.2015367446777906,1.0 +436,1.1884414264409644,0.19642916446467615,1.16 +437,1.6733232808958163,0.19720248445890784,1.68 +438,0.7041585300464406,0.19731603938049544,0.64 +439,2.5563109142800555,0.21429330798196033,2.58 +440,1.46551736439226,0.19667258609221616,1.5 +441,3.9484056127895846,0.26076428237854715,4.0 +442,0.8908486587163953,0.1967786775600985,0.84 +443,0.21092968640097443,0.2028554759578548,0.24 +444,1.8276048245841197,0.19752284221140584,1.88 +445,1.6956060647095748,0.19649960684676948,1.7 +446,0.9575615041221828,0.196530542733363,0.9 +447,0.8570335897716819,0.19682049593970988,0.84 +448,1.3593219777122671,0.1965642203763073,1.3 +449,1.2887892709670727,0.19614312498173278,1.26 +450,2.5994755065410486,0.20237419208554716,2.52 +451,1.8880390832047191,0.19686663278900313,1.86 +452,1.2023594298550724,0.1959944737388947,1.2 +453,0.6337470003552059,0.1968900623892766,0.68 +454,1.5779218105236383,0.19813235290302944,1.62 +455,4.068966426029057,0.3559991348783936,4.5 +456,0.6823563386466169,0.19742983823961632,0.6 +457,0.469258986120346,0.19895789113760398,0.56 +458,2.224492634507595,0.20044114055781673,2.3 +459,0.8922841183089099,0.198322359242154,0.88 +460,2.2796623582431725,0.2024975412538502,2.46 +461,1.3105012313154463,0.19591630136615248,1.26 +462,0.8122109760924932,0.19721765121619034,0.78 +463,0.9652820552632289,0.19624754027178995,0.9 +464,1.3793266193854956,0.1992423455602868,1.44 +465,0.4120754896425727,0.1994159664563614,0.28 +466,1.9471800097975738,0.1983970684305569,2.02 +467,0.952485622832111,0.19703191890083477,0.88 +468,0.6197649539368508,0.19966375085436774,0.78 +469,2.0716635980665523,0.1971255376818748,2.14 +470,0.6917597156960471,0.19858659662845846,0.68 +471,1.2249527910832416,0.19707135918724628,1.34 +472,2.837002910249202,0.20154247110894907,2.82 +473,1.0622338560831488,0.19594536208791943,1.08 +474,0.5817529015002347,0.1969687515413697,0.62 +475,1.195958610825522,0.19698857555006916,1.28 +476,1.3331801502367617,0.1976024838897926,1.3 +477,1.881408318483238,0.20173437924988247,2.08 +478,1.9681411756553464,0.19654241440283957,1.94 +479,0.44998103275859047,0.19719810692571668,0.42 +480,2.0694869197350556,0.2005312658366776,2.1 +481,2.0201512614690604,0.19740122123176398,1.86 +482,1.5937525518592772,0.1985964679134407,1.66 +483,1.815235463210486,0.19666107524702608,1.78 +484,0.7650508466069388,0.19645228614394303,0.86 +485,1.2979364599674912,0.19725538913592944,1.1 +486,1.3107809644126158,0.19591763412907828,1.32 +487,2.00338504475418,0.19663656624667383,2.04 +488,1.6667939905835696,0.20118058664927138,1.66 +489,0.5978053746255787,0.19892750965969658,0.54 +490,2.4995072840288866,0.198487327922656,2.48 +491,3.086201446868571,0.20730172116986628,3.26 +492,2.8000543789374137,0.19969472831393165,2.68 +493,1.02102431506259,0.19687204422216587,1.04 +494,2.0986680930723502,0.19817991965563686,1.84 +495,0.9726770837685983,0.20654266891171488,0.88 +496,1.3860731614361508,0.19643444722111464,1.48 +497,2.3111577286795444,0.2048751327087663,2.3 +498,2.2232390901794754,0.20165180477020098,2.26 +499,1.3458436210153144,0.24752270313959948,1.34 +500,1.6077216145272297,0.196084134973191,1.52 +501,1.4702707549013976,0.196633513074611,1.54 +502,1.3376399253652909,0.19641915596121418,1.34 +503,1.617661070261963,0.19620694936315852,1.56 +504,1.8107317130031726,0.19711551721852508,1.76 +505,1.9495251029849885,0.19802655137528039,2.06 +506,1.5092285132525087,0.1993571899786938,1.54 +507,0.9526773038808913,0.19664336048977668,0.96 +508,1.078621757542785,0.19666734505877823,1.12 +509,1.4409970313324911,0.19607303072076412,1.4 +510,2.124400863678894,0.1975489158880899,2.08 +511,1.11724299378687,0.19732739108831066,1.0 +512,1.287173640985197,0.19657459297526153,1.38 +513,1.5532213411712728,0.19766937770833654,1.6 +514,2.370941392786773,0.2011534099919724,2.6 +515,1.414683866700655,0.19634733668906168,1.4 +516,0.6080647600605966,0.20751993792655835,0.72 +517,1.433725380659122,0.19692367690414042,1.36 +518,0.8473752081894426,0.19671736148924393,0.76 +519,0.8885002805195255,0.19721797127702237,0.86 +520,1.6443612682492494,0.19905717841052079,1.54 +521,3.559255289698744,0.23441484173509816,3.72 +522,0.3997476904786428,0.21227940894400768,1.12 +523,1.5299151674421272,0.19614112306748238,1.58 +524,1.2820870101858843,0.196672966220065,1.24 +525,0.679163339418329,0.19750798221480032,0.6 +526,1.809096254284701,0.19698204300454306,1.76 +527,0.926263240320474,0.19984809614293936,0.78 +528,0.8856416172958865,0.19706861847395027,0.84 +529,1.0412312924117741,0.1961787131792685,0.92 +530,0.9460261640522687,0.19734633565095427,0.84 +531,2.2254663099787897,0.19765550888255423,2.18 +532,0.7230591206183197,0.2019136637019728,0.7 +533,3.2930469488068144,0.22705100560353597,3.04 +534,0.8587361260788147,0.198015343440983,0.88 +535,0.7329416536341165,0.20370723242183533,0.8 +536,0.7913183255983844,0.20133087245671039,0.84 +537,1.2943689166236791,0.19599894726067607,1.24 +538,0.7002696943518958,0.19912286015750735,0.56 +539,2.174190355456453,0.20228924504207388,2.26 +540,1.6212239818760712,0.19629732711446984,1.64 +541,0.806972064519812,0.19647575374439796,0.84 +542,1.5463847477891846,0.19627931521714267,1.42 +543,2.3679605125181564,0.19757718219812037,2.36 +544,3.7998752449706745,0.24521517077569283,3.92 +545,0.8752085952600002,0.1985392225747684,0.88 +546,0.938849795761497,0.2010779878756061,1.0 +547,2.1800091161327226,0.21002492551910412,2.2 +548,1.7245132132465928,0.19700047513870697,1.7 +549,2.9863628925152486,0.20028448724757,3.2 +550,1.7764949969783714,0.19643209170280743,1.92 +551,0.8902214223281852,0.19599985983029156,0.86 +552,2.030648038349828,0.19713352015931584,2.02 +553,0.9342452256725682,0.19644982921912504,0.88 +554,1.7940007299551275,0.19612577645723533,1.78 +555,1.8035673049527903,0.19644975188626765,1.94 +556,1.3311628954145989,0.19663979164230752,1.3 +557,0.7840131111561912,0.19677282505465452,0.8 +558,3.3356796662957113,0.21873844970481296,3.46 +559,1.1161549905639996,0.19585739135397903,1.06 +560,1.4843627315101142,0.19617281599045788,1.56 +561,1.930448614768225,0.19678323277834087,1.94 +562,1.667314011945905,0.19933388780349437,1.64 +563,1.1627737822747934,0.21014254705240687,1.1 +564,1.6464798642209448,0.1961715511837894,1.62 +565,1.8087569184938364,0.19718468161371233,1.8 +566,0.8950840297002096,0.19621981499493335,0.78 +567,0.722419594845972,0.19829002667294704,0.8 +568,1.0904861790318803,0.19673019941251524,1.04 +569,1.168529609319516,0.19636338935947803,1.1 +570,0.9958121007296312,0.19741065458222382,1.06 +571,1.6596342361314211,0.19706293501808328,1.68 +572,1.217670321273332,0.19637082444301077,1.26 +573,0.9603727506851023,0.19613301404570696,0.84 +574,1.7834945259328254,0.1971081393489195,1.72 +575,0.8979050668195867,0.19669367974935678,0.92 +576,1.2630186678018736,0.196370219928775,1.18 +577,0.5029227745542166,0.19977814124229862,0.5 +578,1.1443306616253794,0.19629453625285168,1.22 +579,0.3082837432195089,0.22243571763122694,0.26 +580,2.348193200932603,0.20144547256462966,2.48 +581,1.113603496123667,0.19644144765422802,1.16 +582,1.684274351981435,0.19832143368193964,1.64 +583,1.7351411178928555,0.19742715857856427,1.64 +584,0.6424449389752362,0.19691641259238235,0.64 +585,2.392223271725304,0.20430167257434678,2.58 +586,2.4779624277552483,0.2003800245832054,2.44 +587,1.3349283313915286,0.20041961474918926,1.44 +588,1.3636526484553637,0.19579581086754722,1.44 +589,1.286759358668047,0.1974216412140036,1.44 +590,1.8223983089795772,0.1964444070672003,1.82 +591,1.243255804536585,0.1972164362786668,1.36 +592,0.86940069419679,0.19683193230728804,0.9 +593,0.3454024183791711,0.2016358150404315,0.24 +594,3.44810243786734,0.21730785741052938,3.44 +595,1.8860976747851184,0.19659847570989503,1.84 +596,0.3984935376847556,0.20140821761739927,0.42 +597,1.642882460214409,0.19682900351182697,1.62 +598,0.6243479693927185,0.1971294703213977,1.04 +599,2.6038604355376527,0.19983975021374234,2.7 +600,1.600767655783296,0.1978630450599315,1.56 +601,1.1192695380788495,0.2104522820633197,1.06 +602,2.096200438671696,0.19758966074897674,2.14 +603,1.4103181143221417,0.19664361936429964,1.18 +604,1.6036459776881857,0.19720400355469508,1.56 +605,2.063196626197584,0.19889491473241058,2.0 +606,2.438989075425447,0.20127581929618787,2.48 +607,0.16556031943410732,0.2008080499029926,0.2 +608,1.2595635602196826,0.1963890165909675,1.1 +609,1.5936585691296958,0.19760487478400737,1.72 +610,0.9579300900842249,0.23749244343827364,1.0 +611,0.5693402378606807,0.22593278098846556,0.52 +612,1.6690819909906391,0.200243667905801,1.74 +613,0.982398068702836,0.1970569734136769,1.04 +614,1.474516953708897,0.19784079796003787,1.56 +615,2.6771553327875797,0.2090641270869052,2.76 +616,1.3016264458231657,0.19608841873690677,1.34 +617,1.2808538789812045,0.1970739764998524,1.18 +618,0.7521122264817377,0.19692739260807285,0.68 +619,1.479024813857103,0.1976559046177483,1.44 +620,1.1070058132697698,0.1972312620938996,1.08 +621,1.776603622025951,0.19823784242270584,1.8 +622,0.8143070249677169,0.19808523934261849,0.92 +623,1.0608555487367375,0.19784115369274835,0.98 +624,1.063655769374344,0.19831260088009414,0.98 +625,1.4663385365795882,0.19723145964106087,1.48 +626,2.1998966214183753,0.1987347999794001,2.24 +627,1.4528181057043796,0.1958401957297191,1.72 +628,2.0903680193361565,0.197099311100464,2.1 +629,1.3758354046422792,0.19672713986932736,1.38 +630,0.21373264509787515,0.1991319825947195,0.18 +631,2.071725373296257,0.19697949681637394,2.06 +632,0.8581656359519543,0.1984660428324332,0.84 +633,1.6400486171063782,0.19773738330344728,1.54 +634,2.421479188215526,0.1994676502002377,2.12 +635,2.000748556562026,0.1967060968782248,2.12 +636,0.6065658057685777,0.20600476106994592,0.78 +637,1.5406133545113434,0.19614162916946373,1.5 +638,1.0807187463048873,0.19645735793478564,1.08 +639,2.442806272673162,0.20234430228472663,2.6 +640,1.9850380960220164,0.2008536596655166,2.06 +641,0.16322276341668895,0.2129303691361368,0.18 +642,1.1094327269777686,0.19789749524241326,1.24 +643,3.291904226942081,0.20712480695230853,3.22 +644,1.1637819015690507,0.19619550597803215,1.32 +645,0.7999068564840877,0.198072003345397,0.84 +646,1.307447148486642,0.19624291328482782,1.3 +647,3.7746389873121857,0.23332036963865938,3.68 +648,1.9187636230623903,0.19688845341503375,1.94 +649,0.5896017509680946,0.19805981989012342,0.7 +650,1.0149708042973953,0.2024254579941636,0.88 +651,1.4072760427872315,0.19586409521021905,1.5 +652,-0.08080163115789096,0.26942211391686266,-0.58 +653,1.3280723523145261,0.19647841543668101,1.48 +654,0.7491702180958126,0.19737714711574592,0.78 +655,1.3152438412925411,0.19660684454625937,1.34 +656,1.8296127572439294,0.1968069303220377,1.8 +657,1.0135309865906303,0.1991980366715054,0.88 +658,2.0010692672708146,0.19794643468758963,2.18 +659,1.1369471577584387,0.19633666992163704,1.34 +660,1.7094269535807318,0.19668540845961752,1.74 +661,0.9416787948585832,0.19640264593789178,0.9 +662,1.2399717036204896,0.1973597595350157,1.26 +663,1.205426300720369,0.20353039894938882,1.18 +664,0.6334179701520186,0.19854516562634697,0.78 +665,1.413672122905989,0.19926932059243788,1.62 +666,1.618109992616144,0.19645781372430576,1.6 +667,0.645213855490794,0.20202556823717954,0.76 +668,1.6390099631392556,0.1963394528740587,1.74 +669,0.9664341393871954,0.21101326751125837,0.94 +670,1.1783358730383575,0.19715898119713413,1.1 +671,0.943578359174446,0.21425255464134785,0.84 +672,1.1585731494357994,0.1972471171046314,1.18 +673,0.7972193690749307,0.19743332346450576,0.76 +674,1.1070885722916328,0.19697417189149277,1.04 +675,1.1029820566019495,0.19633456606984245,1.16 +676,1.4369071366855493,0.19658616362610848,1.4 +677,0.9015610559171341,0.19749534495222643,0.88 +678,1.4835182152988446,0.19707400708901787,1.52 +679,1.9650452643224674,0.19741072042813487,1.94 +680,1.0496333886214924,0.1962599808360061,0.96 +681,2.8193169834471616,0.2003994470980268,2.76 +682,1.6276514666614115,0.19687975790173942,1.58 +683,1.425525198709231,0.19769949848868298,1.46 +684,1.2278976559822996,0.19609603413461762,1.22 +685,1.2641073310769453,0.19964694711057768,1.28 +686,1.114426229733467,0.197493152602833,1.04 +687,0.8096130899141256,0.19705217415344214,0.9 +688,0.1409861059786659,0.20816235220603857,0.1 +689,3.1633223516597075,0.2068186757968395,3.12 +690,1.0272762491991778,0.1971506209597141,1.08 +691,1.1820425261291905,0.19861449410295653,1.04 +692,1.6880453779970557,0.19635943292738342,1.56 +693,1.0906377397906957,0.20883762341023304,1.02 +694,1.0168182666377694,0.19630969056077086,1.0 +695,1.202882349480459,0.19622604742897196,1.16 +696,1.0222612501581776,0.1989920769824056,1.06 +697,1.3608807360276032,0.20553984087211222,1.26 +698,1.451214361143287,0.20515637823024938,1.46 +699,1.6289497935785948,0.19630170059987936,1.6 +700,1.697424291664995,0.1960249985174374,1.66 +701,1.3203333909226975,0.19898538578399852,1.38 +702,2.7303873982908464,0.20217777876255713,2.76 +703,1.3821405775514992,0.19596014510515372,1.28 +704,0.7099079455852952,0.19761982393394553,0.6 +705,1.4572332029926844,0.1965148867009645,1.38 +706,1.4058961962266374,0.2006216940426708,1.44 +707,2.7422061184235393,0.20094775924758873,2.84 +708,1.7413798260470865,0.2032305312245381,1.74 +709,1.0651293910476909,0.20263716151360206,1.0 +710,1.3576430095796992,0.1970693187604481,1.46 +711,0.5642414892992644,0.1970938398611446,0.6 +712,0.45361575657915876,0.1995515643073832,0.32 +713,1.0354674794691427,0.19648312140392268,1.06 +714,0.9326060180397078,0.19713508427022527,0.88 +715,2.9244467736111814,0.2065416870898743,2.82 +716,1.7736489722974702,0.1971371164284593,1.98 +717,1.0526218277898522,0.1964789726250711,1.2 +718,0.4277171971363316,0.20892900266347963,0.44 +719,1.379646902589775,0.19592657975343,1.4 +720,1.4206082015067756,0.22325428029019018,1.32 +721,2.6354561361702635,0.20457483257629047,3.2 +722,2.069263095713926,0.1971684084446457,2.1 +723,1.6100128440828256,0.19797190823398464,1.7 +724,0.33981479796123537,0.20216838574276585,0.32 +725,2.977379134785619,0.2048768165401625,2.84 +726,1.555707261538548,0.1973839567406419,1.38 +727,0.2805930075174248,0.20250624039484,0.26 +728,0.5023272178276188,0.2000085987074321,1.34 +729,1.9597716380893533,0.19645967413032214,1.96 +730,1.628772148130714,0.19620362378326828,1.6 +731,1.4573091929568713,0.2009231766296841,1.32 +732,0.7138981378296629,0.19728123869824388,0.8 +733,1.562932341694065,0.19995548525419962,1.48 +734,1.0811858728674186,0.19700900590847722,1.06 +735,2.5321580487784368,0.2003016879812453,2.54 +736,1.114661315832473,0.19668586789520967,1.08 +737,1.0190316863722828,0.19748960837648297,1.1 +738,1.4354223812069336,0.197880166170748,1.34 +739,1.9503902097117374,0.19654735667224313,2.04 +740,2.2863249965695744,0.1992977484695693,2.46 +741,1.330140808056814,0.19683852589376466,1.3 +742,1.5595425261583014,0.19663107887618167,1.56 +743,1.434743666197059,0.19693388504863635,1.4 +744,1.0640097520168954,0.19860315136204987,1.12 +745,2.2837295519430856,0.19847293914571684,2.14 +746,0.2831250491748034,0.2139045872135873,0.32 +747,3.220524934740537,0.20971730287220564,3.22 +748,0.7797270547592945,0.19693390932467267,0.82 +749,1.409877418942337,0.19836014751447592,1.48 +750,2.069622762777345,0.1972600230860686,1.9 +751,1.5357492653313694,0.196965270945085,1.54 +752,1.5647787528147021,0.19830928931698627,1.72 +753,1.2094179358451087,0.19600237791322137,1.14 +754,0.9644297504814843,0.19793142639071507,1.06 +755,0.4482360653308761,0.19749396330168545,0.52 +756,1.1362100783968807,0.19692026863694606,1.16 +757,1.6646282772866066,0.19607939445899644,1.92 +758,0.5570217568797502,0.20238842026108342,0.54 +759,4.099914765485369,0.34646275203794913,4.6 +760,1.298744620492405,0.19759590110310005,1.2 +761,0.9159656880151297,0.2002632141257368,0.96 +762,1.9233233940842114,0.2049966555496732,2.2 +763,1.291305019935813,0.19781470856114905,1.24 +764,1.2623771165826687,0.19665681169658958,1.34 +765,1.0646817757823333,0.19614772387829907,1.06 +766,1.2331189067306174,0.1963684100580544,1.22 +767,2.0212413452704663,0.20108438705837672,2.04 +768,1.6038871106841897,0.2002123246600237,1.7 +769,0.7714482092434729,0.1979822884626494,0.84 +770,0.9452115407941593,0.2043898094316405,0.94 +771,1.0743416306178388,0.19917164067771143,0.96 +772,0.3469441292727087,0.19839715733840754,0.24 +773,0.7293210593063364,0.19628935451215662,0.7 +774,0.3807327457797771,0.199069835847194,0.4 +775,1.9879496628411988,0.19776277317850202,2.02 +776,3.6931372987408033,0.22896305475641146,4.04 +777,0.6142147919243475,0.19806634976490695,0.72 +778,2.2779196146000538,0.19748473769868669,2.56 +779,1.096790556072647,0.19765587840478502,1.2 +780,0.834008292383067,0.19743646919788724,0.86 +781,3.427664121410744,0.2157581350864202,3.3 +782,1.200605790154305,0.19694028518594417,1.12 +783,1.362242822063161,0.20302958919097996,1.52 +784,0.9296541558129825,0.19653394314956488,0.84 +785,-0.0029358070031551,0.23779068088282576,0.16 +786,1.0462182116780192,0.19626241428849625,1.3 +787,1.482209863890013,0.19675003440162464,1.42 +788,0.6129478682903677,0.1990079878510005,0.74 +789,1.170273459658639,0.19599019792277453,1.24 +790,1.0264560702743524,0.19632790943013312,1.04 +791,1.2542855071930878,0.19634846670992095,1.12 +792,2.7864632634262416,0.20439456174574927,2.74 +793,1.1843366905197337,0.19696636646911037,1.2 +794,2.31633127980659,0.1991511035293502,2.4 +795,0.9898873949451541,0.19783304994036513,0.86 +796,1.317070939668624,0.19583758534849177,1.34 +797,0.6340523193697862,0.19738157528314218,0.68 +798,1.4393003914217304,0.19594151789404574,1.42 +799,1.505002518414948,0.19720874929463453,1.5 +800,0.7060306198441721,0.1999743592949122,0.74 +801,1.3792052241115669,0.1965327024380683,1.42 +802,2.1865596951922486,0.19735597053233722,2.26 +803,1.0731723915015197,0.1963662695462375,1.1 +804,1.3592579894778716,0.19683333826055316,1.24 +805,2.0682567550584596,0.2049016034521829,2.08 +806,3.657419929864589,0.2598334142924212,3.72 +807,0.5211333735633079,0.1974292666056503,0.42 +808,1.5814553553560509,0.2543059263821135,1.52 +809,1.6235064443015728,0.19619088485111685,1.88 +810,1.806576021003849,0.19638657521010436,1.76 +811,1.9856960374008663,0.19658744951033294,1.86 +812,2.279021057004838,0.2061305610050786,2.48 +813,0.4163699230953457,0.1998001359692151,0.46 +814,1.177833518391818,0.19705616694906555,1.24 +815,0.9117896837444637,0.19820030400310074,0.86 +816,2.5888372376994244,0.20052209338503968,2.56 +817,1.2277714986488153,0.1967016184408902,1.2 +818,1.2662610777062824,0.19584005308286564,1.36 +819,1.303856070297527,0.19603738239602314,1.32 +820,1.5398989275936823,0.19748958738216948,1.48 +821,0.7646852416769592,0.19752152634994335,0.78 +822,0.6962140508246275,0.1968600536556064,0.62 +823,1.9581950720063617,0.19672355157780913,1.88 +824,0.5843350194856085,0.20028502416903074,0.52 +825,1.367260028170381,0.19654335232151554,1.3 +826,1.2703565386085014,0.1967653623516509,1.4 +827,2.3823015855830856,0.19876736084048732,2.44 +828,1.8842762357555136,0.19768924455649656,2.06 +829,1.1845920404203054,0.20129835163925933,1.22 +830,1.472105081180755,0.1962749495618035,1.46 +831,2.8611658213468525,0.21032148345987167,3.06 +832,0.9666701553139869,0.19651078645786824,0.94 +833,1.1702495659641867,0.19685392950394323,1.2 +834,0.9903782443468074,0.19715124870227815,1.0 +835,1.9684542554916615,0.19784313988472366,1.96 +836,1.1128368165020757,0.19737256260214295,1.04 +837,0.4967612848630867,0.198622302745952,0.46 +838,1.3467343700686318,0.19647991529733308,1.36 +839,0.22998283853112333,0.20035306894267974,0.24 +840,1.9804874979518048,0.19690109473811876,1.86 +841,2.065185592585878,0.1970858890102929,2.06 +842,1.438723864330031,0.1963453719281328,1.44 +843,1.129137701580028,0.19635856336644106,1.2 +844,1.671108476048352,0.19663625655072536,1.56 +845,0.8204511170802127,0.19734156282645798,0.82 +846,1.9430131385477591,0.196751552675811,1.88 +847,1.6064646150458333,0.19769497832175484,1.66 +848,0.9839765683674575,0.19657258888329462,0.86 +849,2.6787412149031926,0.21077443092879022,2.5 +850,2.1893927711340355,0.19768583393938347,2.14 +851,1.6635522386879527,0.19616520694473458,1.68 +852,0.8417436009593309,0.19680217675059986,0.88 +853,1.345670645331726,0.19691389418820518,1.42 +854,3.047955247721153,0.20363749242343818,2.98 +855,0.9601928148174017,0.19627737608640644,1.0 +856,1.4214134991672043,0.1961903902552807,1.44 +857,0.7876739164801347,0.19712511101135116,0.76 +858,1.1522178119874558,0.19646892374175462,1.22 +859,0.8184981744642585,0.20044899929385182,0.78 +860,3.0084361419634624,0.20290389934750286,2.98 +861,1.8690068697143856,0.19686108926027507,2.24 +862,0.6477917736957881,0.19857199956633495,0.68 +863,1.251598577433548,0.19596262748557922,1.32 +864,1.4246494353922228,0.19628060975690698,1.44 +865,3.5812647714380694,0.22187790569270704,3.66 +866,0.6049363031496928,0.19692982210428572,0.62 +867,0.9147868007582614,0.19687057372482397,0.96 +868,0.4079382080339127,0.20119195658396316,0.26 +869,1.6745838101059656,0.196614095962878,1.6 +870,0.9837101954514462,0.19700811009721245,0.96 +871,0.0644812786486808,0.21528702111700232,0.18 +872,1.0329888540426455,0.19940892167079238,1.18 +873,1.34024743839908,0.19700604345868353,1.46 +874,0.5231713218168688,0.1973927103582408,0.48 +875,0.863125618623461,0.1984288760680396,0.9 +876,0.13609255351959626,0.20939360810911262,0.16 +877,3.3123037925071137,0.21448082227151202,3.24 +878,1.5894109102972358,0.19638889568060755,1.52 +879,1.1439742971036941,0.19697024959042267,1.34 +880,2.1193254453837684,0.19751865295578333,2.06 +881,0.6058490452704342,0.1989337184173693,0.5 +882,0.7697867072926856,0.19759185939086155,0.72 +883,1.242757092120784,0.19609992408750632,1.28 +884,2.334433987855093,0.1986194821883567,2.36 +885,1.0907609313165345,0.1968508768795642,1.2 +886,0.7773633924893337,0.19715922397411814,0.88 +887,1.6701652182578988,0.1965332832984537,1.74 +888,1.1893340253817448,0.19667009760370088,1.2 +889,1.7667132994745063,0.1984216402141666,1.92 +890,1.057074170636406,0.19595168794095072,1.04 +891,1.3629271152323388,0.20140110428648014,1.32 +892,1.5550988929664116,0.19609297050909363,1.5 +893,0.807317873603641,0.1989639972653895,0.82 +894,1.109355069255396,0.19608637914701146,1.14 +895,1.25474726578374,0.1965258679711973,1.14 +896,1.9076834097544322,0.19688532089504351,1.92 +897,1.5526616169566134,0.2056592651121405,1.68 +898,0.5324706141824036,0.20598157630240643,0.38 +899,2.6527977820293582,0.20149617304302928,2.58 +900,2.686699254288326,0.20201359267481098,2.66 +901,1.5422231606905794,0.19629185986385567,1.4 +902,1.632376482374886,0.1983678865819918,1.68 +903,2.3818784825443955,0.19825434743605358,2.42 +904,0.7697264500872629,0.198427985273097,0.7 +905,1.0367100622555796,0.19612533913117253,1.1 +906,0.7630471877905023,0.19755253530543648,0.78 +907,1.3587117192608558,0.1959755758036477,1.3 +908,0.6022591073148402,0.19998280114631076,0.6 +909,0.9001387416924518,0.1966663993752958,0.84 +910,1.5697203171250806,0.19726468225904703,1.46 +911,1.2867369767982866,0.1958341532935993,1.32 +912,-0.09882791189522333,0.2524768159684618,-0.16 +913,1.4494605123273856,0.20224615967956835,1.36 +914,0.32955992166932924,0.20796429507729133,0.38 +915,1.0066684157210402,0.1974336199710239,1.02 +916,2.60884246060043,0.1984231695803107,2.62 +917,1.1246439704332083,0.2011768523006402,1.2 +918,1.0847421496724934,0.19636006671569517,1.08 +919,1.303604052391255,0.19937639849439728,1.3 +920,1.5766966611244695,0.19602175219631707,1.66 +921,1.1705325759781484,0.1969890763716835,1.12 +922,0.6558133816230862,0.20068207745186398,0.5 +923,0.4733925747280623,0.20171453966343497,0.56 +924,1.3694242075215817,0.19575960762459235,1.4 +925,0.5805792497334039,0.1980289809703024,0.58 +926,1.2715916577074786,0.19608837505366208,1.34 +927,2.526728640801951,0.20209752925620156,2.58 +928,1.7705738520667778,0.19778050138594538,1.68 +929,2.0211592660675963,0.2009538840317037,2.06 +930,2.9059236665601547,0.20296154824645837,2.92 +931,1.3541623057782033,0.19613321321512922,1.32 +932,0.23544807088224395,0.19907930057154782,0.34 +933,1.3110430096776682,0.19739553539050292,1.3 +934,2.9350400922986313,0.20134889913545248,2.9 +935,1.650425050579405,0.19681380226528133,2.06 +936,1.5314213226389524,0.19608216288959157,1.5 +937,1.4509568303491989,0.19687933697485413,1.52 +938,0.7742110829493887,0.19816666825671952,0.6 +939,1.40946966195612,0.24495674505424664,1.4 +940,1.216807955915649,0.2001378580699535,1.32 +941,0.6323799893749065,0.19939596425775524,0.6 +942,1.5861370039591765,0.19615348350100945,1.54 +943,2.8512493197417244,0.20930016643137186,2.82 +944,0.8995505447455312,0.19679627882118592,0.92 +945,0.7591787796576865,0.2145382064101397,0.86 +946,1.069323973008026,0.19621373052516924,1.08 +947,1.0258269467489778,0.1967784411008559,1.04 +948,1.6855894965603295,0.19871944749818576,1.76 +949,1.4958189886619224,0.19672540263756455,1.54 +950,2.1694804186066947,0.1994235728886087,2.22 +951,2.488723302980978,0.1980488776191119,2.32 +952,1.360167061885282,0.1965792803084671,1.24 +953,0.5600596845249863,0.20514059641498564,0.44 +954,1.430821050590314,0.19760098690085823,1.4 +955,1.3550449170401833,0.19582611599339603,1.42 +956,2.4854857503557377,0.2051027824650898,2.38 +957,0.7820669946496563,0.1976446023279643,0.64 +958,1.1627715358144033,0.20304552067034842,1.12 +959,1.5885101453691108,0.1973508754895086,1.56 +960,1.5714328795206471,0.19691093664915552,1.58 +961,1.952984728039577,0.19676563387645699,2.0 +962,1.2538369265861236,0.19645987988879124,1.32 +963,1.922570304835923,0.20001097822659697,1.96 +964,3.804695996511514,0.243340577083039,3.86 +965,1.4183136441939137,0.19671144280868,1.46 +966,1.2697932085788066,0.1963635486199282,1.28 +967,2.895356970233069,0.20019254231563385,2.88 +968,0.9240250661640663,0.19609126446871653,0.96 +969,-0.05801900925811054,0.25682544064799345,-0.42 +970,0.40959829688397775,0.20400767193900696,0.46 +971,1.4415863911332325,0.1968949679346733,1.44 +972,0.8541115324595558,0.19634507604182577,0.88 +973,1.140327448734709,0.19696228656783493,0.96 +974,1.8489532924673653,0.19872922855005362,1.74 +975,2.1130068019740507,0.19781903866662737,2.14 +976,1.2836007634622701,0.19652016624645485,1.22 +977,1.2486901682017417,0.19698979732973543,1.26 +978,1.468393782865618,0.19626217486973724,1.54 +979,0.5634947215016077,0.20211241762553883,0.7 +980,2.6386733917117517,0.20115503716777142,2.7 +981,1.571755833706523,0.19937631032256986,1.74 +982,2.228069660348518,0.19862388677522297,2.26 +983,1.343370386734752,0.19751313709188623,1.42 +984,0.9361623346148522,0.19675639925441113,0.9 +985,1.9047942248404208,0.19638050125797127,1.84 +986,1.506081749307779,0.19723450386670213,1.64 +987,1.5420374560569643,0.19830864204120546,1.66 +988,2.498237400406015,0.2000240995092636,2.38 +989,0.9122568297555493,0.19803656378938192,0.96 +990,1.323143471272136,0.19688385111715717,1.26 +991,1.0929627665726325,0.1964063731597801,1.1 +992,1.8488695957853172,0.19632774821774676,1.98 +993,1.8651822204985002,0.19661381580865803,1.86 +994,1.7469283710368622,0.19610415602767897,1.78 +995,2.3042615975685012,0.19816068767706363,2.3 +996,1.6769560653654474,0.19626300487579104,1.62 +997,2.445081342381825,0.20060999158100234,2.54 +998,1.0125342099535535,0.19910053014810822,0.9 +999,1.2997873833545919,0.1966696577064708,1.26 +1000,1.7334518982051317,0.19642996477840685,1.74 +1001,0.94999638032333,0.19639284325927953,0.82 +1002,0.8657397862715834,0.19839915259999924,0.82 +1003,1.8104388882047684,0.1962922970178645,1.84 +1004,2.2294412815043736,0.19912220454547896,2.18 +1005,0.7049781179754522,0.19657837136474224,0.72 +1006,1.5525260568853168,0.19928467604890066,1.34 +1007,1.0407959398630973,0.1983697647641945,1.02 +1008,2.3124666214889404,0.1984459834005145,2.5 +1009,0.402140023421905,0.19759359525304776,0.34 +1010,1.2370884873410937,0.1997071967439738,1.32 +1011,0.989788929176004,0.19630540868257576,0.94 +1012,0.5318614995549273,0.19980249256450489,0.62 +1013,1.5254983903861765,0.1993074296572047,1.44 +1014,1.055954489193113,0.1968703578705285,1.06 +1015,1.8531885422133882,0.19920609952507126,1.82 +1016,0.8636681999930675,0.19672844806470435,0.82 +1017,1.616498131595252,0.19587277707421025,1.62 +1018,0.5645789790255851,0.20746109327484236,0.54 +1019,1.209438672177832,0.1962897020506781,1.36 +1020,1.1014986360917458,0.19755659806104808,1.08 +1021,1.2979228471201862,0.19688134978222188,1.24 +1022,1.198912664131334,0.1986337556072769,1.12 +1023,0.47945299373561,0.1995715369238151,0.42 +1024,1.8982563819650164,0.20009984585112175,2.02 +1025,0.6908196467056382,0.19652607112840956,0.56 +1026,0.9632823450227832,0.19707775085859103,1.14 +1027,1.2017733439253084,0.1963519598582597,1.32 +1028,1.4748426448639629,0.19600966098613912,1.54 +1029,1.8273009593827858,0.1976952909064539,1.74 +1030,1.5646678565709093,0.1973646788720812,1.82 +1031,1.3933673280057248,0.1981870797225212,1.44 +1032,1.3900568720310877,0.19813917037362308,1.36 +1033,1.2576467731353147,0.22643813361420384,1.06 +1034,1.1066848692118514,0.20031623798087436,0.96 +1035,2.8127644775177045,0.20480515902669605,2.68 +1036,1.4454786668375479,0.19632420760877747,1.52 +1037,1.1378444132818386,0.19648788428420402,1.18 +1038,0.8051334043904577,0.19806611367663418,0.78 +1039,2.471453040300461,0.19910828707503236,2.34 +1040,3.281264753628687,0.22108308645770955,3.18 +1041,2.0592388516077276,0.1983204694531489,2.08 +1042,0.6581214923073448,0.19735839860920817,0.56 +1043,1.2705496414146613,0.19792664846128447,1.18 +1044,1.1118837255866967,0.19668334691208136,1.08 +1045,1.553092024831562,0.19666236067568263,1.26 +1046,2.2972146087509864,0.2056959184587812,2.36 +1047,1.222823323660088,0.1987216357437876,1.26 +1048,1.3555481008376966,0.19694841289491677,1.32 +1049,0.055905759750204176,0.21545972123858811,-0.08 +1050,1.675183876467048,0.19622018555654205,1.66 +1051,0.8597304343421903,0.19778489304659172,0.78 +1052,1.9531574159381186,0.19646310556790503,1.98 +1053,1.7797045696050393,0.1960096861661095,1.84 +1054,1.434136037590029,0.19596189607118575,1.52 +1055,1.0210641568194285,0.19659738454395623,0.98 +1056,2.594648078961222,0.19920303036729178,2.42 +1057,1.2223353682796212,0.19851029041963936,1.26 +1058,1.1523669643719014,0.20212785649173048,1.22 +1059,1.4274726289921444,0.19917659920365866,1.52 +1060,1.676634014574022,0.19816014053829772,1.64 +1061,1.4591921277516184,0.1962804621064638,1.44 +1062,2.2850672058749786,0.20471922248109517,2.34 +1063,2.6989804122873498,0.19987050621971017,2.74 +1064,1.1193281317397703,0.19635750718925263,1.28 +1065,0.9693347223594717,0.1987194827139515,0.96 +1066,1.3652842820526891,0.19769385245526605,1.32 +1067,1.2955232382847495,0.19670016895712605,1.18 +1068,2.000787759586866,0.19725158281360958,1.94 +1069,1.6730835899803829,0.19672790053374958,1.66 +1070,2.1496132838381947,0.20099648484058896,2.18 +1071,0.840839581590529,0.19710887997082044,0.86 +1072,0.8652104828232681,0.19658467318469428,0.86 +1073,1.5544107130489455,0.2014486953381019,1.44 +1074,1.7718685685828315,0.19646176979780106,1.8 +1075,0.7770430680728315,0.19700736734524812,0.76 +1076,1.1979939718171588,0.19607702950405592,1.16 +1077,1.2121660928249347,0.19666540745598796,1.36 +1078,0.9948564561615789,0.19845220239510902,1.04 +1079,0.5319388247614967,0.22267364809472617,0.62 +1080,1.541712087777448,0.19592528689626626,1.56 +1081,1.5182080707594596,0.19693205640475792,1.66 +1082,1.6179757700961774,0.20624066660374973,1.66 +1083,1.6032320499209773,0.19599719018603326,1.54 +1084,0.8982435794332597,0.19726522861022644,0.86 +1085,1.6958958934075934,0.19840639655301798,1.88 +1086,2.251006603597316,0.19949226593249036,2.22 +1087,1.3365352343001868,0.19647828395696745,1.28 +1088,1.2531890712215938,0.2019717209490669,1.48 +1089,1.7670175503501215,0.196590263712099,1.74 +1090,1.1584327286290845,0.19650635341687117,1.22 +1091,0.3426055133692196,0.20259209502770573,0.28 +1092,0.4662588085618846,0.19747867058615035,0.42 +1093,1.7230355186745978,0.1966419671967119,1.8 +1094,0.9044074434002627,0.19670022252202957,0.98 +1095,1.2933965209746843,0.21555290207507588,1.4 +1096,2.055638711062659,0.19737762314856613,2.02 +1097,1.1491831069277914,0.1973882771789523,1.42 +1098,1.2984752887078117,0.1959899214821859,1.34 +1099,0.705932054890156,0.2744904000922441,0.38 +1100,1.5382309906821732,0.19692392132897193,1.44 +1101,1.605794096155877,0.19631426473560545,1.56 +1102,2.6623964259400967,0.19928374035705737,2.74 +1103,1.3240656303129028,0.1967498623307069,1.24 +1104,2.4367692399721865,0.1985945633363846,2.32 +1105,1.9045921640353796,0.20252515974780538,1.92 +1106,1.6585141479241385,0.19646874680312584,1.82 +1107,1.7314017747103763,0.1962681438229736,1.72 +1108,1.3793996850787247,0.19593675252648943,1.38 +1109,1.7778872633901468,0.20310304365385343,1.86 +1110,0.5149410565881063,0.19725375720495752,0.5 +1111,0.6087467959680664,0.19817299762583301,0.52 +1112,0.6950810809109751,0.19722231779645144,0.7 +1113,2.487919633990439,0.20320789148912338,2.5 +1114,2.1935769721273592,0.19764140564703486,2.12 +1115,1.5548600892803082,0.19754197156440695,1.54 +1116,0.7620321957168423,0.20308783948499276,0.78 +1117,1.9330847637030923,0.1964289866259469,1.94 +1118,0.9947699287667995,0.19652640079719103,0.92 +1119,1.595929933593907,0.1959637423953133,1.48 +1120,1.2580443696182253,0.19631645759092725,1.22 +1121,2.2660933557084664,0.19784909424156838,2.7 +1122,2.482918141568623,0.19917344453679492,2.42 +1123,1.3812645140735902,0.1960216744320146,1.52 +1124,1.820004770392527,0.19649033874849822,1.78 +1125,2.127661404291822,0.1994624889563088,1.92 +1126,2.2775770337789534,0.2103843631979704,2.54 +1127,1.205833433002953,0.19653464240179333,1.18 +1128,1.4092241048037284,0.19614450391588356,1.32 +1129,1.4115536274238614,0.1972446612075358,1.4 +1130,0.506575788339616,0.19925395544291172,0.52 +1131,2.4638938076447303,0.20237255027518034,2.42 +1132,1.5257495033618311,0.19615503037559529,1.48 +1133,0.8833819517747679,0.19723534348394323,0.98 +1134,1.5287513532632286,0.19626906966172558,1.54 +1135,1.0898246394211166,0.19694539514531614,1.1 +1136,0.6916720026486565,0.19686161447666586,0.78 +1137,1.1028788051978946,0.1979013377722329,1.16 +1138,1.868667503294073,0.19734792189680958,1.84 +1139,0.044658189158000905,0.3052969495120266,-0.12 +1140,0.23752178864233064,0.2091004549360419,0.2 +1141,0.9328381713063807,0.19844695775435414,0.96 +1142,1.4146562657782793,0.1964725953070319,1.48 +1143,1.0214932962502783,0.19844790160874468,1.04 +1144,0.9690529880274821,0.19805672952346298,0.94 +1145,2.775148110266166,0.1993488682699624,2.64 +1146,2.1275941970640746,0.20376480286955603,2.38 +1147,1.5207091360521314,0.19600868736419297,1.48 +1148,0.8503645805558189,0.19645669219405792,0.76 +1149,2.3018606354277864,0.20212879571951145,2.34 +1150,2.678840998211358,0.2001281470929507,2.58 +1151,1.8082021068703154,0.19693173310325432,1.76 +1152,0.9523186971426334,0.1964354172384557,0.92 +1153,0.2948933532406024,0.2000460445289593,0.34 +1154,0.8342714191481668,0.19667676335954873,0.82 +1155,1.4603846463077148,0.19753718142817783,1.52 +1156,1.4948309311231003,0.1973377501272407,1.46 +1157,1.5949098508130946,0.19590371675446958,1.64 +1158,0.9041098480056056,0.19693051803905381,0.98 +1159,1.045739964307693,0.19662976679581431,0.98 +1160,0.7793073150563359,0.19724582469082472,0.8 +1161,1.4509000239114385,0.19670085975602333,1.4 +1162,1.3625541338510971,0.19824086198586255,1.46 +1163,0.7609458128959536,0.196425687174174,0.62 +1164,1.0276026941083316,0.20047522481169602,0.98 +1165,0.6027381260611333,0.19723571565747272,0.48 +1166,1.0337722655613526,0.1971561253860773,1.0 +1167,1.3705740366903236,0.19728235004041825,1.32 +1168,0.9889427206743726,0.1993600330007888,1.12 +1169,1.1905807131279573,0.19675121967594114,1.32 +1170,0.9993938460732767,0.21071522598707398,1.04 +1171,1.451070630962442,0.19616215082273566,1.5 +1172,0.46376945462119035,0.19758749052044555,0.6 +1173,1.4088487674913823,0.19803824973163597,1.52 +1174,0.8296809728550694,0.1966909336870874,0.72 +1175,1.5512552160717004,0.19723181492643643,1.62 +1176,1.5010347162987592,0.19793227064884153,1.62 +1177,0.8112028731743348,0.19845687891570188,0.76 +1178,2.6224259954122586,0.2005886424366886,2.6 +1179,2.308903407585865,0.20694143867203416,2.6 +1180,1.5982876808438577,0.1960058125624856,1.54 +1181,2.2073336398274157,0.19763043401230865,2.02 +1182,0.7815565301087648,0.2122209987507495,0.88 +1183,1.8128468462156566,0.20049863257257788,1.56 +1184,1.7298374083985046,0.19686665531674,1.8 +1185,0.5931751156767247,0.21981157944884716,0.62 +1186,1.4716700595572547,0.19695820552493237,1.4 +1187,2.110328758787984,0.19707979630283892,2.16 +1188,1.7886280394015515,0.19725442670400956,1.92 +1189,1.1634254665530217,0.19776938338494576,1.14 +1190,1.4945608149698706,0.1963887549500773,1.44 +1191,1.0867888043439673,0.19731146379383205,1.14 +1192,2.244622616666293,0.1980672194328843,2.2 +1193,2.4833077378240973,0.20199921481711458,2.54 +1194,0.848152225255282,0.19759370770389387,1.0 +1195,1.1731337612361064,0.19697238124471778,1.1 +1196,1.010669711928784,0.198442514963248,1.16 +1197,2.448973321243092,0.19937297794467998,2.48 +1198,0.5491378540430798,0.19985499622175318,0.5 +1199,3.163464539841208,0.20359117791252393,3.08 +1200,0.09499908212866925,0.22299805821861382,0.02 +1201,2.148862235316584,0.19835289221463615,2.14 +1202,1.4847571939147972,0.20146172555166117,1.56 +1203,1.710103523585862,0.19640066501849512,1.74 +1204,2.866382792115057,0.2064416803086991,3.0 +1205,2.516349103999465,0.19953744615280294,2.48 +1206,0.3823033917710723,0.19813320642410365,0.28 +1207,1.3768213034284456,0.19679339137681714,1.3 +1208,0.9973939265058567,0.2077793896504332,1.02 +1209,1.5860923508653682,0.19686977584565726,1.48 +1210,1.617445749394009,0.19678165383672672,1.56 +1211,1.6619681503739383,0.20351910416199173,1.74 +1212,0.8982646033240091,0.2032343964507218,0.92 +1213,1.0709139082944223,0.19624343375461786,1.04 +1214,1.2286207586159619,0.19741196202942196,1.06 +1215,0.5888716109210954,0.19678160503413014,0.52 +1216,1.125627366850083,0.1964938141862441,1.18 +1217,0.6694211583736518,0.2331572856089763,0.6 +1218,1.3910427468645272,0.1978174766373686,1.44 +1219,1.0913152090497897,0.19611434487174229,1.06 +1220,0.9512426829105756,0.19679316574717576,1.02 +1221,1.1409707269227143,0.19684420565200714,1.1 +1222,3.2726898055518947,0.21440418756312046,3.26 +1223,1.6180358093740863,0.19641320038137136,1.64 +1224,1.6180393041855599,0.19688379936577274,1.72 +1225,1.0653300697925232,0.1974779429465009,1.1 +1226,1.5470467793077782,0.19912378416869547,1.56 +1227,1.9078311918170447,0.19642101661124436,1.96 +1228,1.4934453352724013,0.19677200317723229,1.46 +1229,0.6050989210949018,0.1966913809081965,0.62 +1230,2.682763563853784,0.19996650737333949,2.68 +1231,0.9784949693476501,0.19628184778631502,0.98 +1232,3.44843891304438,0.22347765988877044,3.6 +1233,3.050660864011568,0.20471770194800298,2.98 +1234,3.539976568791899,0.23818894044411826,3.5 +1235,1.4562138130477877,0.19885954111818538,1.5 +1236,1.1078388612689185,0.19664098387766502,1.16 +1237,2.7257706915849416,0.20235429010733516,2.72 +1238,1.2370528322130883,0.19674664127155123,1.28 +1239,0.9529213701298485,0.2000660928949161,0.9 +1240,3.7246880637223545,0.23762225386572328,3.84 +1241,1.7520616171630574,0.19636414333172203,1.74 +1242,0.7804829660395358,0.19846182000922388,0.78 +1243,0.9282897838116422,0.19765366881166804,0.88 +1244,2.627768616648618,0.1997854381860416,2.72 +1245,1.800943871552092,0.1963348247770136,1.78 +1246,1.6532645598108924,0.19652586434639685,1.68 +1247,0.8503247233697366,0.19919611504256704,0.82 +1248,1.2952692256107645,0.19604783053449032,1.3 +1249,1.4004837872140565,0.19755977050909834,1.36 +1250,1.2207692559006529,0.1973953440120279,1.22 +1251,1.0713902890296612,0.19638866662398646,1.02 +1252,3.404563550354438,0.22112058429737494,3.24 +1253,1.9986678608936495,0.20741608285904956,2.02 +1254,1.0954617986585946,0.19719045211667752,0.88 +1255,1.1374457618050668,0.19620397502457967,1.1 +1256,1.327234374107872,0.1959102537001516,1.18 +1257,2.161800712784406,0.1975703099169871,2.12 +1258,2.733238808841878,0.20630195946776297,2.8 +1259,0.7452628476922571,0.20403155412539506,1.1 +1260,1.1340219730541719,0.19645416618628378,1.28 +1261,1.9891501099956659,0.19677579807798196,2.06 +1262,2.9016009529120765,0.20098882659206824,2.92 +1263,1.4318243803856294,0.1959877504847769,1.42 +1264,0.6158782795465747,0.19784466258946382,0.58 +1265,1.3933144507454718,0.19639090110608473,1.38 +1266,1.51948022322077,0.19658735145232709,1.56 +1267,1.2062479532376007,0.1966450898418567,1.2 +1268,1.405642848651648,0.19709416816520914,1.36 +1269,0.4155765863402936,0.20387552301429404,0.48 +1270,0.7645004440791678,0.1998358017664377,0.82 +1271,1.6477136705219215,0.1970113541356505,1.68 +1272,1.395116678028467,0.19637870051986456,1.46 +1273,0.3855840324011848,0.20131825346023527,0.46 +1274,1.2937080118864952,0.19664809478339673,1.28 +1275,1.8286277516855458,0.19751509527372146,1.82 +1276,1.5372445530381018,0.19696209155659983,1.54 +1277,1.1316126657858163,0.1967386088181695,1.08 +1278,1.641434027809963,0.19669672792792972,1.82 +1279,1.5532533044035954,0.1959815334356958,1.46 +1280,1.0111359342588195,0.1967428300919157,1.08 +1281,1.8716510954253618,0.19818172297158623,1.88 +1282,1.9193922129533711,0.1965049928030713,1.9 +1283,1.215006184609332,0.19849499706507356,1.28 +1284,1.3310920501312777,0.19753284466820945,1.26 +1285,1.7143847807704766,0.1965101267786719,1.78 +1286,1.2759318760690888,0.1965066388306107,1.22 +1287,1.5094751787520968,0.19613838334040182,1.62 +1288,3.5994406429281525,0.2201778558970495,3.46 +1289,2.005452563164823,0.19668558985256715,2.04 +1290,2.242057544203332,0.1976322569059068,2.2 +1291,0.9259499841806789,0.1963267777404734,0.9 +1292,0.7746861441307142,0.19699722007367557,0.64 +1293,1.5545407959753947,0.2011561127751518,1.64 +1294,1.6113521379830034,0.19675733614456048,1.52 +1295,2.06193555191375,0.1976868913006233,2.04 +1296,1.0637290765209657,0.19593867075352078,1.0 +1297,0.9486125170451349,0.19762347227328353,1.02 +1298,1.6028068715551864,0.19831277675390133,1.56 +1299,0.5683066635104157,0.19721621963990493,0.62 +1300,1.7545025764061393,0.19664840415726856,1.72 +1301,1.5288951490738274,0.202241249509655,1.58 +1302,1.2515104301320334,0.2025687655979885,1.28 +1303,1.828302883868072,0.1963804453744607,1.82 +1304,1.274744350252877,0.19644959857273908,1.3 +1305,0.7448078805817144,0.1970235408372563,0.72 +1306,1.7452834861097695,0.19663559072170983,1.98 +1307,1.1408068136830156,0.1958147294509391,1.14 +1308,0.6243621551584,0.19770296681136829,0.62 +1309,1.296130813469123,0.19637228553229016,1.36 +1310,1.4470852746752545,0.19784361617424195,1.5 +1311,0.9375074940148658,0.19776888593326214,0.98 +1312,1.0629745526294334,0.19695499416540163,1.08 +1313,1.4135472978703216,0.1963752488627604,1.42 +1314,0.9660178090655689,0.19875153407192064,1.06 +1315,1.5426140732623472,0.19664944226018768,1.56 +1316,2.093531119810837,0.19744398172057287,2.16 +1317,0.576544945020488,0.19908278232159526,0.54 +1318,1.0816083964870786,0.19663138160352622,1.14 +1319,1.562190666978497,0.19600688186804413,1.48 +1320,1.5484653658512606,0.19625364675664847,1.58 +1321,0.9320294789718593,0.19714135584669282,0.94 +1322,1.5534286073180912,0.19654975737453326,1.56 +1323,0.6868516098259414,0.19690903931114487,0.68 +1324,1.6450967088357666,0.19707633560025617,1.8 +1325,1.2670798910655512,0.19755491399222494,1.48 +1326,2.223047325348998,0.20570854111034736,2.38 +1327,1.347057273616611,0.1990018084932837,1.38 +1328,0.9539995502341483,0.19698521605727914,1.0 +1329,2.1067659521741713,0.19729846687712765,2.16 +1330,1.9477679587736527,0.19674386302945004,1.98 +1331,2.103208665365723,0.19728661645276774,2.12 +1332,2.288339525572575,0.19792268172991048,2.26 +1333,1.471745799824817,0.19653336815528233,1.48 +1334,0.8896380462023092,0.19706240736684466,0.88 +1335,2.2218131591026533,0.20146370526990892,2.3 +1336,1.5229904333716044,0.19657555872029192,1.52 +1337,2.918727270628822,0.2025469130582806,2.9 +1338,2.1512136130415955,0.1980268400673803,2.3 +1339,3.168907885070518,0.2074355235929869,3.32 +1340,1.4034578649516276,0.19620623693197317,1.4 +1341,0.9447443377157312,0.1961006747905401,1.0 +1342,2.192762086934573,0.19854320426607228,2.22 +1343,1.96527498937487,0.19823552196817604,2.0 +1344,1.7270858192992122,0.19710533604398045,1.64 +1345,1.3829689257212006,0.19730225517161576,1.24 +1346,2.6272037114248152,0.20055916896674142,2.6 +1347,1.7224180096170763,0.1961461364659796,1.76 +1348,1.7252890535134773,0.19721617941000194,1.72 +1349,2.0774826396701327,0.19730683491466222,2.22 +1350,3.005890546473925,0.20651717059612157,2.78 +1351,1.4152698278656857,0.1998053481764457,1.38 +1352,2.310870361524318,0.1980720292246604,2.26 +1353,2.7824208533120434,0.20242898417509556,2.86 +1354,0.6552261334484939,0.19841564597760156,0.62 +1355,1.0388812010746644,0.19729239576669666,1.04 +1356,2.0979256687370635,0.23523402503211024,2.28 +1357,1.674291696588834,0.19588673366984266,1.68 +1358,0.8983706194424737,0.19684801904831997,0.86 +1359,2.1297217444643084,0.19852596277010387,2.22 +1360,0.590065777822093,0.20222433523652833,0.4 +1361,3.6646096394732655,0.22336285532057537,3.66 +1362,2.360758752583944,0.19886468656124318,2.3 +1363,2.069602657801,0.20036394157579396,2.2 +1364,0.7627192451166336,0.19754991816749953,0.72 +1365,1.3530739796432445,0.19602992779688191,1.32 +1366,0.3402522606151772,0.20263565557159563,0.38 +1367,2.250678972428052,0.19983574328165601,2.34 +1368,0.7007234700315155,0.19695223622323343,0.78 +1369,0.8483362960956586,0.20063167844705496,0.92 +1370,2.4161589252355014,0.19836094511135904,2.48 +1371,0.6173201074606416,0.19707995650963608,0.56 +1372,0.7719171902016564,0.19658222993819036,0.8 +1373,0.2474419220786317,0.4114001366021889,-0.14 +1374,2.3540242744785123,0.19887149500464998,2.5 +1375,1.4032811813560535,0.21535583312094683,1.28 +1376,1.8965658562510566,0.19692264348421112,1.94 +1377,1.6106921003620784,0.20590455995506507,1.74 +1378,1.4186487472683185,0.19649342123549252,1.36 +1379,1.7028027850945988,0.19818725783672878,1.54 +1380,1.4055110671154751,0.19595820824511015,1.4 +1381,1.0160152505676023,0.19746128806414953,0.96 +1382,1.331395384673936,0.1966782251956587,1.26 +1383,1.3874857724558596,0.19664998929846778,1.36 +1384,1.1969622154502733,0.19663547463642056,1.3 +1385,1.8505409123126433,0.19744968590263678,1.86 +1386,2.1383424122562174,0.19721199418120589,2.12 +1387,2.3401894556707687,0.19922316499579043,2.34 +1388,1.8297997617102526,0.197161337671123,1.82 +1389,1.0082537468874313,0.2097532649334602,0.98 +1390,1.9642379579156013,0.19672474662694925,1.96 +1391,2.623174359593711,0.19972191419762395,2.58 +1392,0.7330098871387851,0.20145344655955977,0.7 +1393,1.2443437061874834,0.19645906094886234,1.28 +1394,1.1313916329887506,0.1962244272110151,1.2 +1395,1.4049127842882831,0.1966088708444883,1.44 +1396,1.8579202983411571,0.19676657266771191,1.78 +1397,1.4467831918235885,0.19665374136405486,1.48 +1398,1.2339561488745066,0.19684744413594105,1.24 +1399,1.3127329468005469,0.1960832796069432,1.38 +1400,2.2616811081118517,0.19783521450586378,2.24 +1401,1.222898112736075,0.19596174088754148,1.22 +1402,1.5627179028453138,0.19603882014227286,1.6 +1403,2.8778075212532523,0.20030097205298927,2.72 +1404,0.8872968147043463,0.19833893438114408,0.92 +1405,3.072373431990657,0.20867872410763033,3.1 +1406,1.7663811756079015,0.20188678729833828,1.88 +1407,1.0495851032714418,0.19654352888601234,1.0 +1408,0.659304902433776,0.19984151365376496,0.52 +1409,0.9583210930226309,0.1978458359021804,0.84 +1410,0.699030761722262,0.20213906530589587,0.74 +1411,0.3307884375017296,0.19825537199616725,0.22 +1412,1.1888276317426758,0.19618696121091192,1.2 +1413,0.9404344070138939,0.19621508959433442,0.94 +1414,1.6117518982348047,0.19656676906680445,1.58 +1415,0.9633327639622966,0.19725604053862253,0.84 +1416,1.157882774277462,0.1969688967966725,0.92 +1417,0.8683223365072359,0.19775640206649892,0.94 +1418,1.855772084147484,0.19713181511611672,1.78 +1419,1.4380866969605322,0.19615386678292349,1.44 +1420,1.210994581595517,0.19736032168684192,1.3 +1421,1.063144514319006,0.19725669209267568,0.96 +1422,1.160187393656766,0.19635633011293693,1.12 +1423,1.473193661824863,0.19823085689075873,1.48 +1424,1.0636769525197785,0.19615752639468018,1.06 +1425,2.1215384465771474,0.19920126656190298,2.22 +1426,2.241042080385714,0.19844475512794438,2.4 +1427,0.6409817794703658,0.19840771753619788,0.76 +1428,0.4997669102466409,0.2025735714799587,0.58 +1429,1.4915551374945304,0.1960009457474144,1.54 +1430,1.0213407145982307,0.19672670658700483,0.98 +1431,1.1921734850531482,0.19682010836640862,1.2 +1432,1.4881274538184037,0.19657558943607775,1.46 +1433,0.7907226139942036,0.20084950643808866,0.72 +1434,0.990088563901443,0.19711259807024584,0.92 +1435,1.530155222439537,0.19766874721860841,1.6 +1436,0.7245221394268075,0.19661174518127836,0.76 +1437,1.687636309825728,0.19606395777278424,1.76 +1438,1.4367661013490505,0.19745298128114339,1.34 +1439,3.946972953955729,0.3226554157348857,4.44 +1440,1.5249725007087993,0.1986718491548531,1.34 +1441,1.529444720018335,0.19690460567657472,1.54 +1442,1.6246599712284064,0.19676572087671054,1.66 +1443,0.6121108403751494,0.19943280633438581,0.68 +1444,1.3927205850508346,0.19689687721193783,1.32 +1445,1.1582560639687904,0.19700474830235892,1.06 +1446,1.2366815740250892,0.1983091840439115,1.2 +1447,1.2851923104362424,0.1963615841290593,1.26 +1448,0.2812392874017058,0.20533573745852507,0.36 +1449,3.2886657931511336,0.21291136644555994,3.14 +1450,1.4512774760550236,0.20491388589346016,1.52 +1451,1.2513631271929335,0.20461059844369112,1.2 +1452,1.545845940061743,0.20541506327239614,1.46 +1453,0.712438226764557,0.19673541244426568,0.8 +1454,1.229845979781341,0.19734661069110943,1.34 +1455,1.4611176054325865,0.19708377901560434,1.48 +1456,1.2961534816656715,0.21715391765028935,1.36 +1457,2.0929802930821735,0.1977072267327633,2.06 +1458,2.3132737629937306,0.1998897514397654,2.4 +1459,1.6656339921169763,0.19690408517245897,1.62 +1460,1.7086134539008104,0.196413687170972,1.76 +1461,0.7379456447592256,0.19681027860235897,0.62 +1462,0.6160583143236993,0.20301649170209585,0.54 +1463,1.7141652078303191,0.20353223171172535,1.6 +1464,1.501652040185487,0.1973095517351086,1.48 +1465,0.8533281712516754,0.19697009321716813,0.78 +1466,1.7106503679870158,0.19705977660337076,2.06 +1467,0.6650656254825378,0.19742281589509048,0.7 +1468,2.394718440981715,0.19860941510967228,2.36 +1469,0.7853023483044748,0.19825957136360706,0.78 +1470,1.8373497883626961,0.19855447382393995,2.0 +1471,0.6242014997575858,0.19749470277200395,0.7 +1472,1.515261410840628,0.19685094068525383,1.52 +1473,0.3185567174838688,0.21723118108337777,0.2 +1474,1.0614783659573408,0.20026049711972535,1.06 +1475,0.9886864599323157,0.19681754871272822,0.98 +1476,1.6738487423525834,0.19627776574162653,1.72 +1477,1.427408459634023,0.19631495168939656,1.38 +1478,1.0904324913259136,0.19614914999066688,1.02 +1479,2.9152538315340535,0.2019480013759037,2.86 +1480,0.25295964177925767,0.20560391315017257,0.16 +1481,1.464840137613487,0.19595454231086712,1.4 +1482,1.4909772656157676,0.19588201793764898,1.62 +1483,1.9040743596698912,0.19860922016760638,2.04 +1484,0.8384071446327459,0.19797147724511444,0.74 +1485,1.8973111602441368,0.19702978436287377,1.88 +1486,1.483410047735385,0.19662595384618312,1.5 +1487,2.392709027788235,0.1986265834229164,2.26 +1488,1.8978009830337528,0.19767891685317107,1.98 +1489,0.7601495659179744,0.1968391568005437,0.48 +1490,1.0452591960907178,0.19710411013293658,1.1 +1491,1.2145528549226863,0.19608838631703762,1.22 +1492,0.9437174517005948,0.19731484526943066,0.94 +1493,1.0474496425040705,0.19677093167447748,1.06 +1494,1.0867745526414496,0.19791016569338363,1.1 +1495,0.7367745114759201,0.19733595967041528,0.74 +1496,0.8717494349170047,0.19642076888345378,0.72 +1497,0.9864980069833478,0.1965461586244167,0.96 +1498,1.925711342553897,0.19633249380212095,1.78 +1499,0.7479876056997632,0.2816739034685767,0.72 +1500,0.799127400215313,0.19650163626694242,0.84 +1501,2.305266496583108,0.1977022491072364,2.28 +1502,1.5478626273416363,0.19834559031044327,1.58 +1503,2.085988489315065,0.19721268135630696,1.96 +1504,2.5418310604095686,0.19800748141906788,2.4 +1505,1.5192857354481615,0.19644611763831837,1.52 +1506,1.2982135627934261,0.19637850687348724,1.34 +1507,3.107934549630625,0.2060867447814848,3.16 +1508,3.1740846845323745,0.2118989557244526,3.24 +1509,1.8926674351773003,0.19718050234028298,1.82 +1510,1.234054917226456,0.19623847722509608,1.18 +1511,1.010415497324285,0.1970195358911043,1.02 +1512,1.7110850572265583,0.19740643072668076,1.88 +1513,2.045309723082569,0.19804268202122433,2.08 +1514,0.5048114503141334,0.1990396632065249,0.5 +1515,0.8361087316027132,0.19746394470648465,0.74 +1516,1.6947181963366633,0.19618805755293264,1.74 +1517,1.3264369593198415,0.19938737674668644,1.16 +1518,2.9960622397041505,0.20268112055887297,3.12 +1519,0.34940985209405384,0.19844139529777632,0.26 +1520,0.8701240708740088,0.19650146285202041,1.14 +1521,1.26392504597013,0.19622813358982566,1.26 +1522,0.6055225674693205,0.20045319519609417,0.66 +1523,1.372107126782087,0.2083445828333849,1.42 +1524,1.2712551991413945,0.19718052580812487,1.22 +1525,0.915715963996286,0.1973507168907406,0.96 +1526,0.5181929776974097,0.19816214844198562,0.56 +1527,1.1288230336789176,0.19821406177037743,1.22 +1528,0.7411873039388976,0.19672073183634825,0.68 +1529,1.6649949816937135,0.1970893296311481,1.66 +1530,1.3102610926073042,0.19677409698079143,1.12 +1531,1.947218592546366,0.19670394688875784,2.0 +1532,1.114122965445366,0.19601505350530396,1.04 +1533,1.7053092761922128,0.19671984932092032,1.76 +1534,2.649510975493124,0.1989997858481096,2.54 +1535,3.350881732270361,0.24304853677267596,3.64 +1536,1.149021624136609,0.19642056268132815,1.18 +1537,1.2319321446096148,0.19689341820345166,1.26 +1538,1.4552533710000541,0.19642760152657357,1.36 +1539,1.1112112284015938,0.19805537530516057,1.18 +1540,0.4941024943017782,0.20048801907733538,0.52 +1541,2.115257367065798,0.1971746605064592,2.14 +1542,1.6634902984314803,0.19688047214666296,1.76 +1543,0.9653618588617761,0.19738340792446812,0.96 +1544,1.6328101643108943,0.1979361144287294,1.66 +1545,2.483234783049751,0.19945567129363181,2.42 +1546,0.9871080433068562,0.1981895379282449,1.0 +1547,0.3477833150213985,0.20702075541819168,0.38 +1548,1.4698337215025257,0.19621793525936898,1.5 +1549,1.0335284860153833,0.20076621691660493,1.12 +1550,1.1963972528594031,0.1968656942802217,1.12 +1551,1.1682103520867886,0.19734092237291315,1.24 +1552,1.3567411911283105,0.19597968535241242,1.44 +1553,1.50377786939942,0.19668966405978516,1.56 +1554,3.1346598713739304,0.20613949369679183,3.1 +1555,2.353306080916876,0.20012914455786077,2.4 +1556,1.3079275222708877,0.19632736940198867,1.24 +1557,1.6905193951295638,0.19661115852582542,1.64 +1558,0.31091795416218604,0.20318072684250288,0.3 +1559,0.457933879913786,0.20334388524962302,0.46 +1560,0.6159652115500194,0.19755403678110306,0.7 +1561,3.6758382880028666,0.2552602860900742,3.64 +1562,1.246220906513964,0.19688891545779608,1.18 +1563,2.089089806699285,0.19681313238621845,2.08 +1564,2.863832072694772,0.20990745643174452,2.8 +1565,2.0695084176918463,0.20031656876776097,2.32 +1566,1.9753031089207655,0.19954693146335695,2.12 +1567,0.5067185536786032,0.19893783160143214,0.44 +1568,1.2521485979574392,0.19691438818019263,1.3 +1569,0.9537775226121272,0.19629846758182434,1.02 +1570,1.491900234809251,0.19666650189226667,1.44 +1571,0.6963681121284409,0.19976023849874028,0.86 +1572,1.2377206411257624,0.19910229347034536,1.3 +1573,0.8571138907932752,0.20214855564096385,0.8 +1574,1.7183736033535713,0.19660181927300768,1.8 +1575,0.7586815148450463,0.19769454931143485,0.72 +1576,0.9740686761034509,0.19671734952938283,0.98 +1577,2.661600063635914,0.19851176055530026,2.72 +1578,0.8232051865328542,0.1965094832203752,0.9 +1579,1.3112884937555385,0.19607716042463386,1.24 +1580,1.6873810048633922,0.1960795755501437,1.7 +1581,0.9855457047931111,0.1980762294449524,0.98 +1582,0.5481509741900901,0.1984923660021593,0.54 +1583,3.667577165659756,0.2310148835408756,3.78 +1584,0.39642537710687753,0.20267383824872015,0.34 +1585,1.349435586818362,0.19579785709136416,1.38 +1586,0.46381590665963657,0.19698130667813835,0.32 +1587,1.2964745898171333,0.19592662470717329,1.26 +1588,1.6969756548651227,0.19682285599895058,1.7 +1589,2.4590104155758836,0.20286395409651967,2.5 +1590,0.9012204800688546,0.19655627557272887,0.9 +1591,1.9696302490556081,0.19704722448369866,1.88 +1592,2.1155650095012737,0.1981746849975221,2.28 +1593,1.6223275106580823,0.1965408899513532,1.52 +1594,2.134577799892486,0.19732335657664138,2.08 +1595,0.4383266807476769,0.19869027987312546,0.34 +1596,1.656606787447798,0.2016406188178799,1.64 +1597,1.8251626039556177,0.19622922275483132,1.9 +1598,0.920055609809284,0.1964979281942508,0.92 +1599,1.4149738450753757,0.19816684663205933,1.44 +1600,1.0330711967446717,0.19731560361455944,1.08 +1601,1.0867587539645056,0.19596697387152534,1.1 +1602,1.5279470437424396,0.19675677089613108,1.5 +1603,1.5648409404978958,0.19606499828057303,1.52 +1604,1.0372607122960658,0.19671744325878446,1.08 +1605,0.6755609621731056,0.19809449050418398,0.6 +1606,3.7136743717828815,0.22986449398842967,3.92 +1607,2.939341604945692,0.20603398388266367,2.88 +1608,1.3088752981949388,0.19649971202357575,1.38 +1609,1.2685382038069575,0.1968392752171595,1.3 +1610,0.8660226456883966,0.1967710784207493,0.86 +1611,1.8998894293004764,0.19725550938128716,1.98 +1612,1.3809364326452283,0.19829056587777974,1.56 +1613,2.210782557768191,0.19866605916880567,2.2 +1614,0.846632262852526,0.19667449890531033,0.84 +1615,3.4077989497482224,0.21858476609135497,3.46 +1616,1.9484232638953904,0.197974320962152,1.98 +1617,2.356442516055482,0.19931475978919386,2.42 +1618,1.1773506349615674,0.19593883667633855,1.28 +1619,1.956116186635013,0.19718713992802123,1.94 +1620,0.5496734343338099,0.19708512170920475,0.56 +1621,0.2687528233087959,0.20226464777048797,0.18 +1622,1.2790906535082627,0.19639428187167204,1.16 +1623,0.5346727565521376,0.201000555810733,0.5 +1624,0.9741828950651958,0.19663904306032015,0.94 +1625,0.8289677317198649,0.1968299043985617,0.84 +1626,1.3088082242920676,0.1966492276378809,1.26 +1627,2.247682466566365,0.1981238925062064,2.18 +1628,0.7536381065292097,0.19727773865737008,0.74 +1629,1.3870904108995847,0.19666364576770903,1.42 +1630,1.4849020922116551,0.1970241794560275,1.5 +1631,2.678039789782391,0.20014141934833957,2.64 +1632,0.5703101081083848,0.20484710374899048,0.58 +1633,1.3506674780676537,0.19786326611604005,1.36 +1634,2.3571379556252245,0.1992732298569044,2.3 +1635,1.9451009266651602,0.19659549588524483,1.82 +1636,0.9027481913489055,0.19693030060351535,0.96 +1637,2.6253428943228725,0.20173912330553145,2.3 +1638,1.2654357215831555,0.19642157351334813,1.3 +1639,3.119880065883296,0.2087924877399144,2.98 +1640,1.3243533738407347,0.19626332538613744,1.12 +1641,1.3298370042321097,0.1962852811227858,1.34 +1642,1.0121038446375397,0.19659189360395524,0.98 +1643,2.793583524440546,0.20086941196854652,2.74 +1644,1.0514124284783357,0.19653047044029107,1.06 +1645,1.59556873093777,0.19620314854835547,1.56 +1646,0.5897483198658886,0.19852519908119856,0.64 +1647,0.2466985154133321,0.20330146747908645,0.08 +1648,1.221637343936083,0.19696401147112844,1.28 +1649,1.3918883262162298,0.19659507575392535,1.28 +1650,1.7893438575346883,0.19614138601210399,1.88 +1651,1.6876347245456293,0.1966633734879608,1.8 +1652,2.2933535589864675,0.19778595266255192,2.24 +1653,0.5353325930265025,0.19900829630658357,0.4 +1654,1.29585149924326,0.19712737594267446,1.2 +1655,1.2486724431400718,0.19798656878402526,1.38 +1656,2.030780695633697,0.19870071099117126,2.1 +1657,1.4107458132391804,0.19579665396485568,1.32 +1658,0.7779930096039589,0.19971243612580225,0.48 +1659,1.887745770151906,0.19717065705708603,1.94 +1660,1.85251295495936,0.19856647176906878,1.84 +1661,2.197615564847306,0.19779056938807013,2.32 +1662,1.636061051104336,0.19618120184050267,1.56 +1663,0.4810622049784805,0.19787927752433215,0.46 +1664,1.1857900315474934,0.19602881316098597,1.16 +1665,1.0036863697549756,0.1962827948043668,1.08 +1666,1.4800176365683746,0.19595964013194525,1.52 +1667,1.5996612714124643,0.19743175339202496,1.62 +1668,1.0152164495179723,0.196526650541585,0.92 +1669,1.9032074742364231,0.20457394149017682,1.88 +1670,1.5849328635391258,0.199401018462357,1.48 +1671,0.8180610845938538,0.19639441894251503,0.82 +1672,2.208013394786883,0.1976547101912974,2.04 +1673,2.4019784546219243,0.199688508912602,2.52 +1674,1.2064767589096055,0.19873306206416297,1.3 +1675,1.048293246997936,0.19670912995037415,1.12 +1676,1.3696730347800137,0.20056365201403076,1.36 +1677,1.8319308955234725,0.19609665298624596,1.94 +1678,0.6381952895642335,0.19808625343448708,0.62 +1679,1.1716141649611165,0.19585598438721696,1.14 +1680,0.9673598385326967,0.1968792679902976,0.82 +1681,2.514162569075397,0.1991262058444958,2.4 +1682,3.179581163576725,0.2060243218156633,3.3 +1683,0.38072844559444796,0.19762604923933522,0.2 +1684,0.9399523030019552,0.19621392135327895,0.86 +1685,0.8401278271125912,0.1972068642353115,0.86 +1686,0.8367692823212947,0.19714076746813794,0.74 +1687,1.8330105591535863,0.19700646676575959,1.76 +1688,2.9493903950071023,0.20687106234724056,2.88 +1689,1.6267072655085397,0.19609845894939668,1.68 +1690,0.8439941097392585,0.19681049163399109,0.6 +1691,4.0740233793058245,0.3310932291537951,4.5 +1692,1.0775315511648147,0.19804995635502584,1.16 +1693,1.6612037780877502,0.19595627400746263,1.58 +1694,1.3233055703397612,0.20014176389480468,1.16 +1695,1.986659216974164,0.1971819311649452,2.02 +1696,0.5656610203499899,0.19729990503771727,0.58 +1697,1.6352214346481349,0.19649291691166876,1.66 +1698,0.5097143955087214,0.21682359116397068,0.62 +1699,2.4101983083741954,0.19854144864644352,2.28 +1700,1.2633747263328765,0.19668741175713825,1.42 +1701,1.0903417051580346,0.19646049170687446,1.04 +1702,0.7147624185571035,0.19817971917023983,0.82 +1703,0.22950272828570983,0.20167141697228227,0.12 +1704,1.3709267093687099,0.19938255021792428,1.18 +1705,1.2734887739757235,0.19669422288562483,1.32 +1706,2.3734085692050413,0.20496296434262043,2.46 +1707,0.7980264215128421,0.2008938074231805,0.8 +1708,1.477066226804944,0.19860462478442747,1.36 +1709,1.2469962082145558,0.1992791940921838,1.32 +1710,2.6241207511174713,0.19978898571238066,2.6 +1711,1.9346868557253956,0.19672286525561689,1.88 +1712,0.7157063547378795,0.19696836681660346,0.74 +1713,0.9241713938440073,0.19977656703362037,0.9 +1714,2.1235735503501716,0.1975987574664801,2.18 +1715,3.072979979513949,0.20437668488602853,3.08 +1716,1.5850208948098188,0.19738147907861,1.56 +1717,1.714802452178843,0.19841266732429488,1.8 +1718,0.6571506537233065,0.1977138425677059,0.7 +1719,0.923038970187096,0.19793825551118197,0.86 +1720,0.9042949157743503,0.19867147362898896,0.98 +1721,0.9681925902445068,0.1965603282970258,1.04 +1722,0.10902066081792716,0.21950678165172072,0.06 +1723,2.9972172308438605,0.20846848331380946,2.84 +1724,1.1298193795982328,0.19858678336735366,1.04 +1725,3.6074189380875743,0.26298871209873526,3.92 +1726,0.7353920575248767,0.19698550031901058,0.74 +1727,0.993160327702705,0.19743369939104138,1.1 +1728,2.3372232610986923,0.19756057378226166,2.3 +1729,1.3394487356199745,0.19656302713548576,1.32 +1730,1.5040731898525053,0.19773413970702458,1.54 +1731,1.1034547416268947,0.19779719454633968,1.08 +1732,3.631909220320427,0.2316185111756776,3.68 +1733,1.2908805249346011,0.1958823118228176,1.36 +1734,0.553326509871662,0.19730183387142916,0.46 +1735,1.8475676497997924,0.19696852472342785,2.0 +1736,1.2526104654760997,0.19657200063407157,1.22 +1737,0.299618428623746,0.2023566771632068,0.22 +1738,1.1428886622928358,0.1971797227234628,1.16 +1739,0.5635022097520568,0.2276110972702504,0.62 +1740,1.8606500069928824,0.19711032148023327,1.88 +1741,1.389717646516329,0.19647149821186793,1.46 +1742,0.673565755520696,0.20068621616497018,0.74 +1743,2.414319104985745,0.2001948918491462,2.4 +1744,1.9979661669673914,0.19973021971496685,1.98 +1745,0.9348522135995079,0.19825517877034987,0.86 +1746,0.9059487942626678,0.20750457791782015,0.72 +1747,0.9896598976525819,0.1978933780806026,0.9 +1748,1.8107228312298345,0.19608867074307948,1.74 +1749,1.5452511806259062,0.1958677151507569,1.54 +1750,1.8998063922659911,0.2025841280793534,1.82 +1751,1.0612897401270742,0.1972090401799891,1.14 +1752,0.9067041831826019,0.19714056574733582,0.92 +1753,2.4534476433717987,0.20033139953045656,2.34 +1754,1.6975796099611742,0.19696822016553225,1.76 +1755,2.590846627452602,0.19954940018091016,2.3 +1756,1.6739448008047884,0.19590140876760342,1.8 +1757,1.1995749927066688,0.1963004164509511,1.18 +1758,1.2002384579965957,0.197196796239036,1.18 +1759,2.304238575786017,0.19750582576060108,2.32 +1760,0.8642745072130293,0.1987972429035468,0.7 +1761,3.571131282560252,0.21793458019558085,3.46 +1762,1.13170523250084,0.19636309521699108,1.2 +1763,1.6525709648502418,0.20003218434308204,1.46 +1764,1.9640102736419505,0.19642895966224105,1.94 +1765,1.6638695658153426,0.1963522020239649,1.66 +1766,0.49904535477730705,0.20792118695825468,0.42 +1767,1.1543634562963327,0.1963365397259732,1.14 +1768,1.4154497780848696,0.20333035323401638,1.46 +1769,1.5668238963608965,0.195961882759561,1.56 +1770,1.7830686055775722,0.19691138202260053,1.82 +1771,1.723862624951574,0.19664854520160824,1.82 +1772,1.4544652064862498,0.1983960016978601,1.38 +1773,1.6342215579478356,0.1976437328428641,1.7 +1774,0.624183642650076,0.19738668490294056,0.74 +1775,0.17666585704800997,0.20061055985128723,0.1 +1776,1.2868222993235545,0.1985500743903947,1.42 +1777,1.528364466343008,0.19775155172266148,1.5 +1778,1.7584116820303146,0.19903462169161865,1.68 +1779,3.8226790157309707,0.23872913745202526,3.88 +1780,1.6008677890914482,0.1995037788588086,1.56 +1781,1.5158747909295163,0.20031603848463125,1.52 +1782,1.6109670480550222,0.19675687931396207,1.6 +1783,0.9738733839981917,0.19709698472777754,1.04 +1784,1.5668191224528787,0.19779200249476236,1.56 +1785,0.8422516973540004,0.19741958243710245,0.82 +1786,0.6620085089430063,0.1979135621108687,0.7 +1787,1.7033091203381892,0.196787654373056,1.6 +1788,0.46670482799439394,0.20236485321728886,0.46 +1789,2.103826793561446,0.19747819210395792,2.14 +1790,1.6975955656441148,0.19777168999908915,1.76 +1791,0.3136573021407896,0.2003436236749565,0.4 +1792,0.6377930514298051,0.1967381750965139,0.62 +1793,0.1330781839710602,0.2238401648541262,0.08 +1794,1.9977949052236523,0.19692091134619644,2.16 +1795,1.0647814829041145,0.20442038515720828,1.02 +1796,3.273225145502297,0.20694811427117218,3.34 +1797,2.141463898606901,0.19748813273678495,2.16 +1798,1.1513223749628398,0.19599335394654846,1.14 +1799,1.744070366816254,0.19638885254329955,1.72 +1800,1.201286489827143,0.195726953542792,1.2 +1801,0.6987073913390871,0.19985463465867243,0.62 +1802,1.4141589317228522,0.1961541731565933,1.46 +1803,1.359521792283382,0.19737254780893018,1.28 +1804,1.5067836958388936,0.19624432876964823,1.52 +1805,1.6097723264139114,0.1962481759605145,1.56 +1806,1.917516465047469,0.1997449560778876,1.76 +1807,0.1187128557197985,0.21263185224365846,0.06 +1808,2.765881558129023,0.20548861359672765,2.64 +1809,0.5818939426791443,0.19757665251108208,0.6 +1810,1.72416794258134,0.19614688495594707,1.8 +1811,1.9587110864225887,0.19746000542270195,1.94 +1812,1.747831803372239,0.19672697441908654,1.76 +1813,1.9742021792868276,0.1981113454560521,1.82 +1814,2.4228720159776693,0.19792832084531967,2.36 +1815,1.6993716879307859,0.19687941356236635,1.58 +1816,1.5048839413022446,0.19668634234286986,1.4 +1817,1.4284686650320424,0.1959912027615407,1.46 +1818,0.9296236691580924,0.19751023189446476,0.98 +1819,0.7280112596435155,0.1967845938162702,0.78 +1820,1.2618825735224308,0.19671599063999043,1.36 +1821,1.5149369979730922,0.19646382715341568,1.48 +1822,1.0895234214622502,0.19607116928026974,1.06 +1823,0.9133725480906711,0.19724279826695623,0.88 +1824,2.0079564349186394,0.19751042214961417,2.14 +1825,1.3709561988164625,0.19597088555295342,1.36 +1826,1.5945732518782605,0.19693669373594686,1.5 +1827,0.8517351580501913,0.19911398096740615,0.9 +1828,2.6421048668193308,0.1989856803226122,2.62 +1829,1.215968781165764,0.19742184984874286,1.28 +1830,1.4140111499831947,0.19625685100131238,1.4 +1831,1.7596567932098983,0.1986065772329359,1.72 +1832,0.6122751354996081,0.2359627236642796,0.46 +1833,0.6392922114403841,0.19690219498574676,0.64 +1834,1.898138998480786,0.1971641758399871,2.04 +1835,1.1590189671595064,0.19693241593444955,1.14 +1836,2.0612348311076025,0.19673661531699851,2.14 +1837,1.5144006640016738,0.19691548311060997,1.48 +1838,2.069602263483794,0.20000066157499577,1.98 +1839,1.6808413355046525,0.20318187628658502,1.6 +1840,0.8547988135019422,0.197166081652034,0.86 +1841,2.7002219691614555,0.19923953707626313,2.8 +1842,1.7811242835613514,0.19907560547310132,2.02 +1843,0.7619904783036238,0.19998463430756422,0.72 +1844,1.3273152469944574,0.19610888695484105,1.34 +1845,2.991109177381794,0.20178918622378955,3.02 +1846,1.030771501593537,0.19761002706137318,1.16 +1847,0.89955250779356,0.19750976337845855,1.08 +1848,2.0917466383711343,0.1978562119963833,2.02 +1849,0.8271101937519747,0.19659635670688477,0.88 +1850,0.8422486272644334,0.19626830912834806,0.8 +1851,1.4882936644015379,0.1965874495725433,1.4 +1852,1.23942416584446,0.19706530000235498,1.36 +1853,1.60422893444664,0.19607409127677353,1.78 +1854,0.6103336326739595,0.21031073899408276,0.48 +1855,1.1971013400636867,0.19772373745578903,1.22 +1856,1.091729724904111,0.197007826735187,1.18 +1857,0.5715905081746935,0.19779734748254693,0.6 +1858,1.701003915277009,0.1962830988630004,1.72 +1859,1.3879555140641413,0.19648978303800496,1.34 +1860,2.2727434676057494,0.19947811139409571,2.42 +1861,1.2209919126660642,0.19577689581964067,1.34 +1862,0.95876342637636,0.19660495184342763,0.94 +1863,1.03705500942463,0.19737841756335467,1.1 +1864,1.3347770727790036,0.1968307450365768,1.44 +1865,1.6508497097691466,0.19685451984815336,1.64 +1866,1.0298205107496554,0.19651420945652381,1.02 +1867,0.6884600850929001,0.19760854770360844,0.54 +1868,2.1285080688630726,0.1996801743398726,2.18 +1869,1.7446134889645215,0.19642984597500646,1.76 +1870,2.9066131156942685,0.24148706796567326,2.98 +1871,1.6662626453511313,0.199490316842472,1.7 +1872,0.29567052047952447,0.20868805737069834,0.44 +1873,1.429326170804913,0.20355466430164224,1.36 +1874,0.21445404084914665,0.19868140436475706,0.14 +1875,0.7156164123879842,0.19655384475787901,0.74 +1876,1.0396550181167052,0.19926794126031028,1.2 +1877,0.5651550155575911,0.19932042085879026,0.7 +1878,2.4412409129786137,0.20450292588737334,2.48 +1879,1.7689933550841888,0.19634397653187888,1.82 +1880,1.955592380079462,0.19673378960458882,1.9 +1881,1.114957005301083,0.19697665722876428,1.16 +1882,1.7128343765187886,0.19632831636209863,1.82 +1883,1.2773656270671512,0.1968865850929133,1.2 +1884,1.8472200968346209,0.1983013176321886,1.98 +1885,2.7071090597123706,0.2018958916873202,2.5 +1886,1.0643541917532713,0.19652930470964225,1.04 +1887,1.404231354057528,0.19810934976881558,1.32 +1888,3.035746842923113,0.2062442806805943,3.1 +1889,1.1989985448532208,0.2076986954804011,1.24 +1890,1.251339737226333,0.19631740632469613,1.3 +1891,1.445713181958197,0.19672308709282435,1.46 +1892,3.0010257065644814,0.20628406945832273,2.84 +1893,0.7126743887169089,0.1969369753057721,0.64 +1894,3.267516855056941,0.21190736944118907,3.26 +1895,3.546744395122692,0.21752187796990582,3.58 +1896,2.6084631432357286,0.19921363475698314,2.64 +1897,1.5069453162876454,0.19593158379120842,1.46 +1898,2.409134861668076,0.2020764180540908,2.38 +1899,1.4939761593503436,0.19661989309508313,1.5 +1900,1.1402614747981135,0.1961367478888322,1.16 +1901,1.1604820804727654,0.19834982287639594,1.18 +1902,1.319812232735889,0.1966585358409,1.18 +1903,3.067056739192274,0.20514258722111908,2.92 +1904,1.5408139941110233,0.1973287113413357,1.54 +1905,1.175120834330035,0.2039100093299514,1.22 +1906,1.1911122208550484,0.20010382574188543,1.2 +1907,1.3999316210036632,0.19626177614553153,1.54 +1908,1.3333595694516869,0.19783713065169334,1.36 +1909,1.4200274543897131,0.19688727957537971,1.5 +1910,0.7086247137234496,0.19868639363796953,0.66 +1911,2.476124174584249,0.1990737307164724,2.44 +1912,1.5507926923125042,0.197146269186584,1.56 +1913,3.2382003471247014,0.20565102261720675,3.38 +1914,1.2006975559039421,0.19586709643704664,1.2 +1915,1.8535460641276087,0.19634765230219028,1.88 +1916,0.9120764445013627,0.19735186332326593,0.92 +1917,1.1789643630550302,0.19714549793737585,1.12 +1918,0.6539927579566231,0.19770643381822325,0.64 +1919,0.6816381554763897,0.1970022274249917,0.54 +1920,0.7632831140256768,0.19765256834754236,0.82 +1921,0.8540115889022866,0.1973415976904921,0.86 +1922,1.085815600950066,0.19661889798569043,1.18 +1923,1.7933149106671564,0.2035832128702126,1.98 +1924,1.5800427382153868,0.1958230658415037,1.64 +1925,1.8152470323184446,0.19736217629071945,1.88 +1926,1.6672294682864472,0.19792976589495342,1.92 +1927,3.154303858451198,0.2091323880430036,3.06 +1928,0.17774683754506326,0.20117097124912062,0.2 +1929,0.8589266511638187,0.19723612892082504,0.78 +1930,2.5038878989881845,0.20067870319937484,2.44 +1931,1.1597508493293929,0.1964416451472156,1.2 +1932,0.5158256775699499,0.20093670698159233,0.42 +1933,1.344408215604827,0.19582684410753332,1.42 +1934,0.890919612440715,0.19734670901120147,0.94 +1935,1.69989842738903,0.19653236217534814,1.62 +1936,1.068863375595135,0.19954266527596923,1.14 +1937,1.1561610263995625,0.1973758750793646,1.06 +1938,1.9580438902951256,0.1974914916254144,1.92 +1939,2.589367239640772,0.1983508526198138,2.52 +1940,0.5822674149044011,0.19712590704512356,0.52 +1941,1.3237631710430113,0.19646651211941943,1.34 +1942,0.8229101689524461,0.19917027565040366,0.9 +1943,2.6921677633003953,0.19975197597717637,2.66 +1944,1.0302252981974516,0.1961203744109416,1.02 +1945,2.214689200025352,0.19808078506794685,2.26 +1946,1.165115081639681,0.19651397044626526,1.18 +1947,0.8443928141194283,0.19620990192520307,0.88 +1948,1.2984659437651156,0.19630621712276422,1.34 +1949,1.4301629839193408,0.1970918807923252,1.44 +1950,3.675922493623972,0.2242662692756736,3.74 +1951,0.5750997437330723,0.19962586602232418,0.66 +1952,1.8365436225107459,0.1970895041861706,1.78 +1953,1.8703210742616774,0.19660937760791364,1.86 +1954,2.13032110588611,0.19759218258046707,2.16 +1955,0.9445517456046444,0.19717283123289783,0.96 +1956,0.7752212361434274,0.20007871138692412,0.86 +1957,1.15532402052174,0.2023806875788679,1.26 +1958,2.268577388282251,0.20140965587763243,2.26 +1959,0.2826613542653196,0.20272754975503915,0.3 +1960,1.6685690845628582,0.19668821744542359,1.64 +1961,1.128969153164233,0.19823444571869137,1.18 +1962,1.4568083285076967,0.20654406781441326,1.34 +1963,1.0720592848951958,0.1994047192894801,1.26 +1964,1.2322549010307369,0.19672323108159834,1.3 +1965,1.9255206504380338,0.19662554524026613,1.92 +1966,1.0040071852711367,0.19660234322935213,0.94 +1967,0.9895506207624882,0.197038163294849,1.08 +1968,0.5544644221271511,0.2003087177377965,0.54 +1969,2.5417649546758483,0.19890528085358977,2.34 +1970,0.8750191442467159,0.1963281910917423,0.9 +1971,1.7477700909896807,0.19973240720724467,1.8 +1972,2.8734481916292154,0.23068554904199295,3.12 +1973,1.5887593252210137,0.1962238487011898,1.64 +1974,1.7279664555856766,0.196267036636135,1.72 +1975,0.980585168967699,0.19649063105532044,1.12 +1976,3.756710844934875,0.2363664340077624,3.5 +1977,1.3548744833416637,0.1974110617522291,1.48 +1978,1.4667660455592113,0.19702670520391874,1.46 +1979,1.4706014316798575,0.1964663905926224,1.54 +1980,0.7951770162214991,0.19706792157899783,0.84 +1981,3.2476480090520714,0.2114613320130595,3.32 +1982,0.5303571398157654,0.19751573071515877,0.42 +1983,1.6873921654352118,0.1964764237560306,1.64 +1984,2.4764675420183706,0.1990238088544102,2.68 +1985,1.8253796285353276,0.19766610728429201,1.84 +1986,1.3405330713778354,0.19733390395186598,1.22 +1987,1.7978530992639987,0.19760909482457853,1.84 +1988,0.4166872867428273,0.2004411659635459,0.44 +1989,0.6335607590075487,0.19769927631878859,0.6 +1990,3.6771713460500215,0.23116261560230666,3.56 +1991,1.1357649097727058,0.19586501652687396,1.14 +1992,1.8513763477065277,0.19843530935178408,1.92 +1993,2.6743825392962974,0.20097794442499992,2.74 +1994,0.2237720458256276,0.198590518274967,0.22 +1995,1.7384138195762797,0.19645571523058067,1.7 +1996,1.3921591944789693,0.1970668193305313,1.5 +1997,0.834935231995461,0.1961976568870267,0.92 +1998,1.4282108009842727,0.19647500510927227,1.46 +1999,1.9922005892200674,0.1966661643018826,2.0 +2000,1.4287104284987184,0.19964820153559878,1.46 +2001,1.639851829715203,0.19875043809805204,1.66 +2002,3.1882181206967233,0.20662468416092597,3.2 +2003,1.484691628764682,0.19852669483141192,1.28 +2004,3.459363048650372,0.21103661417151368,3.5 +2005,1.899103366792171,0.19689213452855403,1.8 +2006,1.2359124012434637,0.19709867881279014,1.14 +2007,1.069304118013475,0.19744148761554797,0.96 +2008,0.510857305491955,0.19777436255998726,0.56 +2009,0.8083302647727586,0.20103449399801548,0.68 +2010,0.19281666075782278,0.20293095046414122,0.26 +2011,0.5544250477954804,0.19952564920137555,0.56 +2012,0.13266646218805334,0.20435680188774796,0.28 +2013,1.861742729260365,0.1975541483597944,1.72 +2014,0.9341928469797727,0.19621814492345682,0.86 +2015,1.9511688242185206,0.19727761172871536,2.0 +2016,1.4376442852031102,0.1974915419000734,1.44 +2017,1.7041580635062301,0.19652513184451587,1.72 +2018,0.7650822712218568,0.19747179541002047,0.66 +2019,1.499203605440663,0.19897622048511143,1.4 +2020,0.25327817772099204,0.2003020508810866,0.2 +2021,2.262620038024602,0.19780031931050732,2.26 +2022,1.1123585892633092,0.19945055364819253,1.38 +2023,0.9289508146427605,0.19651959960593204,0.92 +2024,0.6222296908422704,0.20153621903323624,0.74 +2025,1.7300067863070456,0.19861695720855135,1.54 +2026,2.4189778364464773,0.19961696435928897,2.38 +2027,1.5501727901605014,0.20797993525711456,1.66 +2028,-0.008855006815168931,0.357950530923584,-0.22 +2029,1.5823995032524953,0.20087486768451013,1.74 +2030,1.345432316066538,0.19688313820404588,1.12 +2031,1.761778353393752,0.1962462345841308,1.82 +2032,0.4183739811854703,0.23154609234802156,0.26 +2033,0.22125666733420468,0.2104323243111171,0.32 +2034,3.0149313109105713,0.203265088036245,3.0 +2035,1.2933698062670187,0.19631542111489164,1.34 +2036,1.5263019480766236,0.19638001190746804,1.52 +2037,2.5032289988644782,0.19845177044871715,2.42 +2038,0.3463256721225352,0.2012885782161166,0.36 +2039,0.6888268934463531,0.2003128514714076,0.52 +2040,2.34622141927556,0.197975366619798,2.44 +2041,1.1068123938470293,0.1960030582835681,1.14 +2042,1.1669336611822585,0.1992854917765404,1.32 +2043,0.9394395240933775,0.19692353448776023,0.88 +2044,1.4373501918786373,0.1971539823222826,1.38 +2045,1.712820391176089,0.19740044199251788,1.64 +2046,0.8410217588220139,0.1974899282463693,0.82 +2047,0.508310655894376,0.19732785974905317,0.54 +2048,2.5631833244232674,0.20120537832878888,2.56 +2049,1.8068015329828584,0.19826620443593648,1.78 +2050,3.1435162298120756,0.20686392980580842,3.1 +2051,0.6212943055005236,0.19954532249872647,0.78 +2052,1.5331673110601112,0.1968478085281042,1.68 +2053,2.151549399107477,0.19747392078914197,2.1 +2054,0.6793940338585924,0.2003124968161192,0.62 +2055,1.3748564361370827,0.19997189222442924,1.82 +2056,0.9888268483375997,0.2005438716678575,0.86 +2057,1.9831751246725182,0.19804197886943212,1.94 +2058,0.6859057327801896,0.19788749449897164,0.66 +2059,2.002949463798829,0.19673146536433928,2.02 +2060,1.12548389513323,0.19756348697274392,1.12 +2061,0.41309799966893124,0.19884534338291926,0.5 +2062,1.2619744803308373,0.19680114484618721,1.4 +2063,2.0169412257592008,0.1970645612180369,1.9 +2064,1.7114768486060892,0.19675360586636842,1.78 +2065,1.3347521527947888,0.19690278054013094,1.32 +2066,1.1019796136704083,0.19624190509741474,1.08 +2067,0.9236351710439985,0.19640058973414826,0.9 +2068,1.4256553734052368,0.19701670562137386,1.48 +2069,0.9090958559289926,0.1973803072927361,0.86 +2070,0.7205243284007761,0.19702820570306356,0.72 +2071,1.7956555921359119,0.19724580001726724,2.48 +2072,1.7256575631037445,0.19686727619669844,1.6 +2073,0.9113353755847453,0.19727283737625495,0.9 +2074,2.1596248010783445,0.20331721782763232,2.3 +2075,0.9785639931646721,0.19604174404720223,1.02 +2076,1.4862183072917148,0.19888006387691393,1.38 +2077,1.091059870759569,0.1967858849390622,1.06 +2078,1.4511974795235316,0.19681076072063494,1.46 +2079,2.23355786584361,0.19967750768846781,2.26 +2080,1.2493706077986029,0.19803522942378612,1.6 +2081,1.7215487753068404,0.1962292457092682,1.78 +2082,1.6105106497847306,0.1959176480189425,1.6 +2083,1.2072017111750042,0.19734380504387103,1.22 +2084,1.175740088715711,0.19605014154148453,1.16 +2085,0.8652940006128778,0.20097236688794645,0.9 +2086,1.8610892678560584,0.19698069397544538,1.84 +2087,0.905735145983938,0.19723825317214705,1.06 +2088,1.1262970876762086,0.19785304897101672,1.04 +2089,2.1315104015431348,0.19728759024766312,2.14 +2090,1.9340034924990017,0.1968344066789409,1.92 +2091,1.0347598134393798,0.19614118139371106,1.0 +2092,1.8269864053615557,0.19633945537695646,1.86 +2093,1.3890521650340133,0.20279783020423264,1.3 +2094,1.743755615453669,0.1978505476252857,1.78 +2095,1.3081176182466163,0.20589782638575263,1.22 +2096,0.5379995293919901,0.19850713905459277,0.42 +2097,0.5060688550763088,0.1989906303508816,0.5 +2098,0.1292295455738568,0.24195260797356247,0.16 +2099,0.540692207177667,0.20479948325696729,0.6 +2100,0.4139748946626376,0.19901774578093676,0.34 +2101,1.0759355496390324,0.19632912498188654,1.18 +2102,2.2692330917233297,0.19837548404435681,2.26 +2103,0.8399623394678042,0.1977799377597953,0.7 +2104,1.7565132926959057,0.1971396441194964,1.92 +2105,0.9102288296288423,0.20121297511384978,0.94 +2106,2.3062114037518917,0.19879359295843926,2.28 +2107,1.8918727815802518,0.19998528317600567,1.84 +2108,0.7785563935835653,0.19874378840076037,0.68 +2109,1.598851017106174,0.19712316059544965,1.78 +2110,1.0355462031697003,0.19696211895558308,1.08 +2111,0.7158742334954544,0.19777588577093294,0.8 +2112,3.198105739094038,0.2072682465589413,3.16 +2113,0.7121522313771087,0.19745672165609757,0.78 +2114,1.55123685236188,0.19826688158846367,1.48 +2115,1.6185065773714078,0.20488932454297337,1.5 +2116,1.3806468866634143,0.1960936010807549,1.3 +2117,1.251640501862528,0.19719198669171348,1.26 +2118,1.36177243985414,0.19636063489496258,1.3 +2119,0.6255350543997622,0.19687579683917025,0.68 +2120,1.370899247220307,0.20076703232017604,1.58 +2121,0.7771739540796885,0.1970111367732385,0.8 +2122,0.44547462371934565,0.20218631492359915,0.44 +2123,2.65889152746951,0.1991679740147043,2.64 +2124,1.2650686841005543,0.19779425766855824,1.14 +2125,2.53767919491602,0.20056176902672415,2.6 +2126,2.873572038190765,0.20002312387601442,2.96 +2127,1.3811493548867073,0.19591690312796495,1.4 +2128,1.2998040656421324,0.1960588064471492,1.38 +2129,1.1147984525406458,0.19701079715328773,1.14 +2130,1.8948219544076381,0.19948113741519174,1.96 +2131,2.7363282406053417,0.20090508164797685,2.62 +2132,1.36740386819656,0.19617866565842884,1.4 +2133,1.6512688126454944,0.19653069761479913,1.62 +2134,1.2246152494454372,0.19709579771536584,1.2 +2135,1.5771489906802656,0.19836504211942038,1.76 +2136,2.039740830535995,0.19706469252232123,2.06 +2137,1.19245084310483,0.1958558879537746,1.16 +2138,0.9138295390162232,0.1964193658134027,0.86 +2139,3.0023655690297857,0.20499878588209297,3.0 +2140,0.8240006302638696,0.20458211574202984,0.86 +2141,3.8455609592127233,0.24123268415115495,4.02 +2142,0.9060467288227205,0.1965300111965308,1.0 +2143,2.8558018936560345,0.20208825937496977,2.78 +2144,1.4197378380298025,0.19622362652882125,1.48 +2145,0.929928196900182,0.1971434783077624,0.98 +2146,1.2196812507708716,0.19685122036938393,1.32 +2147,0.9111750485345773,0.19971686221188584,1.02 +2148,1.5113127078397754,0.19633179225900677,1.64 +2149,1.4425565481105342,0.20333569164515086,1.66 +2150,2.0409406246247213,0.19684536228341035,2.0 +2151,3.122704138493179,0.2285118710637433,3.2 +2152,1.232210166591364,0.19648434402506174,1.28 +2153,1.2296514302860642,0.19603873240764302,1.18 +2154,0.7207888361859622,0.19692309847072467,0.7 +2155,0.5764944194469079,0.19725472815891737,0.6 +2156,0.6549550432373694,0.19704843723183935,0.66 +2157,1.3193817925624982,0.19712651970044862,1.26 +2158,1.4909182735352986,0.19651909872333892,1.48 +2159,1.5862436464028598,0.196391979843537,1.8 +2160,3.5260007251141867,0.22505705023038775,3.88 +2161,1.2227703754763413,0.1974925698739717,1.18 +2162,1.5699527027810718,0.19588144663083942,1.68 +2163,0.33345210076456544,0.22569188777928395,0.42 +2164,2.090584084898792,0.1986519027540373,2.34 +2165,3.701525178913196,0.23015005675960187,3.7 +2166,2.2838771147071744,0.20038350584444914,2.36 +2167,0.4494261763221705,0.19755596899625502,0.44 +2168,0.8830710269596316,0.20042572660333452,0.78 +2169,0.9184866550617972,0.19676813652027614,0.9 +2170,1.5190038025432915,0.19700834164471565,1.54 +2171,1.4451026647577214,0.20506439824658995,1.5 +2172,1.656008679117666,0.19655591318011142,1.66 +2173,1.2000936839039449,0.19602730482713226,1.22 +2174,0.7784004119993826,0.19857939430453425,0.74 +2175,4.016862947011908,0.27780912691547704,4.18 +2176,0.7021003932271896,0.19682264343867406,0.62 +2177,1.3223902798255478,0.1974300236699394,1.42 +2178,2.013122621320101,0.19706851255789148,2.02 +2179,0.38237824696445655,0.19803734171964368,0.48 +2180,1.4333084180829956,0.19570913766000797,1.44 +2181,1.0726697355984791,0.19605078539795212,1.02 +2182,3.140477823458664,0.20475340237993464,2.96 +2183,0.7110305841529003,0.19741766461020965,0.68 +2184,1.1388261318528319,0.1977500389174216,1.14 +2185,2.1415205094525915,0.1974658390606961,2.24 +2186,1.4160668359405406,0.19595237675158597,1.3 +2187,0.5600354838535067,0.19839155606307543,0.42 +2188,2.0819448668303786,0.19707730340057733,2.0 +2189,1.185274904901286,0.19638892517320392,1.2 +2190,1.649359123128368,0.19620628395066786,1.7 +2191,1.3703076271746575,0.19776703120716888,1.3 +2192,3.0116055719750094,0.2081473823089093,2.96 +2193,1.2742738356082461,0.19743979502385564,1.46 +2194,1.4479931014102,0.1967596131509342,1.42 +2195,1.3414332866561578,0.19608597657718094,1.46 +2196,0.9531083135306253,0.19745485903304816,0.9 +2197,1.662538784394066,0.23260990971559936,1.78 +2198,0.8291223674827191,0.19747296015432653,0.94 +2199,1.0992517164971958,0.19779367878030607,1.06 +2200,1.1433377482885194,0.1959557455398358,1.22 +2201,1.9433547361743315,0.1997356126199856,2.06 +2202,0.8526309721110021,0.19657269525649146,0.94 +2203,3.6283395289831626,0.22483927474627427,3.6 +2204,0.9650851906376385,0.19656617165972204,0.92 +2205,1.158571971390269,0.21429431774816007,1.26 +2206,2.9883043925264006,0.20784602991521473,3.16 +2207,1.3863661058145227,0.19750930247007023,1.48 +2208,0.5036153173669398,0.1975702816017828,0.44 +2209,0.987487847079533,0.1964808306202385,0.94 +2210,1.728520519612042,0.1967243217630004,1.72 +2211,1.4606194218372468,0.20218406804729305,1.42 +2212,1.3202506653411312,0.19769643943708715,1.4 +2213,2.217043333472394,0.1994603215130603,2.06 +2214,1.9566688753906125,0.20194128832446173,1.96 +2215,-0.0023173790159778385,0.27248231337164264,0.1 +2216,1.4523677211706767,0.19674318216533282,1.5 +2217,0.4662411506582962,0.1971861684290759,0.56 +2218,1.6097220503436578,0.2019307058959407,1.64 +2219,0.36748341830344344,0.19828826935437394,0.3 +2220,1.9444487595602427,0.1988524898887008,2.02 +2221,2.085278380203966,0.19904320495628897,2.24 +2222,3.4296141439072474,0.25546001894300474,3.5 +2223,1.071578039116524,0.19654612737976318,1.08 +2224,1.7700959339014037,0.19629766740195728,1.74 +2225,1.7101190990064716,0.19791973888713724,1.66 +2226,1.8023543960303128,0.19665974854153942,1.82 +2227,0.23218079413507708,0.19943610295508163,0.2 +2228,1.8266167588743976,0.19660902674047745,1.88 +2229,2.4181668250064576,0.19818464438077765,2.42 +2230,1.4499003770916055,0.19715143241752295,1.36 +2231,1.9218404777174158,0.1966990139530225,1.86 +2232,2.642694322739587,0.20001989689712243,2.5 +2233,0.9209895998654853,0.19705924170093905,0.9 +2234,2.862709356184784,0.2031521722374651,2.82 +2235,1.3387295017901186,0.1960393533379974,1.26 +2236,1.0500060351179867,0.19867408642088713,1.04 +2237,1.9525731277092686,0.1988572814381453,1.94 +2238,0.955633248169768,0.19701496360926424,1.16 +2239,1.4269461533345322,0.1960013147255978,1.42 +2240,1.5876399059224648,0.19597566390701313,1.48 +2241,1.2362655094794655,0.19707443599493726,1.22 +2242,1.0581769901079865,0.19668132739094443,0.96 +2243,2.224727651183447,0.19772265146013046,2.14 +2244,3.353396530059833,0.20982582309108386,3.36 +2245,0.8194377674476043,0.19716515111288813,0.72 +2246,0.43501445164916364,0.197613819357562,0.48 +2247,1.5424020052409646,0.19629569250382126,1.62 +2248,1.7441560899130524,0.19625182477968903,1.68 +2249,1.5851459324662014,0.2026280120762399,1.52 +2250,1.4284569519611883,0.19678361732333055,1.46 +2251,0.7850790295576322,0.19676258057508506,0.88 +2252,1.4347922868228409,0.19621454563502916,1.46 +2253,1.9878114331344299,0.19975772995557436,2.0 +2254,1.1177637155682305,0.1958619829647689,1.2 +2255,1.971426654018945,0.20127208317964643,1.92 +2256,0.5977633222456431,0.19700237121167205,0.5 +2257,1.6525036465262453,0.1986745873667463,1.86 +2258,1.071176590879146,0.19704454155446866,1.3 +2259,0.5918610684075789,0.2005845939982835,0.6 +2260,0.8343428330894045,0.1970631019393374,0.78 +2261,0.40313313495142555,0.2017698208942907,0.42 +2262,0.8176284119178874,0.21027225575695202,0.8 +2263,1.358837850407267,0.1970866684655175,1.28 +2264,0.29465797756891,0.2056326601766086,0.48 +2265,0.5565995325663775,0.19856936709699974,0.62 +2266,1.8274357375027002,0.19647573347174743,1.88 +2267,1.175927421152291,0.19623139754966198,1.14 +2268,1.770963239976504,0.19629884489755825,1.68 +2269,1.0875789797008704,0.1966414310360345,1.2 +2270,1.7170356489790648,0.19621113100657514,1.72 +2271,1.4898635144609957,0.19720045312897258,1.5 +2272,1.7914502802483536,0.20045512973557267,1.9 +2273,1.0934368870126763,0.19894278559830092,1.08 +2274,0.926930754560686,0.19639327604386317,0.94 +2275,1.2094179439790511,0.19631740808980214,1.12 +2276,1.3945907310848056,0.19604795093816405,1.46 +2277,1.7290952590650837,0.1989768644494601,1.74 +2278,0.9792312787380255,0.19748711243327105,1.02 +2279,1.6078836296792027,0.20059214734959438,1.7 +2280,1.7353482403562999,0.19810514237690643,1.8 +2281,1.924134631984431,0.19982616338682618,2.08 +2282,0.988801379054447,0.1962544678148019,0.96 +2283,0.947607403804319,0.19667898575070225,0.98 +2284,1.7578917337793185,0.19637238239548746,1.84 +2285,1.23801945832443,0.19689614464259023,1.4 +2286,1.574008134232467,0.1962176428559245,1.56 +2287,1.415342588164632,0.19631857527162555,1.28 +2288,0.9760111651065553,0.21751804770160693,1.0 +2289,2.011176431985563,0.1967897055794996,2.08 +2290,0.5630133036654195,0.1970949309755825,0.66 +2291,0.9027076183249378,0.19950104316533543,1.02 +2292,0.40091933851532735,0.19980635931829924,0.34 +2293,1.9191700513182077,0.19697830610838565,1.9 +2294,1.4609055395492034,0.19750918518995766,1.52 +2295,0.7094265879212878,0.20102568572657276,0.72 +2296,1.359239938870822,0.19994488128229235,1.18 +2297,2.0898553248666527,0.1978284879779126,2.16 +2298,0.7464442392443282,0.20080948344695942,0.6 +2299,1.5673480154381418,0.19719013696805926,1.4 +2300,1.9250481659951135,0.197130419266896,1.74 +2301,1.4939274473798534,0.19627934039754866,1.54 +2302,0.34353382081750583,0.19968104063184655,0.44 +2303,1.1305216308472352,0.19792715830543522,1.04 +2304,0.8240507340698531,0.20165586113626216,0.88 +2305,1.469521223716701,0.19611176803514296,1.58 +2306,1.6852326312961163,0.19619529254274237,1.72 +2307,0.6454488216665759,0.20204132941002734,0.74 +2308,2.136827539567274,0.19758254231555525,2.12 +2309,0.8590216616654798,0.251976408788134,0.8 +2310,1.389523194087162,0.19668350575645022,1.44 +2311,1.3597615777232126,0.19690127882757602,1.34 +2312,0.33361254561128817,0.1999014272143902,0.28 +2313,1.0437224213561753,0.1967021807631439,0.98 +2314,1.627618798803184,0.19653841230797547,1.62 +2315,1.0304524961979011,0.19761278212158753,1.12 +2316,0.45133647521357956,0.19774651503254034,0.4 +2317,2.8507977263034547,0.20104888297727755,2.8 +2318,0.8012584713620634,0.19664363704268295,0.86 +2319,1.6067128092592,0.19802353346304966,1.56 +2320,0.6820842134661449,0.196913014859103,0.7 +2321,2.494479258975106,0.19809626869723856,2.42 +2322,0.8057437340152571,0.1964346168896543,0.8 +2323,1.1506098124034727,0.19750210021178702,1.2 +2324,1.4749065659966591,0.19896083547691532,1.44 +2325,0.43909224956895354,0.1999481337693458,0.44 +2326,2.6520576276213483,0.19916997833724412,2.66 +2327,0.4915454265223622,0.19997928286461797,0.52 +2328,0.5739442188576684,0.19736088211311026,0.54 +2329,0.6229521803493974,0.1970638686328897,0.54 +2330,1.4783398566119508,0.19712459742693775,1.46 +2331,0.919270654317881,0.19625033815149565,1.06 +2332,1.1484841217045036,0.20290574210215187,1.4 +2333,2.3472324447423074,0.20076253568329844,2.66 +2334,1.2943621462587562,0.19727127118018903,1.24 +2335,1.388467264278308,0.19601787763312295,1.42 +2336,1.2439181760921483,0.1974145030626388,1.26 +2337,1.5202384809944562,0.1966405358371421,1.54 +2338,0.759884973739867,0.19629216469878127,0.72 +2339,1.3947171278349004,0.1992625657175782,1.36 +2340,2.5216508203126557,0.2030183601958054,2.54 +2341,1.810679010777188,0.19672295436733186,1.9 +2342,1.265997619654313,0.19751578350763369,1.18 +2343,1.2245225531467931,0.19620206806394155,1.2 +2344,0.6875907121719913,0.19716911428260955,0.62 +2345,0.3459125482299086,0.21052039223805238,0.38 +2346,0.8305751480775683,0.19756906448819347,1.04 +2347,1.8477142528854777,0.19669004172793877,1.86 +2348,1.06893498384897,0.19674789070533893,1.26 +2349,0.9339467376693247,0.19626487786362742,0.9 +2350,1.7016297669591784,0.19621277939361587,1.72 +2351,1.6765485273409597,0.19657084071635433,1.66 +2352,0.13962038586838932,0.200767811086024,0.06 +2353,1.0478277288220763,0.19633717531337963,1.06 +2354,1.4665138443012111,0.19767343733390455,1.46 +2355,0.8890754605209108,0.1970241380556829,0.8 +2356,1.9303421195662027,0.1969349154604731,2.06 +2357,1.0684733314999513,0.19772077206139035,1.14 +2358,1.5891272174077962,0.1964688301763361,1.48 +2359,2.059127410189372,0.19738553572714487,2.14 +2360,1.6887483622090897,0.1968066527474777,1.66 +2361,0.46059120499536976,0.20184564693800564,0.5 +2362,0.9650319358012507,0.1971050540606407,1.04 +2363,2.1220911181811197,0.19826392357779052,2.18 +2364,1.5392444940841523,0.19683452092806286,1.52 +2365,2.8720513344298824,0.20074506606018278,2.6 +2366,1.5904614422653336,0.2017893838126645,1.58 +2367,0.6922312102691381,0.19676041686611592,0.74 +2368,2.056783179628946,0.19742235403097363,2.14 +2369,0.9956544505638572,0.19610057018316773,1.12 +2370,1.5442224703207206,0.1965955788516529,1.38 +2371,0.619755543475637,0.20515060587701756,0.72 +2372,1.0124285410014147,0.19617600891140158,0.96 +2373,0.7252748971078025,0.1963529025131817,0.8 +2374,2.812064461865672,0.2092777324537593,2.9 +2375,1.0832563392478822,0.19707744004802763,1.08 +2376,-0.06244066400533255,0.22183407755353726,-0.04 +2377,3.046180676853861,0.20254870995194096,3.02 +2378,1.0582195368772553,0.19706109870612384,1.0 +2379,2.002305316939972,0.19764444161663935,1.94 +2380,1.001614823596069,0.19703581326880307,0.8 +2381,1.116267824232235,0.19796775955860088,1.18 +2382,1.057188787023149,0.19693055168586973,1.06 +2383,1.1062930266833821,0.1964689825050564,1.14 +2384,1.3845748227890566,0.20151162819326096,1.62 +2385,2.5346323825626937,0.20109081386703864,2.5 +2386,0.11889569530136179,0.2194386866326735,0.06 +2387,1.4790698238713142,0.19680455096284485,1.56 +2388,1.0078419998714887,0.19681647926214071,0.96 +2389,1.2783908697071267,0.19890463269970454,1.14 +2390,0.8654391073298917,0.1977406832431661,0.82 +2391,0.5775082535946334,0.19806023139136086,0.62 +2392,2.666507037207253,0.20104151421894417,2.6 +2393,1.2840874325149498,0.19771193892959468,1.16 +2394,3.4031450069241456,0.22753426276305144,3.5 +2395,2.5725674262295173,0.19914949665635995,2.48 +2396,-0.066914951742308,0.21600250883106892,-0.26 +2397,0.9523644843220829,0.1973821946193459,1.0 +2398,1.0274091505195448,0.19632402223721118,0.92 +2399,2.021927372402074,0.19726686131018054,1.92 +2400,0.14125263778767305,0.21564902479354445,0.0 +2401,1.8343215682235896,0.1964908041763496,1.82 +2402,2.8333086843892876,0.2139403349440574,3.0 +2403,0.7393926077910515,0.21777284132885974,0.66 +2404,2.192491369876168,0.1972643912003818,2.16 +2405,2.4305929301371294,0.20062669699959523,2.42 +2406,0.8023093881493537,0.1978547940196577,0.84 +2407,0.7483955006734542,0.1977849423845923,0.7 +2408,1.0271255404891084,0.19723921297738126,0.98 +2409,0.3391583367278175,0.20362440169311619,0.22 +2410,0.7343509034677858,0.19949448093759564,0.62 +2411,1.1563907305267858,0.19762585169060753,1.26 +2412,1.7751471985731602,0.19650888277868866,1.9 +2413,0.7816913539847501,0.19696992623260814,0.7 +2414,2.435186008692714,0.200848941391465,2.16 +2415,2.433494555422121,0.2010746979163654,2.26 +2416,1.076064928968778,0.19609325402930097,1.08 +2417,2.1553165326153723,0.19733342407926335,2.08 +2418,1.9095859959357449,0.19716296975273664,1.86 +2419,1.2113276806644917,0.19835450896389847,1.22 +2420,1.6119157523263885,0.19614481092141375,1.66 +2421,0.8312965190231016,0.19698953440113165,0.78 +2422,1.816883993105908,0.19621320675568804,1.88 +2423,0.9947457056097009,0.20317892641859678,1.06 +2424,4.239460202908816,0.6142381556228736,5.16 +2425,1.260261353409112,0.19710736884332666,1.22 +2426,1.0181187086509573,0.19730540032420021,0.9 +2427,1.408110775898141,0.19679491174741157,1.46 +2428,2.2617724954376026,0.2042603246219037,2.22 +2429,2.8253006465129404,0.20044367207737898,2.86 +2430,0.8857217223423239,0.1989601022814562,0.92 +2431,0.8005358846462327,0.1993175398513749,0.72 +2432,0.9554590524114133,0.196831660014679,0.88 +2433,0.778908525484278,0.19763221557331564,0.78 +2434,1.0802862477493191,0.1976959161241546,1.1 +2435,1.7743198954613932,0.20269796518852828,1.82 +2436,1.6009964663428966,0.1965395867345657,1.6 +2437,1.8552814345706432,0.19634124130938094,1.86 +2438,1.1495289687666692,0.19648795584260925,1.16 +2439,1.4809799256807645,0.19630515949384705,1.56 +2440,1.2202918513643897,0.19666202084737233,1.18 +2441,1.5596713754558604,0.19589438738388396,1.48 +2442,1.867510945560936,0.1964840436010169,1.86 +2443,0.727954332742969,0.1982777661225189,0.76 +2444,1.0706623943025397,0.1966241432969116,1.1 +2445,1.5455038569558583,0.19754057477711556,1.58 +2446,1.5275988501568865,0.19970569073781372,1.34 +2447,1.0482386612523515,0.19864359744333032,1.04 +2448,2.0665374516587307,0.20197881859827338,2.2 +2449,1.8559768607734504,0.19673245933438632,2.44 +2450,3.6429069783034334,0.2207725592671468,3.8 +2451,0.645164181090641,0.21862446910941133,0.7 +2452,2.415243530947557,0.198034310467884,2.34 +2453,0.919103023090271,0.20933854329891896,0.78 +2454,1.7474467877653854,0.1961245299492112,1.72 +2455,1.246631943545292,0.19945584385698586,1.24 +2456,4.062901053732613,0.2862400918926282,4.4 +2457,1.0663697196816273,0.20167497147546054,1.06 +2458,1.0980576327294733,0.19707156190607847,1.0 +2459,1.5285949429067158,0.19618689706402945,1.68 +2460,1.4541539335733162,0.19582813848230948,1.48 +2461,1.2186794704248154,0.19590947644959,1.16 +2462,2.1936296870104823,0.1971994256758957,2.2 +2463,2.4912756144533668,0.19983974206654834,2.68 +2464,2.0582944123289275,0.19730040851458608,2.0 +2465,0.7996093002269646,0.19659506681177744,0.74 +2466,0.7886323434942208,0.20163903173202377,0.76 +2467,4.112447504063283,0.3123345243879773,4.48 +2468,0.9470012992639472,0.1961682223477855,0.96 +2469,1.1458345920845014,0.19599039465671386,1.1 +2470,0.2059210651183827,0.20637553373087314,0.14 +2471,2.360320139004005,0.19874424177568692,2.4 +2472,0.950519646965275,0.1964265328552904,0.94 +2473,1.866474374548206,0.19669673157221187,2.04 +2474,0.8223585365343291,0.19691212426621935,0.76 +2475,1.694129051167625,0.1975472311590286,1.62 +2476,0.37999455120583914,0.20314755149078365,0.32 +2477,0.5660644435600313,0.19830641937158439,0.56 +2478,1.162901484521413,0.19688605658991756,1.34 +2479,0.32583117591565514,0.2039097362513331,0.4 +2480,1.6968662256121845,0.19673665562136133,1.72 +2481,2.7274357430722986,0.20080661975058886,2.68 +2482,1.2436852720585905,0.1968814785171832,1.18 +2483,1.5694896726897016,0.1992806782549638,1.66 +2484,2.1332176020498803,0.21008359489914102,2.16 +2485,1.2413904186611822,0.1959762905046225,1.26 +2486,1.9254425462847866,0.19641990212367422,1.88 +2487,1.0009055064945973,0.19622732204136,0.94 +2488,1.2965786943731246,0.19788582433803958,1.28 +2489,1.7362068996476845,0.19681896049936884,1.72 +2490,1.6479383286634444,0.19594421715347882,1.62 +2491,1.4138869529847482,0.20036347353954886,1.22 +2492,2.9694261220085365,0.2216388567655057,2.78 +2493,2.2177644783122465,0.1980495424182656,2.24 +2494,0.6591403039193995,0.19667742501575392,0.56 +2495,0.6650730266785134,0.19933710866686197,0.62 +2496,1.235364960478917,0.19681127156361747,1.12 +2497,2.121443813847638,0.19989009822742687,2.06 +2498,1.3331100802704454,0.1965348154281655,1.32 +2499,0.38235800701147205,0.1999867219108084,0.3 +2500,0.8714506693781296,0.19781352737562752,0.88 +2501,0.33767317705303124,0.19802226895628836,0.4 +2502,1.660521106935708,0.19661684978642627,1.78 +2503,1.677810261796545,0.19648865869441118,1.7 +2504,1.8816118459262747,0.19745375989409683,1.92 +2505,0.4776195864854973,0.1976907640250215,0.54 +2506,0.5803720869165192,0.19695452839274805,0.58 +2507,1.5949941071358027,0.1967209964151282,1.62 +2508,1.60108169355582,0.19649230126909978,1.54 +2509,1.426817588241624,0.19640455338960527,1.36 +2510,1.907587065265563,0.20532225432503778,1.96 +2511,1.270141098848797,0.19605032583431156,1.28 +2512,1.0273681250474849,0.1988033710888515,1.04 +2513,0.9208138684564564,0.2011465947860572,0.92 +2514,1.1884083786922148,0.19636983786721018,1.08 +2515,2.1177577088689143,0.1972774361135424,2.08 +2516,1.5309709113943182,0.19611868399731552,1.5 +2517,1.2422852834117486,0.19611993311813242,1.2 +2518,1.0329975304402397,0.19618345823110772,1.16 +2519,1.5022872243217953,0.1960623050169191,1.62 +2520,0.6633931043978496,0.1980997540292265,0.6 +2521,0.18137781749356519,0.20645331196084793,0.1 +2522,1.6201022665685194,0.19738358504279752,1.68 +2523,1.9792085011990395,0.19706734750321359,2.04 +2524,1.287652618883349,0.19672012563392602,1.32 +2525,0.39559523079220393,0.19807860988167095,0.32 +2526,2.944408722435978,0.207924315072435,2.92 +2527,1.7267962397577516,0.196748949493874,1.68 +2528,0.671457098661036,0.19706122113916674,0.64 +2529,1.4360523326990315,0.19729316459675642,1.48 +2530,1.2008503618736115,0.1981171923995731,1.12 +2531,0.6062292475323181,0.19728909150063859,0.56 +2532,0.8571061696829612,0.20479839996888616,0.8 +2533,1.0543126356060746,0.19619364374214127,0.98 +2534,1.9200454127249835,0.20001228400253213,1.8 +2535,1.795158591662008,0.20044959927809347,1.9 +2536,1.54505911740089,0.1960652694526796,1.58 +2537,1.1021971910087167,0.19626879058773206,1.08 +2538,0.154341405978339,0.19946555493747,0.2 +2539,1.5187251829004307,0.19600165047133086,1.56 +2540,1.1419448988518446,0.1968233357327425,1.24 +2541,1.9995048430683573,0.19711976356880087,1.98 +2542,0.8679605478170334,0.19659557218675616,0.84 +2543,1.411720702909904,0.1967665021300258,1.38 +2544,1.85445356482967,0.19672972867897062,1.84 +2545,2.299891572701681,0.19842909285051244,2.36 +2546,1.43069136779738,0.19847837592922446,1.58 +2547,0.4530249436139626,0.2026670133894645,0.42 +2548,3.085680261174922,0.20372290628236764,3.02 +2549,3.9515900110678177,0.27849483302412753,4.32 +2550,3.1041865281927965,0.20172975579418512,3.22 +2551,1.2890179255736567,0.1966948843289975,1.26 +2552,3.963623301504502,0.31678537044554334,4.04 +2553,1.3579447334377028,0.1960070823285139,1.34 +2554,0.40705645784602495,0.20497571974333767,0.46 +2555,1.128428483173625,0.19602982823299323,1.08 +2556,0.6425099700111463,0.19786941238633754,0.62 +2557,1.7342362822679265,0.19760771367877522,1.66 +2558,2.1166956577043736,0.19678417662733338,2.14 +2559,0.8001250027232476,0.1968257119523532,0.76 +2560,1.2199194151031922,0.19799306632497274,1.18 +2561,0.6714094684757259,0.19954496395525187,0.62 +2562,0.9332701095335993,0.19674231867456893,0.86 +2563,0.3468322601217044,0.20398770116101203,0.34 +2564,0.8884175611979948,0.19685491492383667,0.82 +2565,0.9798517694337936,0.1973714080564512,1.02 +2566,1.0411436539551855,0.19633769107064222,1.04 +2567,0.5602287294641339,0.19759007331356937,0.58 +2568,1.0967152329112015,0.19816398868287832,1.1 +2569,2.4115198740513977,0.1980723654143971,2.38 +2570,1.7890002116259152,0.1968406332913669,1.88 +2571,1.1871086656897263,0.1965640346336577,1.44 +2572,2.0301547680643255,0.19725647238974678,2.06 +2573,1.6840222518773227,0.19620828273414137,1.74 +2574,1.203076592705139,0.1964132379158789,1.28 +2575,1.8474462836468712,0.2196307386779064,1.86 +2576,1.1701761553659642,0.20171501095124794,1.26 +2577,0.44864788747858886,0.19700513505398426,0.42 +2578,2.7638044214602027,0.20824089507219257,2.9 +2579,0.6435239519381957,0.19751702254741624,0.68 +2580,0.9250149477023113,0.19669377492458828,0.76 +2581,1.0258555872099533,0.20296487834974813,1.06 +2582,1.3134189032955614,0.19716257816675972,1.28 +2583,0.8042374683779736,0.19634341184089688,0.72 +2584,1.089891347605647,0.19648026094842272,1.14 +2585,3.442249658231124,0.23458251866871743,3.34 +2586,1.5852082867626667,0.19850438711413118,1.56 +2587,0.6860062008588552,0.20210250119307455,0.68 +2588,0.8451747228462816,0.1966879174391425,0.76 +2589,0.8404456751841489,0.1964592168034584,0.82 +2590,2.6602657589216734,0.20215027340406583,2.3 +2591,3.4014780292326665,0.2187410828486451,3.26 +2592,0.1288901209556883,0.20255330453526849,0.06 +2593,3.6716916965385495,0.24194020355067214,3.88 +2594,0.6597545259096269,0.19813678767060175,0.62 +2595,1.3013005372892037,0.19671748172372486,1.38 +2596,1.4344784653834088,0.2030550508406366,1.34 +2597,1.871172607517686,0.2004364875419852,1.78 +2598,2.5104385744271625,0.198259869916087,2.48 +2599,1.7898909227766011,0.19639119566237503,1.82 +2600,0.9031738307797048,0.19781794668663485,0.92 +2601,1.2627997987871296,0.19697027841974377,1.22 +2602,0.4620248980488195,0.197261783394141,0.4 +2603,1.8447204165388453,0.19679587649764232,1.92 +2604,0.8808643288120874,0.1995246746241427,0.96 +2605,1.972049405805362,0.19692766018264926,1.94 +2606,2.111760935908953,0.1970891976039602,2.04 +2607,0.7995732392500454,0.19660745550645845,0.9 +2608,0.6345436818856314,0.20083812512480437,0.54 +2609,1.808528337007611,0.19652653057063513,1.76 +2610,1.2157161142725479,0.19585442637394102,1.22 +2611,0.6088262591038176,0.19853218185178265,0.6 +2612,1.275358069446753,0.1963059619532397,1.2 +2613,1.0577368671848764,0.19705176022452583,1.16 +2614,2.7636401711402083,0.20431974487913307,2.72 +2615,1.880510246234913,0.19705574574746618,1.94 +2616,1.532097299588549,0.19682582602642784,1.5 +2617,2.50744183642997,0.19931016878416685,2.72 +2618,2.321121594369036,0.19724144284025957,2.68 +2619,2.6057542556315885,0.2000040849602577,2.6 +2620,0.89365270913967,0.19710072838899076,0.84 +2621,0.8133915404953125,0.1966166687308596,0.86 +2622,4.1043023490078365,0.3415123935244359,4.58 +2623,1.960874369409928,0.19666179291979735,1.9 +2624,0.722492898370195,0.1968476189195628,0.76 +2625,2.0330595169161474,0.19724844878865286,2.0 +2626,1.7849388037921115,0.19666915239691135,1.76 +2627,1.2136717592357331,0.19660655682500824,1.2 +2628,1.4144556798893464,0.19600490048313665,1.34 +2629,1.6051152143978484,0.20230449986629098,1.64 +2630,0.9284823459028311,0.19669826019989797,0.9 +2631,0.9161545007404182,0.19706443377873403,0.86 +2632,0.7544793392060192,0.19760979106339735,0.74 +2633,1.5583873373072747,0.19803005878896343,1.48 +2634,0.966794966827788,0.1960474700166778,0.98 +2635,0.9131667405365349,0.19666023194173257,0.96 +2636,1.9485562965401537,0.19675456047319573,1.98 +2637,1.784149809738381,0.21369144721801545,1.86 +2638,0.9591816239140638,0.19616665001095446,0.9 +2639,1.4628874749237615,0.19680633421662913,1.64 +2640,1.0624153468196451,0.20873144786337292,1.1 +2641,1.3037830411683575,0.19795660567925027,1.08 +2642,1.7980879129953298,0.1963334629999875,1.86 +2643,1.0724627905363295,0.19636985192469483,0.98 +2644,0.6668856244702863,0.1966047411188977,0.52 +2645,0.6115689853465822,0.19957386354395357,0.58 +2646,0.46745627547800117,0.20387783428111736,0.38 +2647,0.9506011600214734,0.19671058663186544,1.14 +2648,2.11161008542587,0.19803794319349333,2.14 +2649,1.280825378256114,0.19796528010390618,1.14 +2650,1.309106782226591,0.20302829327145258,1.24 +2651,1.458239597314544,0.1962507909165849,1.34 +2652,0.2999287874984422,0.20151140840456894,0.3 +2653,0.6867586153336738,0.19877174487342084,0.6 +2654,1.6876541764047457,0.19635297050374279,1.8 +2655,1.05470658449496,0.19734713843733653,1.04 +2656,0.8305432129303665,0.1963185524773631,0.88 +2657,1.656009679836162,0.1958797044917082,1.66 +2658,0.20581228638401017,0.28245784815162045,0.1 +2659,1.441609467568314,0.19641315336318454,1.46 +2660,1.4615048768734131,0.19698432385751893,1.54 +2661,0.6831462608806746,0.19980896582008692,0.74 +2662,2.742442199395699,0.20147457957803333,2.78 +2663,1.6523302177660595,0.19880016667971398,1.66 +2664,4.002001379810462,0.300345246094316,4.26 +2665,0.8213290115116907,0.19608356194742121,0.86 +2666,1.0325324643155478,0.197355439943763,0.98 +2667,1.6131204316586598,0.19594924527609445,1.74 +2668,0.7884952791617355,0.19651361984152046,0.8 +2669,1.055342898421554,0.19626472110972845,1.04 +2670,1.3460028228549992,0.1959003658663512,1.34 +2671,1.3566282045250104,0.1968774799952653,1.48 +2672,2.04048766852495,0.1974112031008498,2.06 +2673,0.46156046028115005,0.1991729054093691,0.42 +2674,1.8477213074339085,0.20221405175723783,1.84 +2675,1.5089643855589183,0.19667083469735516,1.64 +2676,1.7131011013466275,0.196756540501543,1.66 +2677,0.5508678818254227,0.19816189945678309,0.64 +2678,0.20795949553006166,0.3062227346166447,-0.02 +2679,1.4427518479909511,0.1972232973063893,1.48 +2680,1.4624746808515177,0.19743365215387743,1.48 +2681,0.20710090557956584,0.2015201044998344,0.26 +2682,0.35963814821570694,0.20070233326656428,0.4 +2683,1.271375633966025,0.19605771505682687,1.32 +2684,2.6750287833823387,0.20401885822085408,2.7 +2685,1.2948590411198002,0.19666862362703358,1.34 +2686,1.2799775852789097,0.19652849037575024,1.32 +2687,0.3775561907003453,0.20867010529688454,0.48 +2688,0.910490548453949,0.19724242352377644,0.82 +2689,0.8147894556040327,0.2000734858312651,0.78 +2690,0.8037447695144988,0.19750453389981718,0.84 +2691,1.8248992325584905,0.19646066404496418,1.9 +2692,1.452395266539993,0.1973212862396305,1.24 +2693,1.678257584011266,0.19653204044981384,1.84 +2694,1.5336239076422444,0.19750088230640822,1.56 +2695,2.7125321000337927,0.203764361170539,2.76 +2696,0.2020742143577572,0.20012594911565387,0.2 +2697,1.4517595525009082,0.19661804007461872,1.38 +2698,0.7030556907407608,0.196957403683615,0.58 +2699,1.2285866829713843,0.1961155263002216,1.18 +2700,1.6630290485184238,0.1961575524397116,1.66 +2701,0.9105637049968833,0.19719510574584734,0.9 +2702,1.72665946870461,0.1965639445981014,1.8 +2703,0.7623381417188035,0.1976008779812568,0.7 +2704,1.2555146739018088,0.19655090697628932,1.14 +2705,1.2372237341660908,0.20063325634794799,1.2 +2706,2.4548347606673473,0.1994397989093999,2.36 +2707,2.3106757318091025,0.19885300914460463,2.4 +2708,0.9598895225472164,0.19733631745837427,0.94 +2709,0.3510915515717761,0.20052885680993734,0.4 +2710,2.3293072033934537,0.19937729814923058,2.34 +2711,2.1707426796712657,0.1987519048125581,2.12 +2712,0.7613381124477814,0.19656511309701177,0.78 +2713,1.484914783085419,0.19596803171214955,1.56 +2714,1.491385705791716,0.19711459371262083,1.52 +2715,1.529885085293469,0.19642052010319988,1.46 +2716,0.05167941415771571,0.5649463968639514,-0.32 +2717,2.073527029354511,0.19754273699389197,2.1 +2718,0.8135487050009504,0.19886767240300496,0.86 +2719,1.5190308364943483,0.19610009147811122,1.62 +2720,0.8934699003322111,0.19676817094884708,0.96 +2721,1.5653426532643713,0.19732113069398807,1.76 +2722,1.3304736243350512,0.19616027367328503,1.28 +2723,1.1632549337533247,0.19671734664257218,1.14 +2724,0.9106335771976952,0.1972810528787923,0.86 +2725,1.5384714490080302,0.19712291349880603,1.58 +2726,1.8168532555758894,0.19719005314798077,1.82 +2727,0.17765742963212028,0.2038945590173918,0.1 +2728,0.44214207864813226,0.20107594968451045,0.4 +2729,0.864950363833972,0.1982725916124401,0.8 +2730,2.1072748113792312,0.19841982401829983,2.12 +2731,1.7093999945886647,0.19628243401072548,1.66 +2732,1.4037212004011614,0.19700106102907458,1.36 +2733,2.1665397456650175,0.19749529814498062,2.18 +2734,1.890901575514428,0.19701824733311624,1.8 +2735,1.5351795646025082,0.19608629125203358,1.54 +2736,1.230145725912819,0.19781481403999893,1.22 +2737,1.40698017320683,0.19677848487669025,1.42 +2738,1.517308121236621,0.198416077025255,1.56 +2739,1.1782998745205382,0.19741668588432948,1.1 +2740,1.6787647336918812,0.1983531826381018,1.6 +2741,0.9348774336188721,0.19611681599526012,0.84 +2742,0.7070436886593399,0.2006401133841718,0.82 +2743,2.106119676379819,0.1969579408264777,2.1 +2744,1.7079164753272118,0.19629422647141165,1.76 +2745,2.210939018845028,0.1973824384172242,2.14 +2746,1.1721413112281907,0.19586383950025194,1.04 +2747,0.8400033679382488,0.19824880176275414,0.9 +2748,1.3231430007575329,0.20896530204433436,1.26 +2749,1.4543133659308172,0.19690100995612955,1.52 +2750,0.9852032371676342,0.19625358678226082,1.04 +2751,1.526234225018451,0.1962682410569267,1.62 +2752,2.168593740294043,0.19911887761333716,2.3 +2753,1.873342255521898,0.19723343435466117,1.92 +2754,1.6283799868906088,0.20091539552586307,1.62 +2755,0.7056672656609724,0.19707836668583667,0.7 +2756,1.2157045883479585,0.19741267125093614,1.14 +2757,1.0515216737337296,0.19767721699675844,1.2 +2758,0.9123302233922332,0.19858375075691528,0.98 +2759,2.974112793157931,0.20374820937594482,2.94 +2760,0.6712090141794635,0.19988451003157345,0.66 +2761,1.3839517832780412,0.1960737528149856,1.4 +2762,0.5040448937343867,0.2566376748506117,0.5 +2763,1.6224209608944618,0.19598030395188495,1.68 +2764,1.0045258877723011,0.19667406647303529,1.0 +2765,0.807457239985583,0.20055671387262775,0.86 +2766,1.4135121855467703,0.21103742431923958,1.42 +2767,1.5318995765562797,0.19774372020909828,1.68 +2768,1.0378526999785362,0.19685125871518205,0.94 +2769,2.142556572860819,0.19783622695615727,2.06 +2770,1.125103740221155,0.1966655345561516,1.2 +2771,1.2042470496456759,0.1977327340652669,1.22 +2772,1.1544432097656174,0.19822564770673745,1.34 +2773,0.9757479219589082,0.19745779305036634,0.94 +2774,0.6756465084112793,0.19767541919600085,0.8 +2775,1.3597217199862057,0.19618228170203367,1.28 +2776,2.0304203604121676,0.19668192605248705,2.1 +2777,0.6215297785758462,0.20181570511050928,0.56 +2778,1.3412931724636388,0.1967196464573479,1.34 +2779,1.3770400908577245,0.19613355977986965,1.36 +2780,0.02062057524205474,0.3816022266733843,-0.26 +2781,1.4774860037057698,0.19657127097452254,1.4 +2782,1.3334038943327142,0.20111699964745053,1.16 +2783,1.9851545000830675,0.19771723723601728,1.74 +2784,1.8621367046127015,0.19918333761667337,2.02 +2785,1.9474600880288726,0.19845975443607902,1.98 +2786,1.6943895157518303,0.1976995469907006,1.74 +2787,1.6841906668757574,0.19695736502799494,1.72 +2788,1.6706747679210427,0.19613084087646962,1.76 +2789,1.7226062335623875,0.19841841539411828,1.94 +2790,2.0030786777014598,0.20025430848986364,1.76 +2791,1.0449636606997936,0.19683412350289128,1.04 +2792,1.6464009287066026,0.19613788492278628,1.66 +2793,2.1463952740559678,0.19711802768135955,2.22 +2794,3.254324007233175,0.21078479235043945,3.36 +2795,2.2623143668808274,0.20060718828851234,2.36 +2796,1.594414754879387,0.19643137354454626,1.62 +2797,1.183783207449842,0.19697465783513787,1.24 +2798,1.3741641740699175,0.1961022840083684,1.38 +2799,1.2096702280952978,0.19722911224075365,1.22 +2800,0.7058107897916948,0.1964904116272293,0.66 +2801,1.1052616965108832,0.19698525230214103,1.22 +2802,1.986620537710654,0.19722317155979333,1.96 +2803,1.254631344880567,0.19645628212672742,1.24 +2804,0.8244041415245222,0.1968295713463567,0.8 +2805,1.4245877688232462,0.19712308810634122,1.44 +2806,0.93006794924355,0.19704913196266072,1.02 +2807,1.9099712608648702,0.19683373138920024,1.96 +2808,1.0437088075260998,0.19610512988070478,0.98 +2809,0.3039135947462459,0.19825320372761307,0.32 +2810,1.0299495640949319,0.21059034298894055,0.84 +2811,1.0528488792227446,0.19657248946192407,1.12 +2812,3.77054330697155,0.25206731311976344,3.82 +2813,1.5500986723034131,0.1984073483720117,1.52 +2814,0.7870441608934271,0.1976393704037288,0.7 +2815,0.5821145478206788,0.21509355813484085,0.6 +2816,0.9894313957173595,0.1963537858595535,0.96 +2817,1.0374697722926647,0.19715924506569404,0.98 +2818,2.6035070268089355,0.19925445296791278,2.74 +2819,1.6511293181451268,0.19583296924484292,1.64 +2820,1.5567433423675658,0.19814150564798685,1.46 +2821,1.6885084401962613,0.19660627829910915,1.76 +2822,0.8640788609697172,0.19954550761108383,1.08 +2823,1.60555986564603,0.1973700872146758,1.6 +2824,0.7924561670817551,0.20226844928384236,0.7 +2825,0.9044302824839914,0.2003541546546883,0.86 +2826,0.5262361031781129,0.19726473713448392,0.58 +2827,0.9957063262956869,0.19625848448870123,1.0 +2828,1.4590725393014936,0.19657789822489788,1.48 +2829,1.2065749632717602,0.2015696000281319,1.28 +2830,1.6080919794542199,0.19673617326847917,1.6 +2831,1.4455641154875032,0.1996700555087517,1.44 +2832,1.1498821948187734,0.198597381406202,1.08 +2833,1.7779504545820517,0.19655141395715367,1.84 +2834,1.9152884971129693,0.20180045652044576,2.12 +2835,1.6578213764651801,0.19649057323654479,1.68 +2836,2.0397150834946545,0.19765819825809489,2.02 +2837,1.0253787783023354,0.19602172140140467,1.02 +2838,0.6142247569215111,0.20017211657908,0.44 +2839,2.0049474070677524,0.2000160153116478,2.08 +2840,1.9649021974125542,0.1968619476516173,1.9 +2841,1.947765916655304,0.1967788443398399,1.88 +2842,1.8007527405779946,0.1962817855438538,1.78 +2843,0.8798018209484821,0.19639334576043582,0.96 +2844,1.570042606306097,0.20697802523484152,1.56 +2845,3.2071699279394927,0.20906905054578878,3.12 +2846,0.5746452660537937,0.2032437574294555,0.5 +2847,1.2447872336429016,0.21435849786013209,1.18 +2848,0.28387978541190595,0.20265802392606944,0.38 +2849,0.9185196261918138,0.19621099562510624,0.96 +2850,1.5503332176278177,0.19673661956288396,1.58 +2851,1.9476354488506757,0.19653776762470487,1.88 +2852,0.7472406812277703,0.21280650298980047,0.86 +2853,1.4872167013811084,0.19660605336425158,1.54 +2854,1.538598320551149,0.1971174436801574,1.52 +2855,1.716635935791126,0.19644431608737034,1.66 +2856,0.09167609369995855,0.20419905827296284,0.06 +2857,0.9786560538618121,0.19746992300243912,0.94 +2858,0.9907960591401557,0.19621044101863158,1.06 +2859,1.308184488364378,0.19884074102821223,1.38 +2860,2.968025313156254,0.20223661198551093,2.92 +2861,1.316834689649748,0.19633880316464675,1.4 +2862,1.3277939336436115,0.1969517293424455,1.42 +2863,0.9135515523008739,0.19623774047754533,0.88 +2864,1.399043821449201,0.20131307253986463,1.62 +2865,1.646223522469184,0.19647517982185495,1.68 +2866,3.863919167720369,0.24317701385518317,3.76 +2867,0.7602010260599243,0.20180688662757443,0.82 +2868,3.0883895345093446,0.20971025426019688,2.74 +2869,1.2856420432191098,0.1964250577320303,1.54 +2870,1.3258984973954222,0.19603888710869635,1.28 +2871,0.8723257301727427,0.196993996856799,0.9 +2872,1.4743021097843232,0.2000554895227818,1.64 +2873,0.060760238524001364,0.20943247912005383,0.1 +2874,0.5695378093349897,0.19681219153458687,0.46 +2875,1.1206677373050438,0.19610171018545847,1.26 +2876,1.753600529953728,0.19715900055569363,1.86 +2877,2.54515563363301,0.20039205630552304,2.52 +2878,0.9133180974281729,0.19652629747941858,0.94 +2879,0.4451967639856653,0.19774754528098154,0.56 +2880,1.4265719954687541,0.19579146440469178,1.4 +2881,1.1210855057886462,0.19780013564807497,1.1 +2882,2.6857538043601887,0.1998819552953135,2.68 +2883,1.2362026342387549,0.19733074293854472,1.28 +2884,1.5147505824811591,0.19709042198235574,1.5 +2885,0.5430211040106363,0.19747535161828972,0.42 +2886,0.7557130383448527,0.19785242872310344,0.72 +2887,2.1413992698312674,0.2030785793076405,2.08 +2888,0.9980722845149645,0.19646019602963824,0.96 +2889,1.4601769728566052,0.19827642941965998,1.42 +2890,0.5730563206040926,0.1988622986488092,0.54 +2891,0.8213795273028532,0.1976655770114736,0.84 +2892,1.5995464324034008,0.19720000552972428,1.7 +2893,2.575150909524839,0.198425321301672,2.66 +2894,0.7561262424562654,0.19690264178619193,0.72 +2895,1.5210049209728527,0.1958861050154166,1.54 +2896,1.7999525983208877,0.1965853991728879,1.66 +2897,1.3208954451885027,0.19661871220488394,1.34 +2898,1.8469395032034743,0.1966806133887275,1.8 +2899,1.4592295136356275,0.19652515284465175,1.46 +2900,1.4671959213603225,0.1974090141560079,1.6 +2901,1.91174732535996,0.20207677141093164,2.06 +2902,0.9232554896631884,0.19711365202149536,0.9 +2903,0.7678145443469921,0.20012674921188803,0.66 +2904,1.9222870658374664,0.19658250101762914,1.84 +2905,1.2439758312761136,0.1961547585275823,1.28 +2906,2.139674224200705,0.19871703928686588,2.12 +2907,1.1669279598651556,0.19610300728474764,1.1 +2908,1.19350769137492,0.1964167278309743,1.2 +2909,2.745887627295812,0.2005501983284292,2.6 +2910,1.5912336644196308,0.19604887310731003,1.7 +2911,3.3268575934013414,0.21374871561667652,3.26 +2912,1.3402369973385189,0.19736210283143799,1.18 +2913,2.830489984221971,0.1998854679982169,2.82 +2914,0.9941887147001893,0.19635766787227174,1.0 +2915,1.4363144000811938,0.19723467108865642,1.38 +2916,1.0055527943875948,0.19697525776011343,1.1 +2917,0.7296123483550279,0.198324591832895,0.72 +2918,1.2556420313667336,0.19666973915852703,1.22 +2919,1.8532470717786205,0.19758727084737304,2.16 +2920,2.3102771768756467,0.21622238002710423,2.5 +2921,1.147095856180038,0.19700445154238053,1.14 +2922,1.8787174536216202,0.19853206563761083,2.16 +2923,0.4863121622898072,0.19749337704228154,0.5 +2924,1.8149198690022734,0.19687095248934602,1.94 +2925,3.589888122220414,0.21738392694389994,3.64 +2926,0.4944112677047179,0.19989002793348135,0.44 +2927,0.3665104897957898,0.20096065327689078,0.32 +2928,3.497242663721368,0.224481931220408,3.28 +2929,1.6469153873971232,0.19749986778248296,1.6 +2930,1.2783373627304417,0.19751540504713636,1.22 +2931,0.5807114369015343,0.19766420337441362,0.52 +2932,1.8805759204186958,0.19733387914886663,2.0 +2933,1.0917446262693162,0.1963909873515845,1.14 +2934,1.309726872452916,0.1985474399257884,1.28 +2935,1.1019498171051498,0.19928547533995808,1.12 +2936,1.4399857125972897,0.1959842812838364,1.42 +2937,2.224779520913275,0.19776350797241504,2.24 +2938,1.0747641048722,0.19632830988735442,1.02 +2939,1.4991983623277934,0.19583955948853604,1.46 +2940,1.6501315511577603,0.19598453086484055,1.72 +2941,1.0311148451075944,0.1976057591893728,1.04 +2942,0.7938701810271447,0.19657791948610845,0.74 +2943,2.015926117145858,0.19754569835240782,2.16 +2944,3.4577911398562278,0.2591496400391403,3.58 +2945,2.1988047655471656,0.19798628283118014,2.18 +2946,4.032478183470872,0.27750748723112734,4.16 +2947,1.1195754972010907,0.19664143765579262,1.14 +2948,1.9542947731694866,0.19661611410786403,1.94 +2949,1.6736264506325376,0.19807605663466973,1.66 +2950,1.3208596398113213,0.19640100396866894,1.3 +2951,1.4983929317908578,0.19735038380958406,1.6 +2952,1.3624135888574274,0.1957976277375431,1.34 +2953,-0.09497850375623162,0.22616221581420795,0.02 +2954,0.8593391479281394,0.2025602951463429,0.88 +2955,1.999136262841986,0.19705655207076,1.92 +2956,1.1345354634011096,0.1982543368830809,1.18 +2957,3.5629398318583996,0.2376827156092615,3.82 +2958,1.3131083817212317,0.19703551535186856,1.4 +2959,1.4367710885457785,0.19919302418372983,1.46 +2960,2.234484835050241,0.20044830626743362,2.24 +2961,0.9460594355205361,0.19622347297202325,0.88 +2962,1.614742701806061,0.19609657689087814,1.5 +2963,2.22912558556972,0.19774773760033743,2.28 +2964,1.635209446986479,0.1967360783471371,1.72 +2965,1.7343604922794817,0.19675810651053843,1.78 +2966,1.9885130116353484,0.1974466328950105,1.92 +2967,3.0587310871938915,0.2055753689152894,2.92 +2968,1.9604106448112173,0.19802532339451773,1.96 +2969,1.0182810005438672,0.19714804872154457,1.06 +2970,1.3374699531495082,0.1983588264989355,1.4 +2971,1.6834054632632274,0.1979774114389835,1.68 +2972,0.7043460506954591,0.19859232188409254,0.56 +2973,3.7329750584261108,0.2294175489343402,3.74 +2974,1.3505338478639255,0.19611522304724632,1.36 +2975,1.5019282914156094,0.19699131743634757,1.6 +2976,1.5470054075760329,0.1983288568480204,1.64 +2977,1.865888302965391,0.1977009264235193,1.84 +2978,1.119874655283468,0.1969776825644685,1.3 +2979,1.8696467296331307,0.1970033198167104,1.9 +2980,1.8865847515555076,0.19659826039271475,1.88 +2981,1.6908761188576507,0.1979270188027232,1.8 +2982,0.1859725231282463,0.20120577948518534,0.14 +2983,1.6908528865582482,0.1963984924703318,1.72 +2984,1.8380991914272227,0.1965834667895142,2.38 +2985,2.9961824052996824,0.21056436217909563,3.02 +2986,1.852297213931838,0.19992739873744403,2.08 +2987,1.311751280785928,0.19629898088616107,1.22 +2988,0.3959417331348052,0.20002971041422565,0.48 +2989,1.9834752346225026,0.20061017448851465,2.06 +2990,0.9450100646609463,0.19596374165311425,0.88 +2991,0.9123944666502259,0.19691828845311607,0.84 +2992,1.221713651749687,0.19689311473403145,1.22 +2993,0.8498614213706781,0.1967714061650661,0.9 +2994,1.7460542577722453,0.1961184576818406,1.66 +2995,1.642477485364882,0.19757461758518313,1.76 +2996,1.2549162213461802,0.19586165068572736,1.26 +2997,1.2464676705084232,0.1973906296574469,1.24 +2998,1.3176271782698488,0.20285388250469796,1.36 +2999,1.3522967557695669,0.1959313852450327,1.32 +3000,1.256515168143315,0.19642691892680392,1.26 +3001,0.556572719344371,0.206195394800682,0.44 +3002,0.7394606969510131,0.1973194300650453,0.76 +3003,1.8266517157000695,0.19698640370988693,1.8 +3004,1.227559624679556,0.1978487492837621,1.24 +3005,2.3441143615103255,0.1977491172319361,2.34 +3006,1.9365029671798162,0.19807576735422994,1.98 +3007,0.9637824771581047,0.19641982884560122,0.9 +3008,1.5297595587092618,0.1973192691817499,1.52 +3009,1.8382590689494416,0.21436681893202772,1.94 +3010,1.1726086362239312,0.19691835597616802,1.08 +3011,1.0690684145180684,0.19955372881392278,1.18 +3012,1.5570009951153245,0.3698661134823497,1.54 +3013,2.378910370286972,0.19754983650126623,2.36 +3014,0.9825945619031544,0.19734664217483627,1.02 +3015,2.625015466558686,0.20166491298934724,2.6 +3016,0.8992394326372182,0.20274311599967104,0.86 +3017,3.962247059301955,0.2668528333315326,4.04 +3018,1.9112379993805675,0.19767869325182394,2.02 +3019,0.38024540125419204,0.2012253858876537,0.32 +3020,1.1981127112931573,0.1964417063269272,1.06 +3021,0.6977834819834363,0.19642481967602748,0.66 +3022,1.9322798643550199,0.19761221207995225,2.22 +3023,0.6763877167289196,0.19725347081790853,0.7 +3024,2.77548858945741,0.20582488372063945,2.78 +3025,0.46231838906085665,0.2600649835636022,0.44 +3026,0.9387330118784134,0.19941315352928782,0.98 +3027,1.3545175745005484,0.19640823770580962,1.34 +3028,1.1520693803902102,0.19647156963498688,1.16 +3029,0.721143171279037,0.2176328336226994,0.66 +3030,1.1588135454526038,0.19624222630429086,1.18 +3031,1.5559246233045472,0.1967000407678819,1.72 +3032,0.5188843004564005,0.20055757460543977,0.6 +3033,1.7691727242106463,0.19711169628412517,1.82 +3034,1.2005630680766768,0.1963543937125163,1.14 +3035,1.76585666750404,0.19653149317445107,1.78 +3036,1.46809009564386,0.1964607816080448,1.6 +3037,0.7642986521984843,0.1966132860624432,0.8 +3038,0.39670313976420557,0.19775247380484073,0.2 +3039,1.9053194734265118,0.19737254542757443,2.04 +3040,1.3292782118513315,0.19668417207076389,1.42 +3041,0.4346342792561346,0.19840056583133456,0.34 +3042,1.7066435591657378,0.1970103119249661,1.7 +3043,1.7615233914443689,0.19666876701423172,1.72 +3044,0.33221270665765035,0.19842602309178653,0.3 +3045,1.5473079273101895,0.196943938850999,1.56 +3046,1.3919289995408732,0.19625130929382578,1.34 +3047,1.6853722102889428,0.19641790042261126,1.6 +3048,0.9304508398471014,0.21461321737404246,1.06 +3049,0.8688866175027135,0.20710339949672293,0.88 +3050,3.0873586992736244,0.22612923657500728,3.04 +3051,1.3925361544010069,0.19732509436630913,1.4 +3052,0.9906303067844837,0.197901711034702,1.08 +3053,2.3130214351002696,0.1978302928910406,2.28 +3054,0.841467508850499,0.19836849133605852,0.84 +3055,0.7096441485584519,0.1970876060724342,0.64 +3056,3.0281704265503855,0.20878928795539117,2.92 +3057,1.4976557200144733,0.19621104227983044,1.6 +3058,1.325850255815583,0.1991853386968401,1.16 +3059,1.115894458694983,0.19734378143041342,1.1 +3060,0.7028846992068198,0.19772842587693426,0.64 +3061,1.5982715282432602,0.19720929796790562,1.64 +3062,1.940358506278245,0.19702523796918575,2.0 +3063,1.2465476165301241,0.19669645392137783,1.32 +3064,1.280754059580863,0.1959915712693933,1.18 +3065,0.8486645408579805,0.19655899866988447,0.98 +3066,0.22397538040041343,0.2045267852293298,0.24 +3067,1.351857065781287,0.19908508836659758,1.24 +3068,0.3102692249416652,0.20161124629065288,0.38 +3069,1.2393778925975574,0.19661098727942383,1.14 +3070,1.0200156246189516,0.20044063383298175,1.0 +3071,4.004230925282622,0.2861837143782367,4.34 +3072,1.7613847659060582,0.19633276788902368,1.86 +3073,0.9530829175317073,0.19650295839049525,0.92 +3074,1.3756511140489258,0.19584624387394595,1.34 +3075,1.0639768285194493,0.19708370480939308,1.1 +3076,2.2020683725392716,0.19747092744260264,2.16 +3077,2.034003864711269,0.19764215373710217,1.96 +3078,1.9211254940516609,0.1971793371507176,2.04 +3079,1.4349459004909457,0.19678045071114394,1.52 +3080,1.6388986186667638,0.19598392297455608,1.72 +3081,0.9301665463030491,0.19697319906533506,0.9 +3082,0.9055902053016032,0.19658532017630628,0.78 +3083,2.794241914432223,0.20200458790314177,2.88 +3084,1.1243828637025466,0.19588379861555733,1.04 +3085,1.5656865327369944,0.1978409819063641,1.58 +3086,1.3994226062465343,0.19644050830329982,1.42 +3087,0.9490041153988895,0.2028585359747272,0.96 +3088,0.8402331111864165,0.19675792760412456,0.78 +3089,0.6555226811391575,0.196680826277465,0.56 +3090,1.2230570928245403,0.19636090935411202,1.18 +3091,1.5748054112629055,0.1973816432618036,1.56 +3092,3.3093917898471816,0.2084121517593405,3.56 +3093,2.5607329306654476,0.20090808067472812,2.6 +3094,1.3515444081307524,0.1957802215181814,1.42 +3095,1.1830850341351253,0.19829964912762985,1.44 +3096,1.0508613034526502,0.20320588236070095,1.06 +3097,1.173113424812137,0.21913263359676582,1.28 +3098,0.45818551845164146,0.2007848323653681,0.36 +3099,1.1313319694382518,0.19616869540398496,1.1 +3100,2.315098157784733,0.1988399461194278,2.24 +3101,1.215406618606519,0.19641126954749388,1.22 +3102,0.7020439872947231,0.1972711022200896,0.62 +3103,0.8191233764771051,0.19632320713662194,0.76 +3104,1.6605022303114918,0.19698445249273114,1.6 +3105,0.83399792785702,0.19696013661577008,0.86 +3106,2.0243371485900585,0.19664434247073312,1.98 +3107,2.1235895650966716,0.19749441975755708,2.24 +3108,2.110102285247551,0.1974580635931858,2.1 +3109,0.8889701176381666,0.19772455546832968,0.92 +3110,1.9191807683902722,0.19708870415753518,2.1 +3111,1.033198099097121,0.19714224760195453,1.02 +3112,1.7854059274244842,0.20703925876622725,1.78 +3113,2.732079720301953,0.1996427549917424,2.54 +3114,1.8176310297233598,0.197367426116921,1.86 +3115,2.976173945887328,0.20441771109309284,3.16 +3116,1.1468229994722163,0.19615460248002273,1.04 +3117,1.2446427901610542,0.1968158634648316,1.22 +3118,3.3707007182443873,0.21103448482539225,3.22 +3119,1.572158539448624,0.19727686330535546,1.62 +3120,1.9473563834393968,0.19699687003546815,1.94 +3121,1.2173066931092218,0.19824816502724968,1.26 +3122,1.6373599583157716,0.19630468152259853,1.6 +3123,1.5763741943466094,0.19685066201635282,1.56 +3124,2.7470768540614325,0.20008071504190947,2.82 +3125,1.841192389907551,0.20786847574398615,1.92 +3126,1.9717721819623124,0.1968356661244587,2.0 +3127,2.0233023387756495,0.19945104769007138,2.1 +3128,1.643126423206346,0.19684505073166103,1.72 +3129,3.3214184086867835,0.21309243813349002,3.32 +3130,1.771687543347678,0.19598818800573017,1.8 +3131,2.3024710839490963,0.19827681632377966,2.26 +3132,2.275832442592811,0.19750953817015568,2.32 +3133,2.371467623463062,0.19722995466795376,2.22 +3134,0.5826347222726325,0.2825610387973268,0.5 +3135,1.2431081457307447,0.19586614241316047,1.3 +3136,1.4798579355920678,0.19720093600741967,1.4 +3137,0.8698993951391201,0.2163171335109377,0.9 +3138,0.7839729928423407,0.19792174411338112,0.68 +3139,1.0196565201888408,0.19635023742586954,1.02 +3140,1.3308022671751796,0.1991466862411152,1.48 +3141,2.8793896026987507,0.20890260633335514,2.74 +3142,1.3557585056972723,0.19890525560118488,1.28 +3143,1.7577263196546142,0.19691385541794357,1.74 +3144,0.9488084209086438,0.1993077764072771,0.92 +3145,1.1523098707743737,0.1958649273592699,1.22 +3146,1.4311367275102422,0.2070736458198593,1.48 +3147,2.496476597510448,0.20374227680393486,2.6 +3148,2.235680293181113,0.19831254469771786,2.32 +3149,1.8011599979208697,0.2039900174341929,1.88 +3150,1.34034977758249,0.2047579578513835,1.36 +3151,1.7522875385282486,0.1973795196008138,1.76 +3152,1.8180704976337752,0.1973273610088481,1.92 +3153,0.9476775806419191,0.19676664683174783,1.02 +3154,3.085483157347259,0.21156508512027022,3.08 +3155,1.169971283931015,0.19648239068289,1.24 +3156,1.4965683473863898,0.1957244317864359,1.58 +3157,2.033360825900135,0.1978950980275473,2.04 +3158,1.1740690641784486,0.19695356482536341,1.24 +3159,1.0928363248724007,0.20209950315907504,0.98 +3160,1.945319247675298,0.19637882573818882,2.0 +3161,1.1562045015163016,0.19685192527113649,1.12 +3162,1.5715536187817594,0.19676354169212848,1.58 +3163,1.4275859483659556,0.19619267455056716,1.42 +3164,2.217594708280391,0.20152434376318018,2.2 +3165,1.8446568424758243,0.19664574664092155,1.82 +3166,1.930031509713047,0.19675929577773713,1.92 +3167,1.6342228647741597,0.1982145556658155,1.58 +3168,0.6719695312932452,0.19767437593810055,0.6 +3169,2.7833810021687353,0.19942725768869524,2.74 +3170,0.8633630975202768,0.19691210632866082,0.9 +3171,0.8093909577686489,0.1966278073056414,0.98 +3172,0.5803685512270476,0.2066471207392841,0.48 +3173,1.1705673762274649,0.19588769142448587,1.16 +3174,2.7717378050312727,0.20373264557294385,2.74 +3175,1.2752885666486038,0.19754460458720424,1.42 +3176,2.7638656944328646,0.20134064201220256,2.96 +3177,1.3312516834806098,0.1965567417162926,1.34 +3178,1.828272941545566,0.19656421801031784,1.96 +3179,1.5642414388600137,0.19639508326894092,1.66 +3180,2.888405803111375,0.20042464985250155,2.78 +3181,1.4232330514251257,0.20208697268902193,1.64 +3182,2.2092804874176175,0.19744481276936107,2.24 +3183,1.4447227031290182,0.19590371391000858,1.36 +3184,2.2815032858391904,0.19761145210275738,2.24 +3185,0.5905811680264288,0.19957177522196573,0.56 +3186,0.4647111108478501,0.20233500982734517,0.64 +3187,1.8338537560414472,0.19863315476733495,1.74 +3188,1.3883786995207656,0.1963074147564077,1.34 +3189,2.0412057135543757,0.19719843416607546,1.94 +3190,1.761890173633963,0.19655935495115184,1.72 +3191,2.408150051325072,0.20496905744586033,2.3 +3192,1.9309392596001471,0.19809908694480635,1.96 +3193,3.4961746473941413,0.2126793233061851,3.44 +3194,0.9041871059687683,0.19745951055594663,0.96 +3195,0.6531816550740466,0.20156442814044348,0.78 +3196,0.5048158847681559,0.2003869076126752,0.6 +3197,2.1359544336219995,0.19745939904482465,2.12 +3198,1.0138206303396973,0.1962819230968521,1.04 +3199,1.5532275527620767,0.19663780906760134,1.56 +3200,1.1351186446282857,0.19896593142101887,1.1 +3201,1.1778453120237673,0.19703493118543783,1.26 +3202,1.0058509418979442,0.1967832723910823,0.96 +3203,0.7580459116428184,0.1983679649082555,0.6 +3204,1.098424275242714,0.2031224826837814,1.34 +3205,1.121418843054403,0.19927299426415765,0.96 +3206,1.4632251262765172,0.19701395238532474,1.5 +3207,0.3253349096581071,0.20547249791697256,0.2 +3208,1.497112008706254,0.22130748598589198,1.46 +3209,1.7783315332534957,0.19674517878491918,1.8 +3210,2.035478042045267,0.20535158010180726,2.26 +3211,1.5267642910207342,0.19721132530469576,1.64 +3212,1.5801909500385363,0.19600379603682694,1.58 +3213,1.5596106898842685,0.1990963611062696,1.58 +3214,0.2871924069961729,0.20618557126118212,0.18 +3215,1.670685689743796,0.19697385371596965,1.86 +3216,1.4369998199031155,0.19757220358100847,1.46 +3217,0.9066003119792021,0.19710367234007597,0.78 +3218,1.6523862664465332,0.1971998813182992,1.76 +3219,1.737072688896125,0.19815587166162074,1.78 +3220,0.6193353654123652,0.19864177443343256,0.52 +3221,1.9865216937144679,0.20034117808479637,1.92 +3222,2.1291234687868026,0.2025454295918958,2.18 +3223,1.1391780463681236,0.1965822172954041,1.14 +3224,1.078209333402027,0.19822946202873346,0.98 +3225,1.3763287119267282,0.19612809934547207,1.38 +3226,1.3613797238511398,0.19586542412400904,1.36 +3227,1.2539443104119776,0.19611089399129444,1.2 +3228,1.3798846536337575,0.19795059259423065,1.38 +3229,1.1078960721276485,0.1969376730889062,1.0 +3230,2.205404311561186,0.19841664547234575,2.46 +3231,1.8434436559505314,0.1983804747681361,1.78 +3232,2.490728696600286,0.1984398895899136,2.44 +3233,1.1074737824259775,0.1962773504647688,1.2 +3234,1.6328864407409367,0.19641166387923484,1.72 +3235,0.9674695368840878,0.19728855931970923,0.9 +3236,1.4214250118591552,0.19751350765300368,1.46 +3237,1.3272423503745534,0.19638003775956026,1.38 +3238,1.0636657305060764,0.1960443293951917,1.08 +3239,1.5099987268351875,0.2022711019954654,1.44 +3240,1.9003720181788446,0.19696617093985794,1.98 +3241,0.9157159272089643,0.19705804165630703,0.82 +3242,1.0821542276308986,0.19707166914780844,1.1 +3243,1.754952670513704,0.2026368946109154,1.82 +3244,0.5012332915870483,0.19792866254506855,0.4 +3245,2.0703357794003474,0.19717845733225867,2.02 +3246,1.6645795751058623,0.1962870267719463,1.58 +3247,1.3260646431244105,0.20035548197968955,1.34 +3248,0.7121209552003367,0.19785504509218726,0.68 +3249,1.321588150514033,0.19590325160552566,1.28 +3250,0.2527750791264418,0.20498698725857395,0.22 +3251,2.0582265283982286,0.20323112179460362,1.96 +3252,2.1401536741814295,0.19878963397129784,2.14 +3253,1.1172259400437947,0.1961601878442988,1.06 +3254,0.39991590596792737,0.20095424524954844,0.32 +3255,1.7815742602843616,0.1988359266013843,1.78 +3256,1.3878015169843803,0.19692819327285216,1.42 +3257,1.0684669065940786,0.1973507777629871,1.06 +3258,0.6169311575570433,0.19966013501127175,0.78 +3259,1.127398812022936,0.19690120393282473,1.08 +3260,1.755302181955721,0.19667686267807008,1.78 +3261,1.8041677526102897,0.19695135891688903,1.78 +3262,3.162595454899836,0.2235743934838962,3.36 +3263,0.7871531507113214,0.20373390945169217,0.74 +3264,0.4769515380213232,0.1978891063029127,0.44 +3265,1.0608667020646863,0.19841507050046275,1.12 +3266,2.128972497704536,0.20689701104389235,2.22 +3267,0.3768732294417201,0.21583494350153581,0.52 +3268,1.666368466210395,0.19970850046385383,1.88 +3269,1.8036878508582888,0.1964166694642994,1.74 +3270,0.8087776103294329,0.1970883250212896,0.84 +3271,0.6376887012570764,0.19709193139543513,0.66 +3272,1.1349081188483945,0.19666186899952615,1.1 +3273,0.4899168207031761,0.19787411894677231,0.58 +3274,2.8700080415576044,0.2018635340299262,3.04 +3275,1.6202319357278157,0.1966613736417311,1.66 +3276,1.537572865052987,0.1959350718824741,1.58 +3277,2.126243104713372,0.19726997817620892,2.12 +3278,3.330584480308613,0.21362527455970085,3.28 +3279,1.610132222004041,0.1965582231529508,1.64 +3280,0.5434504546578507,0.2004098641121318,0.58 +3281,1.0637369680191593,0.2068623783161642,1.24 +3282,0.8563365769117222,0.19635175725561557,0.94 +3283,1.4866538742930804,0.25087240756384066,1.42 +3284,0.7867566533557107,0.20467295817156728,0.76 +3285,1.582462550737294,0.2021339594758091,1.58 +3286,1.905241217737129,0.19700388304459412,1.96 +3287,1.363457903487706,0.1957247083417275,1.44 +3288,1.8805355630306027,0.19643653879291384,1.86 +3289,1.2094013039549893,0.19989039420150342,1.24 +3290,2.714287283599289,0.1997709558873322,2.6 +3291,1.0256860902414933,0.19667381158255381,1.0 +3292,1.09319256023669,0.19641691164747108,1.14 +3293,1.1372443701352468,0.19604601385473647,1.14 +3294,0.9278817924044285,0.19673771333478682,0.92 +3295,2.0162655077903793,0.19767528465984166,2.02 +3296,2.79776435447305,0.20878606218954995,2.74 +3297,1.3029062208052817,0.1976696994989441,1.22 +3298,1.1622468919923297,0.1990166671971223,1.04 +3299,0.32023311749337036,0.19907351812007254,0.18 +3300,1.102665140145619,0.19663843395952887,1.1 +3301,1.4476076642406701,0.1958687302427729,1.56 +3302,2.8099038367323295,0.20143754277032586,2.82 +3303,3.3448575290080695,0.20851517545192635,3.28 +3304,1.4766964319438842,0.19590121818878345,1.46 +3305,3.1791223865665352,0.20875332771460856,3.08 +3306,1.352231957015605,0.19812293688039756,1.3 +3307,3.6267275635525804,0.236379242378644,3.7 +3308,1.2462657369235592,0.21297968872411607,1.32 +3309,1.4580985031389275,0.19624368734711475,1.46 +3310,0.548440133657518,0.20163455329447738,0.52 +3311,0.8723575310817415,0.1966540191610842,0.82 +3312,1.6235191939214983,0.1971183278682996,1.66 +3313,1.0253997413984433,0.19612796150867612,1.1 +3314,1.3946136917512004,0.19605047896099345,1.46 +3315,1.4046205544020074,0.20602892057535477,1.44 +3316,1.5641322490023106,0.19663409076109853,1.52 +3317,2.741334247136874,0.20444885917945424,2.62 +3318,1.5272776344788386,0.19682220804385697,1.7 +3319,1.340874898028383,0.1968566103226289,1.48 +3320,0.6340135600813703,0.20227786485791652,0.78 +3321,0.6052161640018143,0.19670134549071136,0.7 +3322,1.6924507707206797,0.19603939202090098,1.72 +3323,1.3194540359753315,0.1980384026620555,1.32 +3324,1.6482497937053115,0.19598751784677756,1.6 +3325,0.8883551290593932,0.19638668308001742,0.9 +3326,0.6010759933457788,0.19817072793356547,0.56 +3327,1.3411275033525594,0.19737180385103642,1.38 +3328,0.850596187624068,0.1966477857824838,0.8 +3329,1.7557439893531224,0.1967557567808596,1.82 +3330,1.563240017615128,0.19672457240510177,1.54 +3331,3.093193121890255,0.20469540905804703,3.08 +3332,0.5848497290831252,0.20302729295652425,0.6 +3333,0.5859055127558426,0.19817635218255392,0.58 +3334,0.5185230716804419,0.20357176153809395,0.58 +3335,1.4050552187167922,0.19617612203584836,1.24 +3336,0.8876706385347131,0.1967355580348639,0.9 +3337,0.9919833386324097,0.19615437243794065,0.98 +3338,0.689519583997142,0.19976249712550906,0.72 +3339,1.2495999285911412,0.19809420726200716,1.14 +3340,1.6894975041232887,0.19709096550427063,1.64 +3341,0.9222783212537604,0.19617302413209226,0.9 +3342,1.1254425961391974,0.19620311201839075,1.16 +3343,0.9595605350826084,0.1968373829541085,0.98 +3344,1.4520531477652323,0.19614178094718118,1.38 +3345,1.2038041976839446,0.19617838388368702,1.2 +3346,1.191435384531095,0.20323201512680691,1.16 +3347,1.5936600777672392,0.19701958966503755,1.6 +3348,1.34967822581925,0.198968247322703,1.32 +3349,2.3068516412258178,0.19863438586971635,2.08 +3350,0.8764152147668973,0.1975273208278398,0.9 +3351,1.5257398830483009,0.19633636969583743,1.64 +3352,1.8620332472671768,0.19926479194033972,1.78 +3353,1.642367088754586,0.19637228551821254,1.66 +3354,1.1194427679609413,0.19869769337584356,1.14 +3355,0.7198110073980966,0.19826335372064638,0.66 +3356,1.3711936578769222,0.1970755881489962,1.36 +3357,0.5340469239394436,0.2003698254070108,0.46 +3358,0.982442288251409,0.20068697948512024,1.08 +3359,1.8158665607110542,0.19676446446422644,1.76 +3360,2.5218930691468957,0.20296850068793731,2.48 +3361,-0.007223890713127679,0.21294975383880455,-0.08 +3362,3.3121732575969935,0.2082970196295148,3.76 +3363,0.3341707953488604,0.24523978419958187,0.46 +3364,1.9854784552300755,0.19706034319899843,2.02 +3365,2.0381361998363867,0.19730875491149277,2.06 +3366,1.470505350853403,0.1982754805834147,1.58 +3367,1.8048077311804351,0.19745388352003365,1.9 +3368,1.6397653847805422,0.2015689994470773,1.64 +3369,2.199147431807837,0.20858332896698883,2.12 +3370,1.7135987034201672,0.19633344134469827,1.7 +3371,1.2917906521557203,0.2006771839823946,1.4 +3372,1.929519774396336,0.1977952692703311,2.02 +3373,0.5453302636491182,0.2146167325504146,0.46 +3374,1.6880583023987428,0.1977081191026568,1.7 +3375,0.8853757613513793,0.22612622109791178,0.8 +3376,0.717034235139004,0.19664549522219632,0.66 +3377,1.7176877498195746,0.1963512763759849,1.7 +3378,0.6125662038008042,0.19939748737408047,0.62 +3379,1.643479886667802,0.2444164443521226,1.52 +3380,1.7999704129143752,0.196471232403098,1.86 +3381,1.9329410751089822,0.20227466173742836,2.08 +3382,1.1382844190949595,0.19690143192913484,1.12 +3383,1.6781934211507679,0.19605112379502318,1.6 +3384,0.6904572470602335,0.19820238218565286,0.66 +3385,1.6751358391484068,0.1963831436303301,1.68 +3386,1.1548042884128529,0.1959196659614355,1.14 +3387,2.049367303949554,0.1977404937371602,1.98 +3388,1.6432488771608682,0.19619480197156114,1.68 +3389,1.6120677119421618,0.19666999091596185,1.62 +3390,1.7802725609751744,0.19599858999246866,1.74 +3391,1.1999362459430412,0.1964269582865672,1.22 +3392,1.0260500317532197,0.1960943419514395,1.0 +3393,0.6618636481965925,0.19684381827326605,0.7 +3394,1.0660511503879913,0.19614267410324904,1.08 +3395,0.6514571396602562,0.1972713042298658,0.6 +3396,0.9468123981524843,0.21114198660803804,0.98 +3397,1.663065858240106,0.19773619849377644,1.6 +3398,2.2725559917661062,0.20387236460706692,2.38 +3399,1.74096725843355,0.19596571780253055,1.76 +3400,2.5361222242345507,0.1982447402356527,2.44 +3401,2.1438989052447406,0.19915118886282732,2.12 +3402,2.0920044280190555,0.1990033281008026,2.14 +3403,0.6408704237200746,0.1972718463811946,0.56 +3404,1.6304695350659806,0.2009782359441416,1.66 +3405,1.4706869420877902,0.19681287093894864,1.32 +3406,1.8613986057084562,0.19655774488683525,1.9 +3407,1.1230235447046226,0.1968820317505521,1.06 +3408,1.8791316784425365,0.19672366135447544,1.74 +3409,1.5949825594340683,0.19628248162714565,1.6 +3410,1.1720707762116773,0.19737111341605296,1.12 +3411,1.812996982835695,0.1977073635040079,1.68 +3412,1.9125765028052584,0.19840935407684812,2.0 +3413,1.3464244133847494,0.19743081900734602,1.4 +3414,1.3864041588753628,0.20047359514895594,1.28 +3415,0.6937625515759198,0.20039536823135,0.86 +3416,1.1400206135975117,0.19695159826095723,1.16 +3417,2.0126169080379603,0.1976063607931499,1.94 +3418,1.2128961986239775,0.1964171308429624,1.12 +3419,1.4607644850461718,0.19791025926247355,1.58 +3420,0.8941201925923854,0.1965776408705119,0.78 +3421,1.9226767790203256,0.19718729991273334,1.88 +3422,1.9204376045038738,0.1966134029645979,1.98 +3423,0.5386171892968779,0.19836744901727352,0.54 +3424,0.2608579257581858,0.20226061619149263,0.3 +3425,1.1146941814360731,0.19664740856782914,1.08 +3426,1.4082270844360818,0.1959814713457657,1.42 +3427,1.2853072100651177,0.19684651476044862,1.32 +3428,2.159140657438307,0.19724963562430606,2.04 +3429,1.8229161138827386,0.19681312694351913,1.92 +3430,0.2661249612219798,0.19857872629989023,0.2 +3431,1.317545790679138,0.2104820165227445,1.28 +3432,1.0825012297712187,0.19694885785479468,1.14 +3433,0.046525116036084446,0.2062779826383025,-0.04 +3434,1.002009167016869,0.19634226145795391,0.9 +3435,1.051860027185088,0.19630917489812383,1.06 +3436,0.9257840028531437,0.19662423629715736,1.02 +3437,2.2670837748764967,0.19849502434357985,2.28 +3438,2.498658120028112,0.19818677646938979,2.86 +3439,1.6278127450031548,0.19659498341219817,1.66 +3440,1.4679401207736094,0.19621887855438108,1.44 +3441,0.7075577407322822,0.20018386898616944,0.76 +3442,2.0867528914641795,0.1976734872430972,2.16 +3443,1.8956012675823084,0.1992221605880532,1.82 +3444,1.7924887013627169,0.19658937401859647,1.8 +3445,2.703733365610348,0.19954471187005324,2.74 +3446,1.6220468191030686,0.19719113190854864,1.54 +3447,0.6868218739114751,0.19787406363190416,0.82 +3448,0.8909503763968802,0.19652800804852846,0.88 +3449,1.9876791152481708,0.2686113315666224,2.06 +3450,2.38381219738267,0.20196994875704546,2.28 +3451,0.3599441337529492,0.30912856312982395,0.24 +3452,2.714527669372632,0.20197593822115642,2.58 +3453,3.1492190271899494,0.2116732817709766,3.28 +3454,1.898866605634265,0.1967509879916613,1.9 +3455,1.2641739683034094,0.19801957540076895,1.34 +3456,1.5730023922336076,0.19637440951018065,1.54 +3457,2.241951604164888,0.19749801714900242,2.32 +3458,0.777659733440093,0.19901161523490485,0.6 +3459,0.8599110673833696,0.19635789497283898,0.86 +3460,0.20490454517319434,0.2086854422528531,0.42 +3461,1.29901414294897,0.19729183578457066,1.28 +3462,1.0061551144735166,0.19686839029541436,1.0 +3463,2.586577121816416,0.19906000494164997,2.42 +3464,0.5020580369531871,0.19710590346244977,0.54 +3465,2.149877941028314,0.19805235229691992,2.16 +3466,1.307431870143538,0.19619603606702657,1.28 +3467,3.447319040496227,0.22252326023125518,3.8 +3468,2.006959423264366,0.2004885791035257,2.1 +3469,0.8709557221075124,0.19622182621262796,0.88 +3470,1.7965439532922445,0.19676466217899988,1.72 +3471,0.6013870625539839,0.19709329171326231,0.54 +3472,1.511929532895742,0.19825290346731414,1.56 +3473,1.2303331041340755,0.19769950652447163,1.34 +3474,1.287448430664118,0.19764843187222578,1.34 +3475,1.5053925339041112,0.197202181984998,1.52 +3476,1.3539489577323556,0.22964717419389602,1.28 +3477,2.331003985876758,0.19783438523149272,2.32 +3478,2.1361174711030024,0.19754236894633295,2.1 +3479,0.4368223942875691,0.20328694097322214,0.56 +3480,2.4367560920595306,0.2057260553638462,2.42 +3481,1.3894921275969248,0.20086915875885772,1.42 +3482,1.840250665231543,0.1964464773055493,1.78 +3483,1.884813166072477,0.19854621325025415,1.9 +3484,1.70452262198063,0.19677490691157332,1.72 +3485,1.1898703146122136,0.19583991491812505,1.1 +3486,1.5177078894039115,0.19697261541046374,1.52 +3487,1.4491280372774895,0.1982311652512737,1.32 +3488,0.8884486343657412,0.1964049863189121,0.98 +3489,1.1459907209919011,0.19818577818949498,1.1 +3490,1.4043434364004823,0.1968073435851323,1.32 +3491,1.0305995754433868,0.20589709817290708,0.92 +3492,2.4300989732452574,0.20105437045062033,2.46 +3493,2.720782999222148,0.20179409473181448,2.66 +3494,0.4120528882391876,0.19871307512822192,0.46 +3495,1.2134708905295382,0.1969501831106648,1.28 +3496,0.9562145271736939,0.19630948717891308,0.96 +3497,0.9011128673016962,0.19691819114801556,0.94 +3498,0.7902138596944523,0.19665138500893337,0.86 +3499,1.2121330738494716,0.19697736564831356,1.36 +3500,1.2789832193962365,0.1971417543420753,1.28 +3501,1.6715477266900702,0.1960019486133541,1.74 +3502,1.6425414085542043,0.19785992074294592,1.58 +3503,1.1156838797602875,0.19690573337678485,1.06 +3504,2.39517238719672,0.2073181286719731,2.38 +3505,0.9893420951832446,0.19622297645028414,1.02 +3506,0.9374436682108007,0.20658554007206448,0.96 +3507,1.5554839500839677,0.19709720533178063,1.58 +3508,2.789792440196914,0.20150758632733817,2.64 +3509,3.032087723028678,0.20311303082255738,3.02 +3510,1.735035601137557,0.1971399113693953,1.8 +3511,0.707480869503442,0.1980197626176261,0.76 +3512,1.282715242675041,0.1959713060874112,1.28 +3513,0.7390093566137266,0.19721324792124442,0.64 +3514,1.2861242992194537,0.1964495868999131,1.32 +3515,1.8182414001078149,0.1965276459601692,1.82 +3516,2.9041123904576813,0.20115212701108373,2.82 +3517,0.9883176152395374,0.19736156311845274,1.08 +3518,0.7386506869609859,0.19645703369636,0.74 +3519,1.8101123583078809,0.19632666958362655,1.8 +3520,1.391894322784558,0.1971495532772855,1.38 +3521,0.9301125559811014,0.19962759872973307,0.74 +3522,1.483868177364291,0.1963837898989317,1.5 +3523,1.7338429057641398,0.19827354831376523,1.58 +3524,0.7608275832049765,0.1971281421837141,0.82 +3525,1.4435954834975409,0.19610246563092662,1.44 +3526,1.5323616826319624,0.19727741167868,1.48 +3527,1.1414655764736292,0.19688375642845052,1.24 +3528,1.143526218297581,0.19677027118453055,1.16 +3529,1.0826368964624251,0.19595858982883993,1.08 +3530,1.022052796377487,0.19650504875054067,1.0 +3531,1.108643373521188,0.20419173246089956,1.14 +3532,0.7847708435753613,0.19729572358404995,0.76 +3533,0.660573345056334,0.20556338786252176,0.64 +3534,1.2160033886858033,0.1965878736243095,1.24 +3535,1.2412978985468675,0.1979924271674304,1.28 +3536,1.6073895264592801,0.1959625380209373,1.48 +3537,2.344545361943291,0.19911244685677779,2.34 +3538,1.4977171904167599,0.19914458003529045,1.5 +3539,1.0948338391954717,0.1972615024043715,1.1 +3540,0.8815017521819153,0.19725936049127096,0.8 +3541,1.357735901003684,0.196039476802585,1.42 +3542,0.9208690511687809,0.19648556053764277,0.98 +3543,1.9172870811930207,0.19670536544788045,1.84 +3544,2.7183692980135103,0.20179865074485495,2.66 +3545,1.4260789189601617,0.19841228685805068,1.48 +3546,1.6330773671343057,0.19616960044566636,1.66 +3547,1.235967110157389,0.2040222813814704,1.24 +3548,1.4471235394205162,0.19764349821035515,1.38 +3549,1.3395740519948265,0.1963011147589225,1.4 +3550,1.106175962897504,0.1981838022254393,1.14 +3551,1.490507719800405,0.19692236834589638,1.62 +3552,2.292683555469647,0.1974044803359731,2.16 +3553,2.3602917452150662,0.20203555142828816,2.44 +3554,1.501985913159217,0.19663922614095872,1.56 +3555,0.8994119310570698,0.19684901802173554,0.94 +3556,0.5507938595619044,0.19754433535306473,0.5 +3557,2.1217983184098594,0.19948186093564327,1.98 +3558,3.9061748016242235,0.2639344458603835,4.48 +3559,1.7019218461285885,0.19793281791296255,1.7 +3560,1.2822640404500063,0.19885754880053153,1.08 +3561,1.337105216710892,0.19777031007491744,1.3 +3562,1.181893673210479,0.1982691362370373,1.18 +3563,0.595205072018536,0.19699965433141942,0.56 +3564,1.0877033056975005,0.19705189320443783,1.12 +3565,2.646861763287498,0.20249439341092712,2.9 +3566,1.8028621703868306,0.19700641682595413,1.78 +3567,3.0879394908917885,0.20305606268200133,3.12 +3568,1.4947161751457296,0.198726018473052,1.44 +3569,1.5356436271795935,0.19755262231953827,1.52 +3570,1.7590348531069289,0.19682240503300794,1.9 +3571,1.0076696839916193,0.19596554772313865,1.1 +3572,1.403858365573762,0.19614766185494528,1.44 +3573,1.6259017442558465,0.19628137748626634,1.6 +3574,1.7378794383963112,0.19620853662335394,1.72 +3575,0.5041736854918639,0.19779949094051147,0.32 +3576,1.4826186468556535,0.19762829883091976,1.74 +3577,1.0193145869037565,0.1960789219511513,0.98 +3578,0.4953440110679648,0.1983505109884585,0.5 +3579,2.189661300785081,0.19812391106645885,2.26 +3580,1.7978890740421014,0.19732062120602856,1.98 +3581,0.8280724317038115,0.19653565244874213,0.84 +3582,2.041076527549868,0.19697675658326358,2.02 +3583,0.5805154297284547,0.19818376665125872,0.58 +3584,1.2281913235738724,0.19867714432701244,1.3 +3585,1.3370540884415796,0.1958457074899722,1.34 +3586,1.176065879213982,0.19823693266073986,1.28 +3587,2.7601188462572974,0.20488085627552902,2.64 +3588,3.1225247361021116,0.20282482717243297,3.14 +3589,1.5697953161290714,0.19680987228626812,1.54 +3590,1.7697251202535536,0.1963781425219412,1.82 +3591,1.3332393619260872,0.1968420357523982,1.42 +3592,1.6126539706964182,0.19632029405694756,1.68 +3593,1.3761937246344982,0.19624336719702734,1.44 +3594,2.68041057123893,0.19923465280381686,2.64 +3595,1.002188504105453,0.19622241166497403,1.02 +3596,2.9495417109602236,0.20310697835166364,2.88 +3597,2.8950011824711246,0.2012363533361994,2.78 +3598,3.181792814696722,0.20379858579480797,3.22 +3599,2.062007983442324,0.19676294945461445,2.06 +3600,0.9124824048570286,0.19663301516731024,0.96 +3601,1.2609804244040514,0.19667644917860755,1.26 +3602,1.2029289646663426,0.19653151238985872,1.22 +3603,4.000023600274564,0.2815170624934422,4.18 +3604,0.9693535820361368,0.19840819277418945,0.96 +3605,1.1306751887694046,0.1969734606646606,1.2 +3606,1.267688561484705,0.19626170957145708,1.18 +3607,1.687979017264662,0.19943809131179593,1.72 +3608,0.11173402823908773,0.20947767070781134,0.16 +3609,3.062128275305383,0.20484881156768353,3.06 +3610,1.50515280661681,0.19648453256173384,1.52 +3611,1.3980941728195124,0.19768682664849632,1.3 +3612,1.1036506441133502,0.19604095456800522,1.16 +3613,0.8517752175273205,0.1973948771011372,0.84 +3614,1.3492874592339703,0.19653922998188605,1.32 +3615,0.7464398083538026,0.19665818325105447,0.84 +3616,2.210351642136132,0.19833938586518457,1.96 +3617,1.1680276909601908,0.20007799833690768,1.28 +3618,1.890340486170785,0.19706349310060994,1.88 +3619,2.7025674194867197,0.20401569751069104,2.88 +3620,0.7090678454482024,0.19850029334155372,0.76 +3621,1.9463225284554113,0.1975303170179328,1.82 +3622,1.0974053346601558,0.19730344161482646,1.1 +3623,1.3518948502847588,0.19857737893342803,1.32 +3624,1.6377918400185956,0.19700431453450953,1.62 +3625,1.131052721109653,0.19725974288652545,1.04 +3626,1.777333433247604,0.1974388961161703,1.84 +3627,1.440690493519035,0.19882437236993336,1.3 +3628,1.3860586955869323,0.19580797248523774,1.3 +3629,1.4655956730835435,0.20290508614599748,1.48 +3630,1.6625616169146369,0.1968337462238242,1.68 +3631,1.731372780041077,0.19869730121016302,1.56 +3632,1.4187548989001884,0.2064423149125186,1.42 +3633,2.4869218940540825,0.20079426035131018,2.6 +3634,2.7767149274925598,0.2009499611656647,2.64 +3635,0.9970463780727834,0.1965866759561874,1.06 +3636,1.1084340918896982,0.1965847580920129,1.06 +3637,2.4428986651958176,0.20148599629030645,2.4 +3638,1.7593974444718263,0.19669153600125747,1.78 +3639,1.0901011457727265,0.20446865110714776,0.98 +3640,1.7484257997305934,0.19709461447561472,1.9 +3641,0.7358168241753145,0.19700683769070795,0.64 +3642,2.534562137689043,0.19780580434982073,2.66 +3643,1.8602529706923754,0.19640828591757248,1.78 +3644,1.8652980594449766,0.19679146551880267,1.82 +3645,0.831429826155373,0.1987371136092608,0.72 +3646,0.8016040617030136,0.19769967865914798,0.9 +3647,0.5660117973709611,0.20123722144312858,0.62 +3648,2.1260650980758404,0.20288577480844477,2.0 +3649,1.1961566535681003,0.19614280787762767,1.28 +3650,1.7533798467604123,0.1963759162615052,1.62 +3651,0.7361540360670713,0.19787457733298816,0.6 +3652,3.9448966773977374,0.25644699345841376,4.04 +3653,1.0805043994911436,0.19606120055066245,1.06 +3654,0.5654430230835996,0.19699781673915895,0.5 +3655,1.1654388657120482,0.19888465889747795,1.08 +3656,1.5948452532675899,0.1981086125035334,1.64 +3657,1.2433963849742926,0.19631146186427886,1.26 +3658,3.3521904585702353,0.21097425362641498,3.32 +3659,1.7802323011757188,0.19644305904026493,1.64 +3660,1.1502090486081746,0.19847965692780445,1.3 +3661,0.6764627462172224,0.19730941386135176,0.68 +3662,1.2007041293959126,0.19648051788685747,1.42 +3663,1.6280234373275841,0.19630791819351176,1.7 +3664,1.1887199587559905,0.19637046924094262,1.18 +3665,1.7844619537240534,0.19709998221392244,1.7 +3666,1.702902998697057,0.19682114613736892,1.58 +3667,0.976270615235094,0.19741446492087167,1.0 +3668,1.2358480786956405,0.19609624502405315,1.22 +3669,3.0745931816591683,0.22487705105468275,2.98 +3670,0.9435711396792261,0.19629086573239235,0.88 +3671,0.4342798195609099,0.20153024651497192,0.5 +3672,0.5666099192401053,0.19789418910739676,0.54 +3673,1.7240833821008534,0.19958194414840116,1.86 +3674,1.244175060748447,0.19642335822985624,1.22 +3675,0.8213746003077946,0.19791249065891608,0.76 +3676,0.9860173765411884,0.19638672932275836,1.04 +3677,1.7431975967004099,0.19606291783163018,1.72 +3678,2.1172291154486076,0.19734832140333722,2.16 +3679,0.5474176661951942,0.19776926098582906,0.56 +3680,1.4129753729669519,0.19639951802533928,1.42 +3681,1.9713175363424957,0.19677452379060306,1.96 +3682,1.696105512192636,0.19620360732726755,1.76 +3683,1.0199123157731949,0.19692329065201156,0.9 +3684,1.9415529369374167,0.1978534193487141,1.92 +3685,2.3307760460310147,0.198354255151143,2.38 +3686,1.8420154306666903,0.19695276351356303,1.84 +3687,1.7531072491309174,0.2060264113543878,1.74 +3688,0.9364185386871593,0.19655047860999586,0.92 +3689,1.5440749478872609,0.1958199975053076,1.52 +3690,1.341160924558181,0.19708970713467863,1.3 +3691,1.2953699369166038,0.1972128380087375,1.32 +3692,1.498815943927411,0.19797959462970804,1.5 +3693,0.8013600600581743,0.19985154842637673,0.8 +3694,1.477966174184533,0.1966472905482381,2.02 +3695,1.8771078642642323,0.20244047782465022,2.42 +3696,1.9207634145482362,0.19733118937962185,1.84 +3697,0.6739846802165792,0.19698041833906227,0.6 +3698,0.670377720777473,0.1969948540608513,0.72 +3699,0.530725113068717,0.19763289239202417,0.52 +3700,1.238596007686005,0.19784536076306683,1.24 +3701,1.7605891752013383,0.19652484097384573,1.72 +3702,1.6554968600690274,0.1962916818837333,1.68 +3703,1.6918509173328746,0.1959808832600269,1.76 +3704,0.37673370302364284,0.1980763650075809,0.32 +3705,1.980994521083426,0.19676836726146513,1.96 +3706,1.8603636037138078,0.19645705226737836,1.92 +3707,1.2981073836148824,0.19688259230529623,1.18 +3708,0.698933792756177,0.1989290338348751,0.64 +3709,1.3500100938896231,0.19984277395302696,1.44 +3710,1.9650309240626211,0.19741280554218124,1.94 +3711,1.964195125881433,0.19673757384224616,1.98 +3712,1.5213361104226437,0.19585876141443373,1.52 +3713,2.6714069488276455,0.20392264380032799,2.64 +3714,2.4763395950666474,0.19852097869968485,2.56 +3715,1.8909016881776126,0.19678870050744218,1.86 +3716,0.7317559976262769,0.1972030965723592,0.66 +3717,0.3270394679835471,0.20608322879751534,0.34 +3718,0.9334396331631152,0.19834922946126313,0.92 +3719,1.050516298665729,0.19606015319402703,1.16 +3720,1.47712070801655,0.19708283490971756,1.46 +3721,1.6502968794942903,0.1964977527031462,1.64 +3722,0.576729231294006,0.20080537706901186,0.48 +3723,0.4204707240128642,0.2989491349917401,0.18 +3724,1.263895184233371,0.19662740018359182,1.2 +3725,2.3396426523773033,0.20006429109084703,2.3 +3726,2.1396912742653584,0.1987478665768759,2.3 +3727,0.2589161013788197,0.20502496050670432,0.24 +3728,0.791304019775573,0.19697262289886214,0.86 +3729,2.6263859936945484,0.19859483737380773,2.52 +3730,1.1907273027141216,0.19639286385565646,1.2 +3731,2.3051961129850222,0.19868594423824065,2.14 +3732,1.0558268009497964,0.19887496546713507,1.08 +3733,1.158989263230088,0.19790513688688477,1.16 +3734,2.789362716853667,0.20243688303294272,3.04 +3735,1.021463171781885,0.19932900318516875,1.14 +3736,3.6802271636638486,0.23328797676456936,3.62 +3737,0.8007192254899356,0.20266900684490127,0.78 +3738,1.565841886379507,0.19584436282082512,1.6 +3739,1.6674788595775296,0.19778331580001565,1.6 +3740,0.14314570124249792,0.2113621540050347,0.08 +3741,1.3209995671517434,0.19687635517693722,1.2 +3742,0.8587440913444042,0.19648287987150656,0.84 +3743,0.2002830986116142,0.20058335997985013,0.3 +3744,3.6303942673916976,0.2312899110446689,3.6 +3745,1.4471549678295248,0.1959705883293598,1.44 +3746,3.2135356184985224,0.20471123020259496,3.68 +3747,1.5836084712861598,0.19898625518270543,1.56 +3748,1.3409885967764548,0.1967877095622247,1.48 +3749,1.9960854963342913,0.19688768291541034,1.98 +3750,1.4577447548323428,0.1967108999841547,1.44 +3751,2.599116152116094,0.20392904425483224,2.62 +3752,2.174731395052906,0.1977078210283608,2.12 +3753,1.5283444252946432,0.19600236580657046,1.46 +3754,1.1626018625483607,0.19719995278684213,1.02 +3755,1.6061538910062372,0.1961097778689945,1.5 +3756,0.0022470186358956035,0.2676413427231961,-0.14 +3757,0.8201462938779778,0.19662516815761424,0.74 +3758,1.280152443573034,0.1960162235029963,1.24 +3759,1.6732360936679034,0.19673875150073944,1.74 +3760,0.24201336885846514,0.2016285656229842,0.18 +3761,2.0157025774985766,0.19657237705156083,2.02 +3762,0.7182599704477384,0.2080899354097326,0.62 +3763,2.439628713357322,0.20194029031717237,2.26 +3764,1.2918719111465582,0.19600674044913807,1.32 +3765,1.4615683018093315,0.19642162720960407,1.46 +3766,0.7335700681917001,0.19644105321661445,0.62 +3767,0.8823068221409245,0.19692179783757321,0.84 +3768,1.8141283212044264,0.19642480826337502,1.86 +3769,1.2104692475783367,0.1958326996098961,1.28 +3770,-0.10566869037725679,0.24620280555722754,-0.24 +3771,2.581491733635309,0.20039679170610167,2.56 +3772,1.4939224625907248,0.19653773016907022,1.34 +3773,1.1271111057303966,0.19622279791063524,1.06 +3774,0.7980873516760938,0.19805240282782194,0.68 +3775,2.1544173578044012,0.2006973499730317,2.12 +3776,2.017720045755922,0.19716452645202381,2.04 +3777,1.4767273423620702,0.19679503227469125,1.52 +3778,1.2723790778498816,0.19601413782676452,1.34 +3779,1.6718246996148038,0.19827765604181552,1.84 +3780,0.4116581535036494,0.19864796445919944,0.34 +3781,0.6712389231418512,0.20413020817762054,0.76 +3782,1.9317043718476836,0.1963733786966569,1.96 +3783,1.6077225447254606,0.1966161624813476,1.64 +3784,2.252381348089601,0.20387282508292554,2.04 +3785,1.6351621675338195,0.19631741161946895,1.66 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/val-metrics-2022.02.11.10.47.40.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/val-metrics-2022.02.11.10.47.40.csv new file mode 100644 index 0000000..155a86a --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/val-metrics-2022.02.11.10.47.40.csv @@ -0,0 +1,7 @@ +,0 +nll,-422.07910663844586 +sharpness,0.20108488339505173 +variation,0.07137589556053653 +mae,0.07483001432796071 +mse,0.01118214961323964 +rmse,0.1057456836624533 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/val-metrics-2022.06.23.17.00.54.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/val-metrics-2022.06.23.17.00.54.csv new file mode 100644 index 0000000..bdaa0e8 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-2/val-metrics-2022.06.23.17.00.54.csv @@ -0,0 +1,7 @@ +,0 +nll,-422.0725284912812 +sharpness,0.20108697606830256 +variation,0.07140008624005223 +mae,0.07482604861745516 +mse,0.011182600488135932 +rmse,0.10574781552417965 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/2022.01.20.15.26.26/train/events.out.tfevents.1642692386.node-e00a-010.myriad.ucl.ac.uk.143962.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/2022.01.20.15.26.26/train/events.out.tfevents.1642692386.node-e00a-010.myriad.ucl.ac.uk.143962.0.v2 new file mode 100644 index 0000000..14c1cb6 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/2022.01.20.15.26.26/train/events.out.tfevents.1642692386.node-e00a-010.myriad.ucl.ac.uk.143962.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/2022.01.20.15.26.26/validation/events.out.tfevents.1642692442.node-e00a-010.myriad.ucl.ac.uk.143962.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/2022.01.20.15.26.26/validation/events.out.tfevents.1642692442.node-e00a-010.myriad.ucl.ac.uk.143962.1.v2 new file mode 100644 index 0000000..7829768 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/2022.01.20.15.26.26/validation/events.out.tfevents.1642692442.node-e00a-010.myriad.ucl.ac.uk.143962.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/2022.01.26.16.56.04/train/events.out.tfevents.1643216165.node-l00a-003.myriad.ucl.ac.uk.260643.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/2022.01.26.16.56.04/train/events.out.tfevents.1643216165.node-l00a-003.myriad.ucl.ac.uk.260643.0.v2 new file mode 100644 index 0000000..81b31d0 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/2022.01.26.16.56.04/train/events.out.tfevents.1643216165.node-l00a-003.myriad.ucl.ac.uk.260643.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/2022.01.26.16.56.04/validation/events.out.tfevents.1643216203.node-l00a-003.myriad.ucl.ac.uk.260643.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/2022.01.26.16.56.04/validation/events.out.tfevents.1643216203.node-l00a-003.myriad.ucl.ac.uk.260643.1.v2 new file mode 100644 index 0000000..efb6103 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/2022.01.26.16.56.04/validation/events.out.tfevents.1643216203.node-l00a-003.myriad.ucl.ac.uk.260643.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/2022.02.10.21.54.28/train/events.out.tfevents.1644530069.node-e00a-017.myriad.ucl.ac.uk.264423.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/2022.02.10.21.54.28/train/events.out.tfevents.1644530069.node-e00a-017.myriad.ucl.ac.uk.264423.0.v2 new file mode 100644 index 0000000..7446133 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/2022.02.10.21.54.28/train/events.out.tfevents.1644530069.node-e00a-017.myriad.ucl.ac.uk.264423.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/2022.02.10.21.54.28/validation/events.out.tfevents.1644530126.node-e00a-017.myriad.ucl.ac.uk.264423.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/2022.02.10.21.54.28/validation/events.out.tfevents.1644530126.node-e00a-017.myriad.ucl.ac.uk.264423.1.v2 new file mode 100644 index 0000000..727c7c1 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/2022.02.10.21.54.28/validation/events.out.tfevents.1644530126.node-e00a-017.myriad.ucl.ac.uk.264423.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/metrics.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/metrics.csv new file mode 100644 index 0000000..cd645b9 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,-3929.08731063503 +sharpness,0.09676818880315308 +variation,0.11231362231963272 +mae,0.058745855906583586 +mse,0.007246569758639425 +rmse,0.08512678637561402 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/predictions.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/predictions.csv new file mode 100644 index 0000000..6d661a1 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/predictions.csv @@ -0,0 +1,3786 @@ +,Predicted value,Predicted standard deviation,True value +0,1.5206547738982366,0.09570077635815588,1.48 +1,1.2746606886330412,0.0939583408113672,1.2 +2,1.1924708206080368,0.094302255618291,1.24 +3,1.516796294870396,0.09504237660909155,1.5 +4,1.0698488386940355,0.0941143508415485,1.06 +5,1.6440849899327787,0.09506169217492687,1.7 +6,1.4597876433614942,0.09520848075311181,1.28 +7,0.8926791114651991,0.0944495846598588,0.82 +8,1.2335750024132395,0.09370613323576972,1.16 +9,0.2643068045901025,0.09810244945239903,0.32 +10,0.6213006320262089,0.0952881029014761,0.6 +11,1.1729096142816502,0.09382561111871256,1.16 +12,3.051667007409595,0.10105626793126204,2.96 +13,0.8760743081667357,0.0942416936155317,0.84 +14,0.3446502085958052,0.09724324813513578,0.36 +15,0.6915984701022353,0.09472646656383078,0.64 +16,1.3770152121536512,0.09383490912151414,1.24 +17,1.6347439328716789,0.09513519657743776,1.54 +18,1.1964913757911546,0.09379306198110521,1.1 +19,0.8323603304516354,0.09451707706616683,0.82 +20,2.310709905704009,0.09539465692409387,2.3 +21,1.646744004063045,0.09514327671319532,1.6 +22,1.1462137409226258,0.09402002246523448,1.12 +23,0.605691393591961,0.09570456893947615,0.56 +24,1.2970680623460211,0.09370439124352856,1.3 +25,1.0397294817353213,0.09410815948448428,1.04 +26,2.3188910959252595,0.09534771624813633,2.18 +27,2.1770708508028562,0.09553931167879405,2.18 +28,0.9097290152270432,0.09422539339430143,0.94 +29,1.5265009810686934,0.09535390412342098,1.5 +30,2.1238972555915936,0.09580483958344875,2.02 +31,2.5698662139534214,0.09580706210598104,2.52 +32,1.6932402294686142,0.09500496810044369,1.64 +33,4.079371243581448,0.12357936557116875,3.9 +34,2.0342471541488436,0.0957777849876089,2.02 +35,2.242725852419653,0.09553406032629534,2.46 +36,2.2626147530141587,0.09552704635022204,2.52 +37,2.561775940828916,0.09592424508989596,2.54 +38,3.0161784163189367,0.10119756897259152,3.08 +39,1.657371865996943,0.09472658101776622,1.64 +40,0.615896689161719,0.09544859027541852,0.68 +41,0.5312201722996228,0.09573308403805356,0.54 +42,0.8200391886186651,0.0942461312058617,0.8 +43,1.432592186132716,0.09417395374868551,1.36 +44,0.7691286225315608,0.0946151699609451,0.8 +45,0.8248462413909046,0.09449932881939899,0.8 +46,1.9141578632818863,0.09571400859572171,1.98 +47,1.2436993107796965,0.09377102286673034,1.32 +48,2.7755079195327923,0.09744424925646346,2.8 +49,0.19176123218894858,0.0980376944435306,0.14 +50,1.2245108140114738,0.09376384720362559,1.2 +51,1.359583709110808,0.09395417062645944,1.4 +52,0.7884130320352156,0.09484275025670151,0.78 +53,2.4538951311816994,0.09541458603254291,2.56 +54,1.6699936701343248,0.09566009785651185,1.66 +55,0.9195233580694726,0.09468016408080276,0.92 +56,3.1503550153404163,0.10224956018952411,3.14 +57,1.1550390469761282,0.09396081529980263,1.14 +58,1.6107372328575948,0.0957476200151244,1.54 +59,1.976195731428497,0.09602062923503156,1.96 +60,1.6910983044373111,0.09538834462292371,1.66 +61,1.5212323504550014,0.09542707340650906,1.54 +62,0.7999014119973822,0.09452007404206511,0.84 +63,3.0679984462949648,0.10115949755924435,3.2 +64,3.586986198006862,0.10770544296176456,3.66 +65,1.367203373671252,0.09379448266247875,1.38 +66,1.62224251807541,0.09529451894873703,1.62 +67,1.2293151635889785,0.09382757081149698,1.16 +68,1.7775004871864226,0.09540682712426382,1.84 +69,2.363223173222835,0.09531574034882874,2.24 +70,0.31809120730600426,0.09812027700159827,0.26 +71,1.7945418229576546,0.095339477714935,1.72 +72,0.14507796427491826,0.09983626711059085,-0.02 +73,3.379137930375361,0.10841801452739316,3.92 +74,1.5981923756502283,0.0950092312777274,1.46 +75,1.1265907041946335,0.0945276115302833,1.16 +76,0.6531746437930082,0.09515170629685728,0.64 +77,2.1666493546540124,0.09588870240788566,2.12 +78,0.7344955478571116,0.09459027928744325,0.8 +79,1.429973218625797,0.0942064816307852,1.38 +80,1.3923847192684207,0.09429036828311056,1.46 +81,0.6205440176268944,0.09529915318894011,0.62 +82,1.4937388101694111,0.09476807823408152,1.42 +83,1.23038753868979,0.0951577770796115,1.2 +84,1.559751947476684,0.09598035055145367,1.52 +85,2.442300069242876,0.09534299971302089,2.64 +86,1.3264457501075029,0.09373400866903657,1.32 +87,1.8407935265489286,0.09549136278811916,1.9 +88,1.7430780399967034,0.09564767085640519,1.74 +89,1.2880781400027814,0.09377217980024503,1.22 +90,0.5405982002063006,0.09509810668143592,0.58 +91,0.4187642403446752,0.09729639413043958,0.42 +92,1.8135128159533664,0.09528554261752416,1.84 +93,1.242826970927986,0.09377778435597295,1.24 +94,1.4137025947400943,0.0941174462428629,1.3 +95,0.7271965862587173,0.09476997886905741,0.56 +96,1.9155069487198446,0.0955673777077947,1.88 +97,0.85287466825541,0.09458405515485116,0.84 +98,1.7891401381748508,0.09523579835837778,1.84 +99,1.0704486316477357,0.09437969977063802,1.08 +100,0.3415577863815109,0.09827800915479595,0.22 +101,1.2728571358951086,0.09378322133218846,1.26 +102,1.3202974010755995,0.09408063817052063,1.24 +103,0.9801309429766079,0.09425579489192948,0.94 +104,1.290652453249784,0.09380301399424242,1.16 +105,1.3408763290427643,0.09386461212286709,1.3 +106,1.8295174309901725,0.09531846235301,1.8 +107,0.974646081530139,0.09483326417348868,0.94 +108,0.4164784403147195,0.09703981522837181,0.46 +109,2.0965045934294366,0.09585842815569995,2.2 +110,2.536840385870825,0.0968645443947553,2.6 +111,0.15040665197089353,0.1026851620008075,0.2 +112,1.729928034971671,0.09562407654483208,1.68 +113,1.6885304715469829,0.09640341989814441,1.66 +114,1.4828385154503252,0.09475966162532228,1.58 +115,2.112496675539255,0.09556979449429687,2.08 +116,1.2705671489682828,0.09400695955031892,1.2 +117,1.8195057615982577,0.09530174295472568,1.8 +118,2.3938056090186457,0.09538372916654546,2.44 +119,1.6475565740636355,0.09723557631869248,1.7 +120,2.4681920704718863,0.09563633350576685,2.4 +121,0.5899723640754893,0.09519688141865108,0.58 +122,1.7592473954696715,0.09585874473911334,1.84 +123,1.0488711964465907,0.09418858621406666,1.02 +124,2.068623674127579,0.09580250816539512,2.12 +125,0.9790707868459165,0.09478884253349792,1.02 +126,0.7113395347715397,0.09514048425804673,0.74 +127,2.4201080583146535,0.09540399505755998,2.5 +128,2.07900692565093,0.09566597755031725,2.04 +129,0.8333313390443458,0.09439923606949498,0.84 +130,1.4622912690715069,0.09605881210291728,1.38 +131,0.8092541928955264,0.09453349930815483,0.76 +132,1.9088167558415776,0.09563381095972545,1.94 +133,1.17521505168002,0.09388659785396428,1.18 +134,0.8191057887578701,0.0945794345382371,0.88 +135,2.8700756673766,0.09912134790151363,2.9 +136,1.564355240698056,0.09513202752216934,1.44 +137,1.962219932732907,0.09574493928299821,1.98 +138,1.7592863534334313,0.09539784734550975,1.86 +139,1.4897228824978015,0.09492210315116467,1.52 +140,0.5454663813066922,0.0959213225527427,0.4 +141,2.907193426145568,0.0994069827273518,2.86 +142,1.4606029779687546,0.09457440676124529,1.4 +143,0.3445003623151308,0.09755056760001261,0.36 +144,1.6921096040604127,0.0959671853972644,1.64 +145,1.4405138909873685,0.09493879974735517,1.38 +146,1.5842574898062551,0.09574450383286674,1.58 +147,1.3496607925492228,0.09380053031751076,1.28 +148,1.1884636810818208,0.10960486595557048,1.42 +149,0.7821869335181724,0.09472200612649927,0.82 +150,1.2373952680489495,0.0940465365036388,1.18 +151,2.1595509564958704,0.0955256200578534,2.16 +152,1.8295140390428983,0.0951970609659691,1.68 +153,1.8546210431982217,0.09556212548871228,1.9 +154,1.9388089963178956,0.09566271892891634,2.0 +155,1.0692456383783977,0.09415177245522127,1.06 +156,1.1002804708597296,0.09437812827140318,1.08 +157,0.8580667213277415,0.09424044540357579,0.9 +158,1.1990513720728089,0.09393648725031481,1.16 +159,1.7743094795837493,0.0953311096118624,1.74 +160,0.8416462385568231,0.09487712024289095,0.82 +161,1.6093127544361394,0.09551672912921266,1.58 +162,1.7391745088887163,0.0953347166528547,1.64 +163,0.9893628774542336,0.09464440507983661,1.02 +164,1.6909004137059824,0.0953105452861572,1.72 +165,0.8089241643983804,0.09456204815834131,0.78 +166,0.9528086294695655,0.09411438943381263,0.88 +167,0.9179314794856879,0.09447908523648463,0.88 +168,2.1261132574470665,0.09585752348005841,2.04 +169,1.5421734645555887,0.09585524494589946,1.48 +170,1.0887152932846504,0.09500554890998954,1.1 +171,1.462546581081611,0.09468854843898851,1.42 +172,0.23033099023590609,0.09866935189819204,0.16 +173,1.6662950138832642,0.09514607729764908,1.54 +174,0.9307755863244793,0.09446125256796174,0.9 +175,1.4369203559465404,0.09426996826544323,1.4 +176,1.2873742084479929,0.09461927399156701,1.32 +177,1.1221173932239736,0.0939681396055828,1.12 +178,1.9053066513544294,0.09547194420763958,1.94 +179,1.65045835700289,0.09553848059247287,1.72 +180,2.207890384853851,0.09551165423801981,2.14 +181,3.562755289288056,0.10781309257693163,3.72 +182,1.5809755750048282,0.09710680797360313,1.58 +183,0.7864173918555721,0.09451194872437986,0.78 +184,2.728405030626078,0.0972313951218285,2.66 +185,1.6388290588709111,0.09555018062449476,1.66 +186,2.8671391709909315,0.09847300471121968,2.86 +187,1.288867072828026,0.09356710804049054,1.36 +188,0.5917033479617899,0.0955643930909731,0.54 +189,1.3331100876990263,0.094226516219769,1.16 +190,2.681842192760275,0.09760161594145182,2.66 +191,2.2184541988124877,0.09553130362682873,2.3 +192,3.3471009742073825,0.10630383802134322,3.42 +193,2.651931001281344,0.0967141628321208,2.52 +194,3.006431690806764,0.10012785808270414,3.1 +195,0.3420064997483365,0.09733314750055333,0.38 +196,1.5480925017988483,0.09571250660808973,1.46 +197,0.7514314644213158,0.09491165798733957,0.72 +198,1.094799951482436,0.09524221817550627,1.28 +199,2.6102498975808075,0.09656369356865395,2.62 +200,1.5360053679459966,0.09521282837488933,1.46 +201,2.5450582474499903,0.09590113758484227,2.62 +202,0.7034230417811855,0.09495754142897252,0.68 +203,0.5935252937801181,0.09548741439447943,0.64 +204,1.0857452480162806,0.0945398639325762,1.04 +205,1.8362146049946588,0.09555901307686239,1.82 +206,1.5065421931586869,0.09558504816122174,1.36 +207,0.7210027245667874,0.09479868983397682,0.74 +208,1.5759210771550798,0.09562411570611032,1.6 +209,1.4573930812075773,0.09518480939202086,1.42 +210,1.7932228137605861,0.09524336569364862,1.94 +211,1.7144870652009985,0.09539615279540926,1.74 +212,2.0791111483603473,0.09567967175388457,2.08 +213,1.8072038967936237,0.09537910653241725,1.68 +214,2.485395412446845,0.09567673728253481,2.74 +215,0.9547551364969635,0.09452748234729445,0.9 +216,1.073792594919766,0.09400863423655947,0.96 +217,1.084585311815168,0.0949863006279108,1.36 +218,1.1622445165644706,0.09447591186879684,1.02 +219,0.9958922827104928,0.09452491794387631,1.02 +220,1.1269989774594364,0.09409511879675468,1.06 +221,1.0088949778170857,0.09428952279983122,1.02 +222,0.8875680849496206,0.09454238436609082,0.88 +223,1.2637029751274937,0.0937424001494275,1.28 +224,2.9108623677517365,0.0993879049522178,2.88 +225,1.351601744363876,0.09463794107945309,1.44 +226,1.0764354562012315,0.0941966977614069,1.12 +227,1.4119717120271105,0.09441094388184954,1.46 +228,0.8083080732410046,0.09472834296452105,0.64 +229,0.7713860572602016,0.09471432529876653,0.76 +230,0.676663202266834,0.0949303815990518,0.7 +231,2.993035590172557,0.10037285656545124,2.96 +232,0.7024199347030553,0.09504558224316029,0.7 +233,2.2687562259340908,0.09528664035089682,2.28 +234,0.572911690255772,0.09537057332663053,0.48 +235,3.8395512658446656,0.11076823347415027,3.76 +236,2.089610532925988,0.09664655966478884,1.98 +237,1.0987320927532451,0.09517783805805759,1.7 +238,3.0529791230888392,0.10172246491352693,3.26 +239,1.4890809096369821,0.09514143155636604,1.42 +240,0.35797033033279746,0.0972131422404258,0.32 +241,1.7357844269169291,0.09553587226612499,1.84 +242,2.5343800032377146,0.09597036877358638,2.6 +243,3.861966399565951,0.11369420814791263,3.98 +244,1.5642150101133936,0.0959142266061563,1.5 +245,1.2669846740187083,0.09373444192974356,1.18 +246,2.024240560263273,0.09576631534174915,2.02 +247,0.46576619886569404,0.09608563881192539,0.4 +248,1.5012427736380332,0.09637511254692026,1.54 +249,0.6751491220205565,0.09499189763410654,0.7 +250,1.0168457386478948,0.09520481157121764,0.96 +251,0.6190564284378972,0.09531381181948384,0.64 +252,2.0514304440318725,0.09585540464150606,2.12 +253,1.3598967008539873,0.09374403341191839,1.26 +254,1.8446802410023295,0.09548233798184758,1.84 +255,1.1395718403730584,0.09417151577160554,1.12 +256,2.85805506502156,0.09902869405720535,2.86 +257,1.3754912772836931,0.09386244505981746,1.42 +258,1.4042968842133021,0.09406200696924023,1.32 +259,1.3268954709466882,0.09371142888758459,1.22 +260,2.101552254151727,0.09583559161540607,2.14 +261,1.1209850090010391,0.09420055057705488,1.16 +262,1.125835107964953,0.09491515117357935,1.02 +263,1.2549899767218875,0.09355747334500035,1.26 +264,0.7994584703750078,0.09467216667589577,0.94 +265,0.7826217031907703,0.09468263153047836,0.72 +266,1.997168464156097,0.09586194995941097,1.92 +267,1.293476882929852,0.09409651614219162,1.28 +268,0.5530312364351921,0.09571193556332865,0.56 +269,0.7666445010139071,0.0945100764811997,0.7 +270,1.6552793119119542,0.09595687892730152,1.76 +271,2.385526636184686,0.09554691894591678,2.24 +272,0.9760223150962588,0.09486569511905267,0.88 +273,1.1836860319802724,0.09438392938311911,1.34 +274,1.8015685908441412,0.09539354744981766,1.9 +275,0.691069649063472,0.09484201938689601,0.66 +276,1.3279283141903377,0.09400404531330876,1.32 +277,0.7814651478477401,0.09454608711960243,0.74 +278,1.894348799173045,0.09628463224083057,1.92 +279,1.3217988330722505,0.09435372215136913,1.38 +280,0.9613533061957824,0.09416988797799786,0.9 +281,1.6775195096320203,0.0956132602022051,1.58 +282,1.394474153784195,0.09420769724864812,1.4 +283,1.3339363677883824,0.09381122354721579,1.32 +284,1.88222964518161,0.09600006112526882,1.94 +285,0.10071322757145751,0.09947010762545286,0.1 +286,1.706526893320408,0.09516940609769937,1.5 +287,0.7537174725683755,0.09464591423886806,0.74 +288,1.6494253619962933,0.09552662764278513,1.74 +289,1.7307904153238027,0.09532010895954586,1.72 +290,1.1024273594371579,0.09428285871403766,1.1 +291,1.1867396650404345,0.09374637649934649,1.14 +292,1.3882729188000198,0.09407482091306725,1.4 +293,1.8862293789896825,0.09582068195665265,1.94 +294,2.684117654262593,0.09657228908420264,2.62 +295,1.2293137641824217,0.09373330971968331,1.22 +296,1.6264793185619055,0.0952415243917453,1.52 +297,1.4969691584966398,0.09573285885543495,1.52 +298,0.5674707091142608,0.09626568572251577,0.6 +299,0.9634450733766684,0.09444750642853138,0.94 +300,1.869272445771358,0.09556244788649221,1.84 +301,1.423296531963615,0.09415110683908194,1.4 +302,1.3654684515333528,0.09399692834862661,1.42 +303,0.1667013698257911,0.09803118295017307,0.2 +304,0.5419132855971931,0.09589066135772682,0.44 +305,2.5225223894637985,0.09671428425307778,2.58 +306,0.8541947827201497,0.09455184865758132,0.86 +307,0.6294281726636122,0.09516439515020772,0.58 +308,2.9185049446669353,0.09897319177139187,2.88 +309,0.9843251280123795,0.09433921514886115,1.0 +310,1.4094438042484754,0.09453348014358245,1.36 +311,1.4577194054836227,0.09479037513872281,1.38 +312,3.8152281826597836,0.11186423469822052,3.98 +313,1.3115699297920216,0.09439714373203195,1.26 +314,1.9370827935159909,0.09567788339238392,1.88 +315,1.1629588867133265,0.09384008853510048,1.1 +316,1.0225002868716189,0.09430454458253432,1.02 +317,0.2303350570185927,0.09882279834290157,0.26 +318,1.689290123955331,0.09500916662638441,1.64 +319,2.5048419463366365,0.09560682778114926,2.44 +320,1.9732272595759994,0.09563214503309801,1.84 +321,1.5486464320023927,0.09528273005061189,1.48 +322,1.893719564326041,0.09569789675575491,1.96 +323,1.5963984060493956,0.09594236698391093,1.58 +324,0.45279424179596717,0.09643452054422931,0.38 +325,1.6508254471973913,0.09562959200709793,1.66 +326,2.5702292666261926,0.09591616479219611,2.66 +327,2.5057953210623047,0.09566870203028245,2.58 +328,1.2995441478201215,0.09371178727601348,1.32 +329,1.5240919963843425,0.09589268607257115,1.58 +330,1.2647670965747224,0.09416342396939092,1.22 +331,1.1934096747915532,0.09396060315474213,1.18 +332,1.4105424307786194,0.09400824600237977,1.38 +333,2.3293769534940054,0.0952895431992337,2.28 +334,0.42927414358773675,0.09757625633143274,0.4 +335,1.0472336203446417,0.09443287947499457,1.1 +336,1.62546704974703,0.09580361062336698,1.68 +337,2.7918595748159234,0.09761367887861717,2.78 +338,2.605573313491398,0.0967202299072819,2.56 +339,1.4583192675247432,0.09515945723811234,1.42 +340,1.4426596582777194,0.09427687389727656,1.36 +341,1.7500557664713838,0.09553587230423259,1.76 +342,0.1711300300011942,0.10051577860672857,0.2 +343,1.0482108036487645,0.09444001060278369,0.98 +344,0.6869045058246108,0.09510216599927045,0.64 +345,1.2467029164255976,0.09454080173572042,1.16 +346,1.197152065831368,0.09413168407421932,1.18 +347,1.5957071162658778,0.09540595095828623,1.56 +348,1.0437664722676487,0.09435280166934534,0.96 +349,1.635142433548019,0.0952543640144098,1.54 +350,0.5315896491773735,0.09579188429519077,0.52 +351,1.4022131742891588,0.09422091571036338,1.28 +352,0.7231646137588648,0.09456591601046714,0.7 +353,0.9403370272297309,0.09434508388743112,0.94 +354,1.5931940266378462,0.09719152000204037,1.72 +355,1.1288975517409412,0.09397475373151248,1.1 +356,1.3719797307637691,0.09385461779386489,1.38 +357,2.2649862628329487,0.09544483893119914,2.26 +358,0.9837663932232132,0.09424268643320623,0.94 +359,3.5220367420667884,0.10612223310361368,3.66 +360,2.704327327096351,0.09712907053899313,2.6 +361,1.5378666889637316,0.09530794441498562,1.46 +362,2.380119327792741,0.0953962501429698,2.3 +363,2.6136309918951817,0.09635020030066997,2.62 +364,1.8784089356159583,0.09556893359110107,1.86 +365,2.46793911642321,0.0955129694321623,2.44 +366,3.5560467423293147,0.10555596739250102,3.4 +367,1.031687597533967,0.09434262276609522,1.02 +368,1.3594219140708859,0.09421028529057378,1.34 +369,1.3300863882224334,0.0940675979200845,1.28 +370,2.9878366846539706,0.10058001752243323,2.92 +371,1.824219474366366,0.09535088605863543,1.82 +372,3.055357567274587,0.10247494880485031,3.06 +373,2.0962933488166016,0.09564022970715554,2.08 +374,0.7632785244247984,0.09543126334310309,0.22 +375,1.1426571321738876,0.09419486275694791,1.06 +376,1.8179569111107767,0.09529220636005804,1.88 +377,1.910958585048128,0.09562862960593517,1.78 +378,2.1139136159177028,0.09582860274689382,2.1 +379,1.829515235247733,0.09527591714768856,1.8 +380,1.7127260070840507,0.09542103390272157,1.7 +381,1.9834032667979145,0.09575323267361723,2.0 +382,1.9664013198664705,0.09549894841276269,2.0 +383,1.2123226352893681,0.09415419279311303,1.18 +384,0.9357373409945922,0.09452782593056576,0.94 +385,1.3269881067435492,0.09362125038661949,1.34 +386,0.7550744091587873,0.09470212074494153,0.7 +387,1.8449665255569911,0.09543294832533218,1.86 +388,1.0251422439573972,0.09411614496721497,0.98 +389,2.410353732314377,0.09603508792313205,2.26 +390,1.819095001290286,0.09540372065442651,1.88 +391,3.1885996198553137,0.10210253196571319,3.32 +392,1.3701857075617028,0.0939671449648981,1.42 +393,1.5544082362332787,0.09484806582979145,1.44 +394,1.2426228419425271,0.0939510834220862,1.32 +395,3.1965111118344183,0.10400518625325525,3.24 +396,2.1692949269355637,0.09602904090109589,2.22 +397,0.8798178106990981,0.09463412965182255,0.88 +398,0.979002948623787,0.09486278209414598,1.1 +399,1.4831032017038481,0.09525924877430789,1.44 +400,1.5936422491525946,0.09593194597030145,1.56 +401,0.7351468445975691,0.09496590868491771,0.74 +402,1.8392375049628384,0.09555170907535351,1.76 +403,2.422498088281472,0.09522981294095603,2.44 +404,1.7914438639340204,0.09528188272525155,1.96 +405,1.221779381017285,0.09422852114266726,1.16 +406,0.8312538828416365,0.09473641646190994,0.86 +407,1.8313999833136236,0.09531788277293704,1.84 +408,1.71873376123132,0.0952515136501945,1.74 +409,0.635655433243862,0.095500744276134,0.62 +410,1.0192148622034338,0.09424390713897172,1.04 +411,1.202185844936352,0.09368622550473367,1.12 +412,1.895935103437381,0.09539161328050008,1.8 +413,0.7888127281447161,0.09465419588582945,0.82 +414,1.3295343152513937,0.09389021571556065,1.26 +415,0.9203215921808905,0.09462961811800776,0.96 +416,0.8209072237444843,0.09493750748101748,0.94 +417,1.3283767221734806,0.09363156904725335,1.18 +418,4.867615784758829,0.38239916491177967,4.78 +419,1.3561927883723115,0.09381712233673388,1.36 +420,0.2596391560632938,0.09796793341311803,0.18 +421,1.2793990424466983,0.0938114709245587,1.32 +422,1.5278194088147856,0.09608305125612447,1.54 +423,1.1408786623580838,0.09396201444948664,1.04 +424,1.4237036985344034,0.09422127837055708,1.36 +425,0.728499679430989,0.09504173144100717,0.74 +426,1.1103984884163793,0.09433361851029651,1.12 +427,1.350587824165416,0.09380141900742632,1.32 +428,0.6167330596969194,0.09530798837563001,0.62 +429,1.4670076143474304,0.09472535848607656,1.46 +430,1.1714297956441584,0.09377027149002722,1.2 +431,2.6177035806000184,0.09647145418939124,2.56 +432,1.8462614843850176,0.09549847863989111,1.8 +433,0.8988953679548892,0.09453640610190915,0.76 +434,0.5768230468536437,0.0957180189863569,0.54 +435,1.768102994102982,0.09528552043597793,1.82 +436,0.9765560291583384,0.0948411176287161,1.0 +437,1.783001674426778,0.09604386778383878,1.84 +438,1.1776850758412536,0.09399266224585293,1.24 +439,1.026267391066483,0.09430318086367684,1.06 +440,1.610691006331983,0.09605499417200405,1.44 +441,2.6665235552481867,0.09713729384430927,2.78 +442,4.377269370900681,0.15722190180789178,4.38 +443,1.6255952897969337,0.0951284593006124,1.6 +444,1.0944499660590736,0.09405931824389387,1.06 +445,3.1839780764793986,0.1029869711946972,2.82 +446,1.6725584238986713,0.09527208886674735,1.6 +447,1.7043267467863927,0.09535441367807787,1.66 +448,0.9481432828151952,0.0944532534752072,0.9 +449,0.5862470931092894,0.09565120920939328,0.6 +450,1.4242482039913256,0.09460101395350641,1.3 +451,1.8753935633166279,0.09560098766579177,1.98 +452,1.8177770211832538,0.09531277266054677,1.9 +453,0.25391791257008833,0.09775607754531865,0.24 +454,1.2088153535472443,0.09425827094332387,1.24 +455,2.294311266161479,0.09532289740170223,2.34 +456,1.0184857366491542,0.09442383815122297,1.0 +457,1.5996787600601436,0.09584415409294395,1.64 +458,1.3506505315659751,0.09393063578589954,1.3 +459,1.5482686284668787,0.09566461078385825,1.48 +460,1.7102014781120118,0.09532205717897738,1.7 +461,1.1084258330951187,0.09389887793463358,1.1 +462,0.2796072253714179,0.09825229493919324,0.22 +463,2.2701562348098143,0.09525266174242755,2.22 +464,1.850021207530773,0.09561061426995153,1.96 +465,2.016506761142807,0.09579655949084993,2.0 +466,1.0691321743166853,0.09476654802144317,1.02 +467,0.5553215481542395,0.09654139261350102,0.56 +468,1.4040233298824134,0.09442109193536101,1.4 +469,1.2747884338230548,0.09418558362298743,1.24 +470,1.1694662534477658,0.09400854674636669,1.18 +471,2.1477045697505233,0.09573690863654581,2.18 +472,1.6801412396626958,0.09584907796372599,1.58 +473,0.9039215707941182,0.09520556097728285,0.9 +474,1.5496289494889837,0.09543515357768483,1.5 +475,1.7217353052963418,0.09566970749890814,1.76 +476,2.5788277755979294,0.09632849522516679,2.64 +477,1.23131681513334,0.09568888067253498,1.24 +478,1.7130320551729667,0.0965755098084942,1.78 +479,1.4167147847954453,0.09431181809669689,1.42 +480,1.2395378526266754,0.09377288787437117,1.18 +481,1.3456949414077073,0.09395159007965545,1.34 +482,1.326211021899951,0.09410121070620647,1.26 +483,1.6967476758325404,0.09478594370032915,1.68 +484,0.9745548707333924,0.09421876084066698,0.9 +485,1.4666052420879296,0.0948206560068623,1.4 +486,0.3685812085381883,0.09956013334396385,0.64 +487,1.165443374227948,0.09447234070168943,1.2 +488,0.828623867065474,0.09444854895977889,0.8 +489,2.4407285422762115,0.09618493996479102,2.48 +490,1.099001484651076,0.09479730062661841,1.04 +491,1.0597617729639666,0.09450122575208666,1.1 +492,1.2012064956532456,0.09400493395543338,1.3 +493,1.7267786278556017,0.09513615152598327,1.64 +494,2.0607316460796454,0.09596201849670802,2.14 +495,1.457331632727012,0.09454287307973283,1.46 +496,1.6070265643554151,0.09801098198225658,1.54 +497,0.7576336126108849,0.0947776104427191,0.76 +498,1.3500190680868585,0.09459747041429348,1.4 +499,0.7118260030930763,0.09479314890676489,0.72 +500,1.9650057076068208,0.09572511528958338,2.0 +501,0.4761701042991362,0.09607290318689818,0.46 +502,1.7912132864701533,0.0952035968421901,1.78 +503,1.583927593487573,0.09542087939600992,1.62 +504,0.9187191123045721,0.09439688647992585,0.84 +505,2.032780504933598,0.09632544458554988,2.0 +506,1.1302941570284162,0.09389486172984081,1.1 +507,1.0056601211945875,0.09439442185327475,1.0 +508,1.3046825807049558,0.093767420505012,1.28 +509,1.400518359568835,0.09411658274742554,1.28 +510,1.2017763155770496,0.09381311816651464,1.26 +511,1.962135121253283,0.09590057094243096,2.02 +512,1.009668953266356,0.09418072614342098,0.92 +513,2.4003125868791457,0.0960055114689986,2.4 +514,1.2507211509394338,0.09401269621591608,1.2 +515,2.1545037680303807,0.09571573758568121,2.1 +516,2.2497375311554,0.09581004599787239,2.18 +517,1.9536592747485457,0.0958768191061847,1.98 +518,1.713170874919804,0.09596992153897453,1.7 +519,0.9081924240066144,0.09513164794073717,0.82 +520,0.670109311464266,0.09532617347065933,0.72 +521,1.6342573148135884,0.0956093988367909,1.58 +522,0.8124072838798391,0.09470138212119783,0.8 +523,0.6729794808212048,0.09527735270783451,0.68 +524,3.521989087746256,0.10743043308571198,3.64 +525,0.8306358095363251,0.094384354073494,0.74 +526,0.9710052898123109,0.09427196299052737,0.96 +527,1.341401358158791,0.09378463872940174,1.44 +528,1.3449679290192975,0.09375356174335094,1.28 +529,2.7468061029501243,0.09725817346666822,2.78 +530,2.1016476865550047,0.09568235853079249,2.08 +531,1.0290468347641735,0.09489175642093245,0.98 +532,2.0373001644659823,0.09578253596667279,1.88 +533,0.8679669868676285,0.09455087044069076,0.92 +534,1.2125768805418033,0.09369571603848409,1.22 +535,1.9526035517329134,0.09565822202276367,2.0 +536,0.5123731982002511,0.09571799428563964,0.52 +537,1.4326087979725912,0.09495756128872758,1.46 +538,0.809865272410832,0.09443150974411103,0.82 +539,1.408209444276423,0.0941913874714489,1.36 +540,1.3712579321248626,0.0938918281842184,1.3 +541,1.3417295461107344,0.09382448696932554,1.26 +542,1.2266910425026012,0.09367345908192692,1.16 +543,2.0329878705094373,0.09582445686633606,2.04 +544,2.3484173112402686,0.09549450120870592,2.3 +545,0.3630212660464629,0.0974800426983722,0.38 +546,2.14279119882265,0.095697908498789,2.12 +547,2.569799849663436,0.0964065727845686,2.66 +548,1.9409158743209503,0.0958033056259155,1.96 +549,1.388242686979396,0.09396046885543519,1.38 +550,2.012707214494924,0.09575523421006527,2.0 +551,0.9503285246430337,0.09449960752611111,0.92 +552,0.0790988570536868,0.10512647253618909,-0.02 +553,0.6442188282192909,0.09503959676682758,0.64 +554,1.425072105326855,0.09505111178750864,1.3 +555,2.465095216042233,0.09547635749109082,2.5 +556,2.9553967485831123,0.09929075447650375,2.98 +557,2.0932504904957767,0.09574131361410004,2.0 +558,0.6392029202875449,0.09477951532263229,0.64 +559,1.439219309295872,0.09449350709017282,1.32 +560,1.4129486491795191,0.09421027431993889,1.32 +561,1.1901062646428358,0.09397176689037894,1.16 +562,0.8681886936592562,0.09463550886521813,0.9 +563,1.924898788101494,0.0961109917360537,2.0 +564,0.6046149482349499,0.09554276671180678,0.68 +565,4.196249848722992,0.13355460504712555,4.22 +566,2.1379683825367266,0.09572554738910181,2.16 +567,1.0219044150794048,0.09408113496549263,0.94 +568,1.354336847174956,0.09401828857269857,1.46 +569,1.9765629462769567,0.09573254404072423,1.94 +570,1.8445810805321656,0.09590397086330459,1.98 +571,1.2221049067354173,0.09367609074474204,1.16 +572,2.7993353934830516,0.09805052740086508,2.76 +573,1.9078149245386413,0.0956437883378311,1.9 +574,2.156490497597119,0.09568406488350978,2.16 +575,1.571425805082562,0.09554353398924445,1.54 +576,1.1842749940538937,0.09397512955465978,1.14 +577,1.5598227905748558,0.09532759986540244,1.38 +578,1.742823255036086,0.09538362364966194,1.64 +579,2.5141937898704967,0.09580541127706595,2.56 +580,2.5963115448497085,0.09613696531915963,2.6 +581,1.6105878786430594,0.09556253341124417,1.46 +582,1.9105718913313723,0.09553673852313568,1.8 +583,1.3969595297172575,0.09470447457224829,1.2 +584,2.0704024277823763,0.09570752314875773,2.2 +585,1.2079304072342794,0.09415465755662984,1.2 +586,0.6206299113044551,0.09575983689613536,0.56 +587,1.6254908237236236,0.09645967231985009,1.52 +588,1.6750966782143735,0.09466083139655745,1.72 +589,1.791758667054708,0.09553087946878963,1.78 +590,0.6664193407548531,0.09496469611562351,0.6 +591,1.5682346702900674,0.0951949385478772,1.52 +592,2.7155241606355354,0.0976739815216233,2.66 +593,1.4972872298063322,0.09494463207065809,1.52 +594,2.9779447152303753,0.10116696792843603,2.96 +595,1.2411319807486834,0.09367687210718396,1.14 +596,1.3898837961895296,0.09448308501864677,1.38 +597,2.19746061263875,0.09569941916665645,2.2 +598,2.0473708956449954,0.09575572768992378,2.02 +599,1.7593463374282194,0.09553790338133566,1.72 +600,1.0109098736553008,0.09443775693902783,1.1 +601,2.8305004909525486,0.09823309648186737,2.7 +602,0.5384166109498807,0.09630636038403749,0.44 +603,2.496737164171961,0.09574741153195923,2.42 +604,0.8344331393442168,0.09452160990781512,0.9 +605,0.7235014517627576,0.0947148610762471,0.7 +606,0.5826408253984248,0.0958648430397989,0.56 +607,1.4922116445262432,0.09500971001457385,1.54 +608,1.874392948293469,0.09577792131518394,1.98 +609,1.356273995161608,0.09386642340326343,1.34 +610,0.7420335274066154,0.09478792107765152,0.68 +611,1.968240328862251,0.09644676405423648,2.0 +612,1.6612916614967546,0.09525205194332355,1.7 +613,0.7122196619841716,0.09479487587592116,0.6 +614,0.8539665158380174,0.0945197150984703,0.9 +615,1.2422437594149756,0.09365331725682983,1.14 +616,0.9436333653398279,0.09444934172476305,0.9 +617,1.8406214306625301,0.09542813933310934,1.78 +618,4.6802697786568,0.24899924945114618,4.68 +619,0.8718644934896673,0.09441902240541701,0.78 +620,0.8264400865321093,0.09431687767241922,0.8 +621,0.6374867653442955,0.09536219044760177,0.52 +622,2.792542738967029,0.098753042835518,2.82 +623,1.7535733128467896,0.0957909201683473,1.7 +624,2.2041707245126574,0.09562381603714583,2.24 +625,2.1221609440006546,0.0962290711457591,2.1 +626,0.6766528735769839,0.09486123528461507,0.74 +627,0.4566216280537354,0.096782634820539,0.42 +628,1.544949963084747,0.09599863532832262,1.64 +629,0.8691255025730484,0.09494254054112652,0.96 +630,1.7495506769097133,0.09519033177639868,1.62 +631,0.365709552320407,0.09722252891589525,0.4 +632,1.537732065914831,0.09560113870655416,1.34 +633,2.044914061598142,0.09585819176159502,2.04 +634,0.45238198066827806,0.09635983384205725,0.44 +635,0.6652818892019106,0.0949022263939275,0.64 +636,3.098337943789364,0.10216998267110458,3.04 +637,0.8953405277353141,0.09473299454161281,0.9 +638,1.0967209429688722,0.09453926838341181,1.3 +639,1.3308716921166237,0.09416306436775222,1.34 +640,1.396790919237624,0.09453840570052685,1.34 +641,2.4960629108260264,0.09563125232348554,2.46 +642,3.212401466044078,0.10460610522702901,3.26 +643,0.7383715027733331,0.09478174077145889,0.72 +644,2.058598455669973,0.0956531895320674,2.06 +645,1.1340421159023961,0.09389612996873085,1.06 +646,2.870569407588004,0.09929268683590681,2.54 +647,1.219869403180752,0.09386073365346628,1.18 +648,1.4280814534940447,0.09435200100281806,1.46 +649,1.3916097019620892,0.093885911591525,1.36 +650,2.044061566471477,0.09564871951913746,1.96 +651,0.8390583581891562,0.09434920730669816,0.94 +652,1.5495821573506845,0.09559313583156241,1.54 +653,1.3647679646307793,0.09385815979882658,1.34 +654,1.2388527391261164,0.09374014285091428,1.22 +655,0.8979127340681998,0.09455104590798599,0.92 +656,1.3891754795772897,0.09436558849093207,1.26 +657,1.6266492944573585,0.09530267398260946,1.6 +658,1.6439308724570338,0.09519563018118349,1.6 +659,1.3008762022711622,0.09448061325504077,1.36 +660,1.5349354567165179,0.09455090830112146,1.54 +661,1.1054796844653794,0.09423958857103451,1.12 +662,0.5916580148379396,0.09524864435800519,0.62 +663,1.0425796710922768,0.09446075746341609,0.96 +664,1.0035434349463799,0.094146441629803,1.0 +665,1.315272521463811,0.0942311365612731,1.28 +666,1.1144449560925196,0.09407236114232637,1.04 +667,0.5702705167370716,0.09524573267092894,0.48 +668,1.518514335820207,0.09518723497882943,1.58 +669,1.8344293916791372,0.09546022767921528,1.78 +670,0.5515154302615635,0.09586119872611976,0.56 +671,2.4743204189471406,0.09549652475536319,2.64 +672,0.7190922499298544,0.0948183289641467,0.64 +673,0.943326549285672,0.0944418804092206,0.94 +674,1.0051959441034128,0.09480994351072533,1.04 +675,1.2204597580791372,0.09385900718516318,1.14 +676,0.16119216781711998,0.09950840722235499,0.06 +677,2.210125226208792,0.09574070063344592,2.26 +678,1.7438234348740593,0.09521442261550041,1.82 +679,1.068374977280257,0.09428182745168122,1.26 +680,3.1009970672960385,0.10194489303579281,3.52 +681,1.6514269250337463,0.09591006034811904,1.58 +682,2.220770837327624,0.09540504949452816,2.12 +683,2.0099422258239557,0.09596187626704379,2.1 +684,1.301731390017153,0.09393611985413873,1.26 +685,0.9633877395858939,0.09437247984481423,0.92 +686,3.4435007512705624,0.1097959103791161,3.52 +687,2.6784981133187955,0.09734551454609468,2.7 +688,2.5994644319760027,0.0967392515251585,2.64 +689,2.077738337627693,0.0959289974203035,2.12 +690,2.052469175787543,0.0958924444573159,2.06 +691,1.3602139451013073,0.09457217848714891,1.28 +692,1.2164369811867672,0.09383269822316795,1.04 +693,0.7581867367520658,0.09452162442934021,0.8 +694,0.6499381407453022,0.09466580775349293,0.56 +695,1.0525758505269778,0.09445696177655638,1.04 +696,0.621317646199465,0.09547577962260291,0.68 +697,4.411179089279258,0.16426921278645332,4.24 +698,0.8378721595574099,0.09452169350283103,0.82 +699,1.7724459914201418,0.09544265215731954,1.78 +700,2.520195804968516,0.09597327964051154,2.56 +701,0.9237091674532962,0.09452110900417238,0.94 +702,1.643293657882623,0.09549678605207831,1.74 +703,2.8204867524104102,0.09971868344531709,2.84 +704,0.8533838246556797,0.09457387946052474,0.84 +705,0.49657593622444907,0.0969006030298437,0.5 +706,0.9037679897946731,0.09457891750214234,0.98 +707,1.6362408406859146,0.09483145662209326,1.62 +708,1.7890326578801208,0.09541987718328,1.8 +709,2.675182067978401,0.0966633951558385,2.58 +710,1.4207834373807984,0.09478356296358914,1.5 +711,1.8539468935043715,0.095560732751468,1.96 +712,1.4674445016907995,0.09468014002876717,1.58 +713,0.88804930092234,0.09486747377003561,0.86 +714,1.259884167404941,0.09389010269943299,1.22 +715,2.312734628200765,0.09545863516433477,2.3 +716,0.7239727466612358,0.09490075282090556,0.68 +717,0.9076664286996419,0.0942640702373365,0.92 +718,1.3150385933594322,0.09394878893729602,1.26 +719,1.7042001801742757,0.09575171833055006,1.72 +720,0.49066466217622917,0.09604768020561022,0.56 +721,2.356660097757718,0.09552084580440666,2.24 +722,2.1603632560562076,0.09551465484035065,2.16 +723,0.841473072474443,0.09466311592595054,0.94 +724,1.1906774709674792,0.093937074951791,1.22 +725,1.7046467623582586,0.09545171435029548,1.62 +726,0.8232030757339572,0.09434896645656858,0.74 +727,1.5556687073959168,0.09498052411613957,1.56 +728,0.9842708009564731,0.09451224962624862,0.78 +729,1.0576497988668692,0.0944880500634079,1.02 +730,2.0356345903411963,0.09564609209140446,1.96 +731,1.7079192355426684,0.09556671492928044,1.68 +732,0.9755916645009748,0.09431789362925504,1.02 +733,1.3524797199971985,0.09385560797854837,1.24 +734,0.7145100768513224,0.09515764216308896,0.76 +735,0.942202854143126,0.09457758489387341,0.82 +736,3.0522026301268923,0.10126723887240217,3.06 +737,2.2317291055566315,0.09551335208759543,2.34 +738,1.8014928385969426,0.09514045499790276,1.78 +739,1.3073042414169151,0.09386215933337451,1.28 +740,0.8708593607967785,0.09465235978679848,0.84 +741,2.1850873002947466,0.09565840685375375,2.16 +742,0.902698333804004,0.09455219707721357,0.86 +743,2.5071302779073577,0.09572784313818916,2.56 +744,0.7365069029113052,0.09440728537879299,0.66 +745,1.3836453974323177,0.09385660125783189,1.36 +746,0.6641214288680324,0.09524150332907436,0.54 +747,1.4197511847729274,0.09447539841137864,1.32 +748,1.6016617218895917,0.09613135982085189,1.58 +749,1.4974417345728384,0.0948000291837129,1.56 +750,1.4302768665001295,0.09582994432607092,1.54 +751,0.9442309484912528,0.09447959590997278,0.84 +752,1.4953565802870372,0.09504580401882995,1.48 +753,0.7897861155215509,0.0944202965315675,0.78 +754,1.6435525393593764,0.09617378095379943,1.74 +755,1.3005433155239103,0.09365911219608578,1.22 +756,1.5883735199987328,0.09479125791809184,1.54 +757,1.6505315942337262,0.09471971225783825,1.48 +758,1.4621241851400342,0.09465913414605315,1.44 +759,0.524165542178352,0.09584569145030392,0.5 +760,1.7323616405894455,0.09538209466448967,1.72 +761,0.9702782771481466,0.09501219980166982,0.98 +762,0.9929646134195096,0.09437957386090604,0.96 +763,2.121741207359257,0.09584136899444719,2.04 +764,1.3680506518288738,0.09395105518783481,1.38 +765,1.1969569675452973,0.09424729804236953,1.3 +766,2.245933273706413,0.09529710613513499,2.18 +767,1.6724479290719003,0.09505341339830846,1.6 +768,1.5695378357221728,0.09583712265079124,1.46 +769,1.4827988554742717,0.09504189967824295,1.4 +770,4.847654038655051,0.37185460598877784,4.68 +771,1.5304017578081641,0.0954355210885247,1.6 +772,1.6627621431943425,0.09481693929044425,1.7 +773,1.3964559191257564,0.09392707525279931,1.42 +774,1.7691897661386946,0.09487748243842312,1.8 +775,1.3509938964262673,0.0939157717659421,1.34 +776,2.2888263173980405,0.09553130897893934,2.3 +777,0.9085624461090518,0.09471991384836022,0.78 +778,2.0077985331514654,0.0957361128436797,1.98 +779,1.3504596803003963,0.0938879656022547,1.24 +780,1.4187271542468451,0.09408881576610237,1.38 +781,1.5399684568846936,0.09706266851355076,1.56 +782,1.110818542152252,0.0938606404706625,1.1 +783,0.8903424962197448,0.09448153002839531,0.84 +784,1.195520165491061,0.09430346804592207,1.16 +785,1.5927291696455654,0.09592729628935853,1.6 +786,0.8019561249456864,0.09470785808888875,0.76 +787,0.4772948436110802,0.09661645475519078,0.48 +788,1.190474028337313,0.09372430460076395,1.16 +789,0.22361821828656758,0.09849118326548455,0.08 +790,1.550623569711604,0.09574795922486093,1.66 +791,1.170926101173329,0.09394604066379716,1.14 +792,1.5958003908249125,0.09541606738651788,1.54 +793,0.742185146810364,0.0946550698481328,0.7 +794,0.7818286256870906,0.09453873692045517,0.82 +795,1.9996672757731275,0.09622590484607152,2.08 +796,0.9598982006307892,0.0949598016875507,1.04 +797,1.3800851370072635,0.09371091216711279,1.26 +798,0.5626668813834144,0.09559677686790657,0.46 +799,1.6580285899004608,0.0952644214705015,1.46 +800,1.2123957638999414,0.09389721464040306,1.2 +801,1.6343038293353942,0.09562344406317763,1.58 +802,1.0159389790187348,0.09405322112697331,1.0 +803,1.23784480111933,0.09429754326785637,1.26 +804,1.4396539498821497,0.09442282243260701,1.38 +805,1.6069427577939095,0.09577894594012934,1.62 +806,2.695144052992216,0.09664730849781901,2.68 +807,0.5345791520814203,0.09567252786989244,0.46 +808,0.8630462870719633,0.09438181679680423,0.8 +809,2.279899342595801,0.09545539161345123,2.28 +810,1.290107454060994,0.09360854876649499,1.32 +811,2.1927442972151425,0.09559473809060957,2.28 +812,2.64598144041803,0.09651788218368408,2.64 +813,1.1154616912080755,0.09397574873163558,1.1 +814,1.2462409126907517,0.0936903427409294,1.14 +815,1.3402643253542266,0.0938538947987987,1.3 +816,1.546475011603178,0.09515247940512395,1.52 +817,2.4587998314184496,0.0954553212120523,2.42 +818,0.7667686647366772,0.0944332220012653,0.78 +819,1.9636346813912837,0.0958225828851241,2.0 +820,2.244283778308848,0.09549995416601972,2.3 +821,1.4799883543936048,0.09498602685462693,1.46 +822,1.1598032953038313,0.0940611416612711,1.12 +823,1.5727376936228126,0.09496764533129608,1.54 +824,0.8351144606550776,0.09491370691246281,0.82 +825,0.6944652551187076,0.09504318676845408,0.6 +826,1.6561244348026563,0.09569995690151831,1.62 +827,0.385690840124699,0.09724895538264808,0.36 +828,0.4956817948465755,0.09593651628188227,0.44 +829,1.9478585364688143,0.09563484750058207,1.96 +830,1.7378820676223725,0.0955038399607639,1.78 +831,2.2256515496751987,0.09567630321311914,2.34 +832,1.8649321135313741,0.09556230131586034,1.86 +833,1.2730492979779058,0.09363721297599041,1.32 +834,0.8711712967699583,0.09440888553255145,0.84 +835,0.6695674992180756,0.09481512897068693,0.7 +836,0.9803886537215902,0.09445693672431106,1.0 +837,0.5511261172996171,0.09557028374947922,0.44 +838,0.8326212968147608,0.09456386914153488,0.76 +839,0.29270144793954955,0.09765711845470869,0.3 +840,1.1516459377077624,0.09395583896975206,1.1 +841,2.1840679733743826,0.09549096862398963,2.22 +842,1.3094345487454717,0.09362477727079793,1.36 +843,1.6179604826910392,0.0959633825470802,1.56 +844,1.775038607235615,0.09582020026779914,1.82 +845,0.7564546825219054,0.09634011999078176,0.78 +846,1.173599797436303,0.09431252730156259,1.12 +847,0.6136363622952388,0.09507344060483097,0.56 +848,1.595564321309702,0.09593486319022541,1.6 +849,1.7844976360690055,0.09572711239101182,1.78 +850,1.8755465866856937,0.09566490158285766,1.96 +851,2.1418366314138026,0.09565900876064153,2.06 +852,1.0420463252658934,0.09531407978889132,1.04 +853,0.8679024111625253,0.09433547479055379,0.9 +854,1.5414928234469443,0.09633606948167002,1.54 +855,1.0302447715100058,0.09438444951873903,1.0 +856,1.8310235949834492,0.09542008135339909,1.74 +857,2.1017317096899646,0.09569188480097228,2.08 +858,1.2818341300173444,0.0935773529490594,1.26 +859,0.9268986779418178,0.09428713932378956,0.9 +860,4.327419545664352,0.14323682898550746,3.98 +861,1.5342055890260582,0.09590544837702382,1.48 +862,0.58395879769121,0.09560322984532085,0.56 +863,0.8157645664298272,0.09434669226069167,0.76 +864,1.144674552230974,0.09393521330962808,1.32 +865,0.9299683554201934,0.0941890367472602,0.92 +866,1.321897243493531,0.09368779890610994,1.24 +867,0.7388221868357405,0.09444965807935103,0.7 +868,1.0476129876876783,0.09446813056019591,1.16 +869,1.3902441766499578,0.09402328738678781,1.34 +870,1.0964651765148687,0.09416077335143393,1.16 +871,0.7593497831770328,0.09491766311678511,0.72 +872,1.055209188680692,0.09420244492644113,1.08 +873,1.6694606106609626,0.0953155834082187,1.76 +874,0.9896869225452107,0.09461684350740862,1.04 +875,0.8249490071189953,0.09450719114770641,0.78 +876,2.0027510140950895,0.09584949322563897,1.62 +877,0.6081769729066444,0.09588105918603745,0.68 +878,0.0726092423116036,0.10037001317997314,-0.02 +879,1.893459586518489,0.09566081882848673,1.92 +880,1.1329711048044686,0.09403773806948301,1.14 +881,2.1690477663136534,0.09555346696040368,2.08 +882,2.193020144001551,0.09550176072542628,2.2 +883,1.554509929122709,0.09631279384740173,1.56 +884,2.170023488027198,0.09587451811174323,2.32 +885,0.4423485235304341,0.0968794572724892,0.36 +886,0.2049223873780761,0.09831110621477554,0.22 +887,2.7056922793826352,0.0969408929381236,2.64 +888,1.8915992786685294,0.09557616643822481,2.04 +889,1.9044697078456991,0.09548527581141031,1.88 +890,1.4539366177972681,0.09455707984263224,1.62 +891,2.457245918140078,0.09559949153090311,2.46 +892,2.8995740561723693,0.0992830323762019,2.88 +893,2.636650781083631,0.09716291628748282,2.62 +894,1.0004051024198972,0.0941736044207266,1.02 +895,1.0759456025306235,0.09436823058203728,1.14 +896,0.10814953593298782,0.10161727464458571,0.08 +897,2.0372834794548638,0.0961527646709649,2.0 +898,1.7575025671066626,0.09523316912191092,1.74 +899,0.9339512249708477,0.09451312041170423,1.0 +900,0.47497417740382275,0.09612398286702044,0.48 +901,3.50004218102125,0.10784594696225484,3.82 +902,2.214794555358207,0.09583248393331571,2.2 +903,2.1158774114884764,0.09576558526883702,2.0 +904,1.2419615007836597,0.09371147209497853,1.2 +905,0.8103957959725143,0.0950359372731003,0.88 +906,1.391901625441136,0.09427240987331044,1.42 +907,1.4892300821391302,0.0952452095217681,1.56 +908,1.8639332112105222,0.09609731322358675,1.86 +909,0.4074550087953952,0.09648058370138864,0.44 +910,1.7392530149576828,0.09496217903828798,1.68 +911,0.6279103217910631,0.09547371690430893,0.62 +912,1.4083306891434475,0.09430481309303165,1.36 +913,1.4687935053325418,0.09590230703558877,1.48 +914,3.106988696371239,0.10171368793010664,3.02 +915,2.3708273423156854,0.09527842801722654,2.42 +916,1.6257213677931759,0.09478950607552451,1.96 +917,1.7051901404573044,0.09548770899624591,1.76 +918,2.437965208881618,0.09563284131898175,2.5 +919,0.9763143039024982,0.09447270167107256,1.02 +920,1.51525380701802,0.09461138595241556,1.52 +921,1.4192624763496156,0.09427747816720608,1.38 +922,0.819470021828856,0.094523544195272,0.78 +923,1.4535846090671072,0.0943537106462075,1.36 +924,1.7371464690701117,0.09564971790472478,1.76 +925,0.8644419998072976,0.09465438264637677,0.86 +926,1.2915959196726448,0.09398031604522564,1.22 +927,1.1505472636336123,0.09434405720730538,1.02 +928,0.339342125132287,0.09767758346362566,0.52 +929,0.3810682260769802,0.09678933058146365,0.36 +930,1.0483156835237963,0.09528921183900804,1.04 +931,0.42862467679432825,0.09685178241444196,0.38 +932,2.5402427940968586,0.09554350732194962,2.52 +933,1.8968303872563084,0.09612165521884186,1.98 +934,2.394155655880141,0.09526381650051262,2.3 +935,2.025413053609448,0.09578986041657075,2.0 +936,0.897979728424076,0.09421619472235289,0.86 +937,0.9236200233179801,0.09429477388987186,0.84 +938,0.6530631378000429,0.09496905148010526,0.58 +939,1.6944549149383121,0.09589027761940089,1.64 +940,2.1685305371591497,0.09567313037978203,2.2 +941,1.5848878786503704,0.09512122928063632,1.64 +942,0.6130315181349673,0.09561088850033839,0.64 +943,-0.18671380300376939,0.11468467944570289,-0.36 +944,1.7466161143586945,0.0951669951387564,1.7 +945,0.8139735131335861,0.09466332447104003,0.9 +946,0.9223537647614961,0.09459805946378218,1.08 +947,4.2393284574565016,0.1372091905078273,4.34 +948,0.9110442750287469,0.09436040816638945,0.94 +949,0.6768747827291861,0.09625098933262619,0.68 +950,2.4757575929927036,0.0954954211872538,2.48 +951,1.240274745891746,0.09425638967234748,1.24 +952,1.9012075372954982,0.09584603855435904,1.92 +953,0.4127957582009252,0.0966754269670708,0.4 +954,0.6525843061625238,0.09512322602457966,0.62 +955,1.5359153221482629,0.09629743633348554,1.48 +956,2.7677606528488,0.09789113415204787,2.84 +957,1.4375373759487147,0.09449208532954904,1.38 +958,1.8055951186388626,0.09525833244332008,1.78 +959,1.7828005925791288,0.09538744059386653,1.8 +960,1.2022116038278412,0.09387296102365959,1.2 +961,1.483029200717148,0.09477819179029663,1.54 +962,1.980791725577788,0.09577793366400583,1.9 +963,0.7828746827505064,0.09443593924297043,0.68 +964,2.0662184518754216,0.0957628125360577,2.06 +965,0.9448896473701609,0.09467952900175311,0.96 +966,0.0984221030509751,0.09986489192189274,0.02 +967,1.910044054064997,0.09636282782941634,1.96 +968,1.7744668281856377,0.09503444138446722,1.84 +969,1.8357547587210306,0.09546178909260893,1.84 +970,1.428151727918241,0.09441235313694013,1.44 +971,1.6359600104745482,0.09626449093463497,1.66 +972,1.3643837283753442,0.0938837195580308,1.36 +973,1.1280763330638237,0.09389461167557117,0.86 +974,1.3420517391216293,0.09369942600152609,1.34 +975,0.31699752673762305,0.09830940523194731,0.34 +976,1.1455967497604291,0.09386108405927465,1.1 +977,0.7537298387031726,0.09452279269054888,0.76 +978,0.1663762766280037,0.09875595708217992,0.14 +979,1.683912011654158,0.09532441342745168,1.58 +980,1.189002399904993,0.0938644424984903,1.1 +981,1.5793771378036254,0.0977044360357875,1.52 +982,1.451913627120284,0.09453557579724958,1.4 +983,0.6872098931381814,0.09483879872008942,0.7 +984,1.4494331012308024,0.0944431683491308,1.46 +985,2.166195941427688,0.09561243017307006,2.1 +986,1.8913951013595067,0.09547568205378977,1.86 +987,1.8471227138365478,0.09567290588097378,1.84 +988,2.5523253834850337,0.09583106162304114,2.48 +989,2.5164967470840978,0.09574972986388569,2.58 +990,0.7074952150669489,0.09493963977467904,0.64 +991,1.2454153327690562,0.09430730879483443,1.22 +992,1.0580144698803835,0.09427353313750193,0.94 +993,3.604433593132324,0.10719915627818047,3.5 +994,0.9845255634828334,0.09424004223794696,1.0 +995,0.9681059436311159,0.09512454329979651,0.98 +996,1.7376371672893711,0.09604870294123329,1.74 +997,2.231773497868989,0.09542980657638216,2.12 +998,1.0377095021572984,0.09490811685115344,1.02 +999,2.180415012353727,0.09551949037610699,2.12 +1000,0.6919271518665475,0.09497639205066813,0.64 +1001,0.28570917882598224,0.09864235915893545,0.26 +1002,1.5858748030611451,0.09552562681366489,1.52 +1003,1.5786144813661807,0.09590746986558794,1.54 +1004,3.181512323922032,0.10355737318694952,3.12 +1005,1.279134980087207,0.09359386323112906,1.24 +1006,0.9034394701289443,0.09435830799957905,0.98 +1007,2.0636055729560425,0.09638484894096895,2.1 +1008,1.509293538907464,0.09470681433418503,1.58 +1009,1.6645165679898426,0.09676654177642767,1.6 +1010,0.9338330378382267,0.09496495521798809,0.94 +1011,0.9172315241452722,0.09431229859979458,0.98 +1012,2.061054973524641,0.095685114509253,2.2 +1013,1.8634977767040866,0.09549411693201429,1.82 +1014,1.4162014624811832,0.09406307354436967,1.38 +1015,1.8866798462928571,0.09540236716114452,1.92 +1016,1.0407034022816646,0.09489946888929565,0.98 +1017,1.3361155047503033,0.09355537571491433,1.22 +1018,2.527053548924169,0.09592012761421513,2.48 +1019,3.7999329910217234,0.10949574639897884,3.92 +1020,0.5998285399414272,0.09586757981602637,0.62 +1021,1.5136111610019825,0.09482645704669956,1.52 +1022,0.49252591747931973,0.0967193083551674,0.42 +1023,3.489248506720358,0.10555082654399557,3.56 +1024,0.6567057557555991,0.0949891506808935,0.58 +1025,0.9703750216387164,0.09443452163096262,1.08 +1026,1.4147713696813753,0.09483122226678496,1.46 +1027,0.7017548334164694,0.09493546818089243,0.64 +1028,1.6229184848251208,0.09645854961544377,1.72 +1029,0.9888883957412276,0.09481172878384475,1.0 +1030,1.3162584508700306,0.0937800056477621,1.28 +1031,1.966140170139667,0.09601833011342283,1.98 +1032,1.7271189207461148,0.09494042837695704,1.7 +1033,2.0060645176980287,0.09578195784735216,2.1 +1034,0.5303308470824426,0.09675426832912204,0.46 +1035,1.1627965620772898,0.09386093373264288,1.14 +1036,2.324465663333644,0.09553535484815208,2.12 +1037,1.9350924730874581,0.0956721675325048,1.96 +1038,1.225077368630778,0.09371478089030498,1.24 +1039,1.4927562187350105,0.09453944783853396,1.48 +1040,1.013388451780095,0.09473354535836657,1.0 +1041,2.1513032459705173,0.0956258135037302,1.98 +1042,0.7449432199947275,0.09451584316277695,0.72 +1043,0.18898649656823352,0.09856564392710299,0.16 +1044,1.4780367065062876,0.09461915509884034,1.46 +1045,1.5095372998638084,0.0960702129859572,1.48 +1046,1.3071908324429629,0.09403781740867913,1.22 +1047,1.352405679134968,0.09374225579305054,1.32 +1048,2.328678271209043,0.09550778594775923,2.28 +1049,1.0468255303847158,0.09404601042346082,1.0 +1050,2.77857205228943,0.0979814882413409,2.74 +1051,1.8523137209267233,0.0955065550597468,1.86 +1052,0.8373166394834968,0.09448605403057692,0.96 +1053,1.86724245412195,0.09555382357225999,1.9 +1054,1.873167389219283,0.09546951626962359,1.96 +1055,1.458218801718914,0.0947479230053505,1.42 +1056,0.6598378543457848,0.09496633010650184,0.58 +1057,1.6088580497068534,0.09940472011136292,1.68 +1058,1.3178373032880089,0.0936729801247135,1.18 +1059,1.7374055123027432,0.09548969179949768,1.76 +1060,1.577945505089268,0.0969951298597804,1.56 +1061,1.3568730149716544,0.09372186273439267,1.3 +1062,2.1206167416121318,0.09572088204114505,2.1 +1063,0.5449715152065338,0.09584579965264961,0.62 +1064,1.3453912440097966,0.09403776748411645,1.34 +1065,0.8816711073057348,0.09446850102956392,0.9 +1066,2.2361673337611165,0.09572715729459479,2.22 +1067,1.0018289130539983,0.09415237226495152,0.92 +1068,1.8323503490614712,0.09546261360979771,1.86 +1069,0.7355482181111519,0.09456395881396525,0.66 +1070,1.2870752597255972,0.09375661904733364,1.24 +1071,2.2625587880266806,0.09553385700642358,2.24 +1072,1.1643541333713543,0.09408526663902338,1.18 +1073,0.5033245550497014,0.09593913272292512,0.46 +1074,0.7579712298368513,0.0946258898592764,0.72 +1075,2.677309777877827,0.09704700128902656,2.58 +1076,2.1086951568200476,0.09579162054015841,2.04 +1077,1.1364251958852591,0.09453108649927959,1.12 +1078,1.6742481857952285,0.09567395902780763,1.64 +1079,1.2705533979034769,0.09384276524494668,1.24 +1080,1.478968222133041,0.09445377694878115,1.5 +1081,2.105281949033923,0.09559606042854538,2.02 +1082,3.3633224724439614,0.10576850326398758,3.48 +1083,1.0404135182859164,0.09421136250320675,1.02 +1084,1.0990186598762932,0.09437076807162656,1.08 +1085,0.7017688409318801,0.0949472205386804,0.74 +1086,1.1809916302754289,0.09379395127147602,1.26 +1087,0.9233629787975488,0.09482623543512579,0.8 +1088,1.790533734375579,0.09510763704013488,1.72 +1089,1.952549905503787,0.0957642602430058,1.94 +1090,1.5484276586807368,0.094879096596449,1.4 +1091,1.094426270819902,0.09450311676407748,1.04 +1092,0.8236330327317631,0.09459500327110058,0.78 +1093,2.985830096143424,0.10067216663360917,2.98 +1094,0.04546919911781444,0.10053408230367404,0.08 +1095,0.37262801577550064,0.09688642500200101,0.28 +1096,2.2576369227342283,0.09527635613099084,2.2 +1097,1.7396792276905373,0.09527078237807472,1.78 +1098,1.7194986641731447,0.09521954476832849,1.72 +1099,0.8300720619412907,0.09505165355578342,0.9 +1100,0.6720018245964745,0.09468078510489263,0.6 +1101,2.9600404719843496,0.09971182823518171,3.0 +1102,1.3249845987377142,0.09416945117284607,1.22 +1103,2.377566461146749,0.0953671453845547,2.32 +1104,3.08555667211699,0.10155877372247113,3.02 +1105,2.9479224896428278,0.09967897894685726,2.38 +1106,1.7459398427721808,0.09533784460636231,1.68 +1107,1.4536927158729043,0.09481641852272446,1.46 +1108,1.4830930607691784,0.09522627210511556,1.44 +1109,2.0440799610953277,0.09598863421784079,1.98 +1110,2.304992117141758,0.09531431647220932,2.36 +1111,1.5913130788507175,0.09550583644126442,1.58 +1112,2.1946133074682947,0.09559269110821246,2.24 +1113,1.147759869190324,0.09403687102849792,1.08 +1114,1.1577521333322949,0.09452878380738138,1.14 +1115,1.5224162565394792,0.09508756095111603,1.4 +1116,1.3066835500092822,0.09360767766216907,1.24 +1117,0.8921889499342157,0.09446885282850914,0.88 +1118,1.5190621930000674,0.09493192889326817,1.46 +1119,2.005644557783384,0.09599025524458943,2.02 +1120,0.40127593221527036,0.09674145659339072,0.4 +1121,3.5441917620239707,0.1092089004507706,3.5 +1122,1.8192436003078996,0.09657370254248153,1.82 +1123,1.1274845308324188,0.09437110713245427,1.2 +1124,1.4337909142783758,0.09451347492561357,1.32 +1125,2.5880447912484286,0.09634634908805183,2.5 +1126,2.142523777903861,0.09557498040446953,2.12 +1127,0.643689545091295,0.09487450369546052,0.6 +1128,2.874149328169004,0.09878933727677065,2.9 +1129,1.5511208665884766,0.09696517905311913,1.4 +1130,1.1796154423151037,0.09423432383475215,1.16 +1131,1.1259711708071123,0.09392380671345213,1.14 +1132,1.6055175287384955,0.09663739745588608,1.64 +1133,0.7854967008908709,0.0948176250828127,0.68 +1134,0.3211361914347428,0.09765401128002117,0.46 +1135,1.9688173507688376,0.09690982168364853,1.9 +1136,1.3225614542709536,0.09367402281234088,1.3 +1137,2.337762766132549,0.09530559051339546,2.38 +1138,1.6598079300499862,0.0953873104648945,1.66 +1139,1.5523983634914842,0.09572731424882647,1.54 +1140,1.8198962572706279,0.09528106682195704,1.76 +1141,1.800298030987058,0.09526507255773059,1.88 +1142,1.3931551242742657,0.09400142086182442,1.4 +1143,1.0892137943332116,0.0941359764864933,1.06 +1144,1.2834529879134564,0.09363327422869933,1.3 +1145,2.0968901268321005,0.0958199515034676,1.96 +1146,2.483046984519415,0.09565059350943982,2.56 +1147,0.7193859121264872,0.09491546387779029,0.74 +1148,2.9947640516974197,0.10057309327722008,2.96 +1149,0.6896642580952097,0.09489527671242139,0.78 +1150,0.5158125304634282,0.09606755376625976,0.42 +1151,0.6188651959776266,0.09520885227856267,0.58 +1152,0.6863953543477805,0.09500608460977025,0.66 +1153,2.179212750513166,0.09545988014008062,1.6 +1154,0.7610212485742593,0.09458031762712782,0.74 +1155,1.1759718246679327,0.09392964768725333,1.16 +1156,0.4582210404565572,0.09659791638758633,0.46 +1157,1.3219640595821005,0.09401339774694598,1.16 +1158,2.5122301775455824,0.09603325005139304,2.58 +1159,2.7682943942999856,0.09773944586249408,2.82 +1160,0.8245775820302796,0.0945788304642788,0.84 +1161,1.7709861570938656,0.09532551512684545,1.8 +1162,1.042802415951364,0.094211399732223,1.0 +1163,2.096707828144389,0.095840951144652,1.98 +1164,0.7791514822995751,0.09456110662405094,0.8 +1165,0.7368444119963726,0.09462448589182108,0.76 +1166,0.6224546842452838,0.09505300436698921,0.6 +1167,1.8562991883074815,0.0955212019117566,1.9 +1168,1.0545748760830946,0.09402214031552386,1.04 +1169,2.1719977104013637,0.0957120933275649,2.1 +1170,2.077678684613147,0.09582905840102399,2.08 +1171,1.5137760394402875,0.09491793480364205,1.48 +1172,1.2902443858407295,0.09753837793316936,1.4 +1173,1.1904952509729512,0.0938274398011857,1.2 +1174,2.876039931032423,0.09922832717218082,2.86 +1175,1.3353638525082587,0.09394283109760236,1.4 +1176,1.7034170375852682,0.09541869693320093,1.66 +1177,1.4481139068614723,0.09478170437757114,1.44 +1178,1.0179297180594702,0.09408320672439748,1.02 +1179,1.0278095568170542,0.09429145169340476,1.0 +1180,2.997570796879373,0.09960934589699118,3.0 +1181,3.2150938330966383,0.10349090896253833,3.3 +1182,1.7268900620061345,0.09496441862956562,1.72 +1183,0.21065276222879348,0.09840661189151326,0.18 +1184,1.8996703754535673,0.0956221188853985,1.88 +1185,0.7870818900533543,0.09491181891811032,0.88 +1186,1.6236957341142784,0.09853477052483432,1.66 +1187,0.6027326083977158,0.09539894216902621,0.58 +1188,1.5584205980142727,0.09651249418706316,1.52 +1189,2.3363839207234527,0.09557626765321894,2.3 +1190,2.558293574424386,0.09603717656246262,2.48 +1191,1.5607126349620515,0.09647624399958235,1.62 +1192,1.2102933110482041,0.09379800037627316,1.14 +1193,1.466852358488488,0.09468964057916789,1.5 +1194,0.3511512683465092,0.09666943606001598,0.26 +1195,4.182941506527918,0.12631971422436614,4.1 +1196,1.7109092968976114,0.09564158548859901,1.88 +1197,2.0991952785133634,0.09573576437956599,2.06 +1198,0.9561237732639896,0.0944434696656372,0.96 +1199,1.5422168183814833,0.09487433500022703,1.58 +1200,2.3889315726594837,0.09537901749553818,2.34 +1201,1.2613692900946134,0.09381107079997729,1.3 +1202,0.4094485658175877,0.09682525987236289,0.3 +1203,1.09805528803102,0.0953371376878785,1.16 +1204,0.9446009714748413,0.0942912649836397,0.86 +1205,1.8365414518306622,0.09542809798024068,1.92 +1206,2.226872079726757,0.09534551411386452,2.2 +1207,2.577997451726464,0.09664730852961603,2.4 +1208,2.1886076522887024,0.09550744677475538,2.22 +1209,0.528267458897119,0.09618513329275077,0.52 +1210,1.1062875773414262,0.09391843686779222,1.1 +1211,1.5474551357429789,0.09574362411993811,1.5 +1212,0.6132044338090985,0.09557492646104426,0.66 +1213,1.9155090273479871,0.09550899548592624,1.84 +1214,1.223271791880201,0.09380739490007965,1.14 +1215,1.5588652403475294,0.09590070589212112,1.44 +1216,0.9538342207913857,0.09407634211019633,0.9 +1217,1.6790625519857656,0.09536684607466306,1.64 +1218,1.2061715193780174,0.09398964557253515,1.3 +1219,2.559042764690666,0.09607526152050075,2.52 +1220,1.2509494248227284,0.09415013388699024,1.14 +1221,2.811707645428708,0.09862709688579628,2.98 +1222,1.1077193926527897,0.09399397386146857,1.08 +1223,2.4702484618029814,0.09580429979233952,2.46 +1224,3.429062561890852,0.10650479872324062,3.12 +1225,1.6860443787327526,0.09509305289738043,1.66 +1226,0.4921179636073667,0.09607776324907388,0.48 +1227,1.9705910042925652,0.09569941881867772,1.96 +1228,0.6284377631990239,0.09512383578443402,0.66 +1229,1.6731477330734208,0.09566976962049725,1.64 +1230,1.0625368663171386,0.0940760308740562,1.08 +1231,1.1406307826797857,0.09403326944281747,1.08 +1232,1.4425984964277205,0.09443043100907188,1.44 +1233,1.5792345198314308,0.09556515919476491,1.56 +1234,2.7645441862783606,0.0977153711608488,2.64 +1235,1.2631342022761913,0.0941006312243136,1.26 +1236,1.4760924767843875,0.09507304300908673,1.42 +1237,4.931380762228759,0.45928154025586704,4.86 +1238,1.902241978886046,0.09612356133085494,1.94 +1239,0.8282929053421455,0.09432274797009978,0.8 +1240,1.3756805881993017,0.0940637604945843,1.36 +1241,1.0742576295808064,0.09480494820441049,1.0 +1242,0.7195932093166064,0.0949134010388061,0.52 +1243,1.7442902634686561,0.09576054094141605,1.68 +1244,1.6342417191606131,0.09549976496546302,1.68 +1245,0.4533737531844224,0.09663025962144126,0.46 +1246,0.7716926678116494,0.09447844721027089,0.7 +1247,1.0747493130767154,0.09438525780241323,1.12 +1248,0.4984022854921619,0.09628583978546358,0.42 +1249,2.6769780787373563,0.09704633202448804,2.68 +1250,0.7461818426212687,0.09533831102286672,0.76 +1251,1.6679880882458349,0.09559583851581516,1.66 +1252,0.47442697935732525,0.0963594616100059,0.54 +1253,2.439469460355099,0.09548706991970561,2.34 +1254,1.0448705242567229,0.09454876158971952,1.0 +1255,0.9455469619238208,0.09437560109579694,0.92 +1256,1.4097062019025302,0.09457099065568352,1.34 +1257,1.163646804217585,0.09386754314279984,1.14 +1258,2.2663090013192075,0.09539658321944591,3.14 +1259,1.3422724336598506,0.09386551012305738,1.26 +1260,1.5229061769309382,0.095147829597199,1.56 +1261,1.9478735565202427,0.09559527734669758,1.94 +1262,0.8112306800784488,0.09468980630361479,0.92 +1263,0.9672139518730525,0.09453184931670643,0.98 +1264,1.0642393510361927,0.09405838457947009,1.14 +1265,2.3143662829744898,0.09528454209873269,2.3 +1266,1.3938948639069153,0.09391927374272155,1.36 +1267,1.3662773880242014,0.09394422935380509,1.28 +1268,1.4294254940642475,0.09444461789510142,1.38 +1269,1.8459660977755021,0.09573328917214237,1.8 +1270,1.9371538810164282,0.09587144072983882,1.98 +1271,0.6751773771300904,0.09450595406816482,0.62 +1272,2.6328363731324345,0.09696203259069218,2.66 +1273,1.230005681089473,0.0938536204901559,1.18 +1274,1.2390789447045236,0.09357445593331071,1.12 +1275,0.8584744357974259,0.09451198757157023,0.76 +1276,2.51764109364796,0.09571674217702056,2.46 +1277,1.3190085009701207,0.09521064516935716,1.36 +1278,2.011171688934624,0.09582357691225846,1.96 +1279,0.7299182977206264,0.09465734204518593,0.74 +1280,1.1950697029858262,0.09391428478336612,1.16 +1281,1.1577958511341961,0.09400610243062556,1.12 +1282,1.028217732254518,0.0947063589287965,1.04 +1283,2.3635184539613157,0.09520949174817293,2.26 +1284,0.9596021142063975,0.09471672190705228,1.0 +1285,1.0802356010811494,0.09428565388320694,1.12 +1286,1.057740841286332,0.09441695952374159,1.08 +1287,0.6604170581200748,0.09498923615357466,0.6 +1288,2.1615051045310594,0.09578613057842052,2.02 +1289,1.3208203915361167,0.09370049338692293,1.26 +1290,0.9282614792946902,0.09470852295966836,0.92 +1291,1.253987330421353,0.0943386919902842,1.28 +1292,1.6807990697739754,0.09435546193251304,1.66 +1293,1.6307447651806655,0.09738583330616414,1.68 +1294,0.7602053292855828,0.09441882865469993,0.8 +1295,2.9111611983511416,0.09975886662836486,2.76 +1296,0.29422767934595484,0.0977074583768914,0.14 +1297,2.77527990469115,0.09948030671176591,2.7 +1298,2.1029917952490322,0.09569835899550627,2.04 +1299,0.8886699508347462,0.09438139109177507,0.72 +1300,1.1630537417130853,0.09535039288377785,1.16 +1301,0.9815961010012906,0.09468309409679218,1.0 +1302,1.5789316848774106,0.09490171616187831,1.6 +1303,1.3885783594798724,0.09409459511855259,1.32 +1304,1.9528241842333856,0.09575324262087917,1.94 +1305,1.3114726246911985,0.09367087972920941,1.3 +1306,1.1973630519595773,0.09418329409151428,1.16 +1307,1.0556568812273284,0.09435653949886684,1.0 +1308,1.1216703623580528,0.09405389542092002,1.04 +1309,0.9686637863725167,0.09458455422429778,0.92 +1310,1.195087584752308,0.09430949343493511,1.24 +1311,1.2127502532105794,0.09379582100858577,1.18 +1312,1.5420681680242438,0.09563967561518612,1.52 +1313,0.8768866388432528,0.09443147737256538,0.86 +1314,1.752470686361299,0.09510463351464465,1.74 +1315,0.904084950255065,0.0942679930793091,0.96 +1316,0.9721004342167987,0.09413936073969346,0.9 +1317,1.932431098356858,0.0956182677565726,1.82 +1318,1.9126883690988592,0.09546937291767417,1.9 +1319,0.7950458577222896,0.09443247669824725,0.86 +1320,0.8341040511205122,0.09431204948120957,0.78 +1321,1.4528455801710578,0.09448465812088747,1.34 +1322,1.735104745541534,0.09521213699008646,1.72 +1323,0.30594148009951283,0.09769822416459856,0.26 +1324,2.3608167155598387,0.09574166670622182,2.32 +1325,0.7115341761893141,0.09521713905190711,0.68 +1326,1.0850570407052587,0.09417086549762521,1.0 +1327,1.5171188015663972,0.09531083034425096,1.56 +1328,1.2150718843564192,0.09364469464528723,1.24 +1329,1.7055191756664314,0.09549293404622194,1.7 +1330,2.767914272374611,0.09756632126682853,2.78 +1331,0.6357835137138572,0.09564198259242156,0.74 +1332,2.7004999861771033,0.09699750284711069,2.84 +1333,0.8408532885946229,0.09449000748569153,0.94 +1334,1.6947916645982204,0.09541007336683811,1.62 +1335,0.8779552056574573,0.0945855135945338,0.86 +1336,1.9512912808804614,0.09582495094061194,1.92 +1337,1.7864088084081118,0.09541176991369747,1.74 +1338,0.5897600422909548,0.09531710103335488,0.54 +1339,0.2348319732795794,0.09787514615179956,0.14 +1340,0.9363866099338232,0.0947044193368221,0.86 +1341,1.1055014797783116,0.0945692005600303,1.16 +1342,1.1841341087217359,0.09390647371432562,1.14 +1343,2.286474347874183,0.0952881009760787,2.24 +1344,1.5226264418922,0.09521040277128692,1.48 +1345,0.38466266744931943,0.09735471580354235,0.34 +1346,1.6779308571129192,0.09530237665060914,1.66 +1347,0.7045982787686285,0.09585212762946799,0.66 +1348,2.1155130450754314,0.09582869762986644,1.98 +1349,1.1961263520884202,0.09387131200233761,1.18 +1350,1.5797605446613616,0.09572790025895271,1.46 +1351,1.2163139453368927,0.0937424855510714,1.24 +1352,1.64276759955235,0.09625533476085936,1.62 +1353,1.2404835841996373,0.09366715379459964,1.18 +1354,1.2099911146570363,0.09406922524520495,1.16 +1355,0.8514252590918652,0.09443781035770538,0.8 +1356,1.267214886463833,0.09498699592268144,1.34 +1357,0.8361316088443118,0.09441632064301805,0.84 +1358,0.8641808338873531,0.09431980402285947,0.86 +1359,1.3843450081030824,0.09388189814699469,1.36 +1360,2.797701612145353,0.0986992436232326,2.76 +1361,1.1008785729155406,0.09395634512061848,1.02 +1362,0.8518646669595533,0.09445413681110328,0.78 +1363,2.0492491230194076,0.09570330420478546,2.02 +1364,0.8811424164979904,0.09436751595140153,0.8 +1365,1.4085660761435363,0.09458081962527823,1.44 +1366,0.7024016047605421,0.09484991500428214,0.72 +1367,1.0743181549878074,0.09416328929304621,1.08 +1368,1.552425152188036,0.09570833096190498,1.56 +1369,1.1385714847261852,0.0947693521556972,1.1 +1370,2.1118982803363124,0.09561115871821896,2.16 +1371,0.6974072403698877,0.09511139892254518,0.78 +1372,0.8744278753570676,0.09460450258643535,0.88 +1373,1.8915541970947558,0.09579206533277212,1.82 +1374,1.358914315318458,0.09389262311920053,1.3 +1375,1.422325774909929,0.09456608556358141,1.28 +1376,1.0870230292693108,0.09427748549103945,1.06 +1377,1.2817802979358035,0.09366670460753747,1.32 +1378,1.945869633666483,0.09588995880483883,2.02 +1379,1.7227054306636944,0.0952161201064652,1.62 +1380,1.1992796204989133,0.09384899098012509,1.22 +1381,0.30891264463052437,0.09845385076369757,0.12 +1382,1.9028908483116496,0.09561487480386965,1.82 +1383,1.0057737971854976,0.09430758271699581,0.9 +1384,3.1002139577204417,0.10180701760816015,3.1 +1385,1.5181185184398558,0.09471856257331879,1.36 +1386,0.44258859984743637,0.09765227334720535,0.36 +1387,0.5297672046877153,0.09623284486769089,0.66 +1388,1.8718908382237132,0.0957369962269041,1.88 +1389,1.3097059599782668,0.0959426231876715,1.32 +1390,2.834392199852765,0.09845319646239298,2.84 +1391,0.9390473883226953,0.094565244063588,0.96 +1392,0.9272236394227633,0.0970591014845722,0.9 +1393,0.9836875193102266,0.094372690363902,1.04 +1394,1.6158137930629053,0.09587438073241696,1.58 +1395,1.2127666257356964,0.0940008578869775,1.12 +1396,3.1808628855153067,0.1028776903459432,3.28 +1397,0.9134790626464486,0.0948328894888613,0.88 +1398,2.8377528474504317,0.0984868257932075,2.82 +1399,0.6832302087603246,0.0949644257654981,0.66 +1400,0.40760034939841816,0.09682775206967624,0.28 +1401,1.0349359262826638,0.09451460004830257,1.04 +1402,0.879437940731389,0.09463687319917594,0.86 +1403,1.2668004350342628,0.09391381314371551,1.28 +1404,0.6321337244560823,0.0953915924927816,0.66 +1405,1.5393110118991302,0.09535974462640291,1.62 +1406,2.0704837625730406,0.09576418153473036,1.94 +1407,1.258328489299231,0.09372537037626068,1.2 +1408,1.5283878862314992,0.09733097776982776,1.52 +1409,2.1319648677325347,0.09569994536928131,1.92 +1410,1.064313480418157,0.0945163595441346,1.04 +1411,1.4427136051103489,0.0941806492793639,1.44 +1412,1.2660367488749387,0.09361941458005014,1.2 +1413,2.5134121056543677,0.09593476394492871,2.46 +1414,1.2864231962577506,0.09368922571490394,1.22 +1415,1.0724390678431845,0.09423326693337121,1.0 +1416,2.929790652319223,0.10002486196081464,3.12 +1417,1.5156912572235939,0.09534150052878423,1.38 +1418,1.471721172702381,0.09480308554531705,1.4 +1419,1.176545308822206,0.09378395587318837,1.12 +1420,2.810211599536153,0.09814142301639,2.76 +1421,0.2681355965708079,0.09743027738810613,0.2 +1422,0.3166939033394627,0.0974503262066004,0.34 +1423,2.2449036554613215,0.09560225356761651,2.28 +1424,1.9800056658988439,0.09562661034396369,1.94 +1425,1.2100323224972058,0.0946128894963272,1.22 +1426,1.1424971770909806,0.09408517804369734,1.1 +1427,1.4438147604685838,0.09442392735865207,1.4 +1428,0.6588147577710437,0.09478940244782813,0.6 +1429,2.8117201037506767,0.09836514475285871,2.76 +1430,1.589365358228278,0.0978180274364133,1.66 +1431,1.7795553892077223,0.0953306867726693,1.72 +1432,2.7934583654591627,0.09774640278928537,2.8 +1433,2.2959079578442676,0.09544339909771217,2.38 +1434,1.9968799231661265,0.09567264548824451,2.12 +1435,0.7559308831471014,0.09459810735713553,0.74 +1436,0.5902829694316694,0.09527424676489216,0.6 +1437,0.6910182580119866,0.09500751920893676,0.7 +1438,0.6635365756646756,0.09516256307745327,0.66 +1439,1.259107755021219,0.09389635414381002,1.14 +1440,1.4641913707280594,0.09453845677980699,1.48 +1441,0.569368082951442,0.09553092683877484,0.58 +1442,1.2538600835028504,0.094295869516527,1.22 +1443,3.0636181487100664,0.10332692515218275,3.0 +1444,3.949885588486186,0.11689152876515814,3.9 +1445,2.415921477079415,0.09552588056214996,2.34 +1446,1.0084489732702195,0.09416951091023358,1.0 +1447,0.7965913394738813,0.09447025900217369,0.78 +1448,3.1545390142003598,0.10317392918124667,3.18 +1449,0.32303141234609356,0.09791033142626047,0.2 +1450,2.1739330343775762,0.09555202217294566,2.38 +1451,1.747646596208945,0.09585405568773399,1.72 +1452,1.19149255143288,0.0942287963110072,1.16 +1453,0.9316201539476054,0.0943865220346752,0.96 +1454,0.8734541595635328,0.0944512195832211,0.78 +1455,2.0635835969381517,0.0958268459746518,2.06 +1456,2.0231873914944245,0.09585232018599209,1.98 +1457,0.6287994502073531,0.0960468984590869,0.84 +1458,2.2699007059875207,0.09545590248454872,2.26 +1459,1.594578796923443,0.0953741927125212,1.52 +1460,1.4456219164010875,0.09444867428777141,1.38 +1461,2.027042530718134,0.09571468067647547,2.0 +1462,1.1565864645686688,0.09378219270821282,1.14 +1463,0.4495607493748892,0.09710695014616914,0.4 +1464,1.4997446853615557,0.09464290822985134,1.56 +1465,1.1757704084636202,0.09401588649030085,1.18 +1466,1.104090085646618,0.09494301635433634,1.08 +1467,0.6270329009399909,0.09500848231854055,0.64 +1468,4.750239714254654,0.2912279978167335,4.68 +1469,0.34820200126972267,0.0975001790001468,0.26 +1470,1.3399036950728558,0.09397754735157658,1.24 +1471,1.8406823953540439,0.09536118547599177,1.82 +1472,1.1481085345434394,0.09429234125094149,1.1 +1473,1.81474715587904,0.09523426474541002,1.72 +1474,2.0337154003089353,0.0959217477773376,2.1 +1475,2.817427220064765,0.09944227902799299,2.84 +1476,0.7182590859795681,0.09482371235639156,0.76 +1477,1.4885785064356014,0.09452288725880689,1.46 +1478,1.1882670284972647,0.09431327779740398,1.26 +1479,1.0006382565372505,0.0943547582936335,1.02 +1480,1.3866246538915092,0.09405232589209453,1.46 +1481,2.3267961057732407,0.09565600960090494,2.3 +1482,1.2160033136236166,0.09368019176392901,1.24 +1483,1.3101173049664183,0.0936294307079582,1.42 +1484,2.1162554011893207,0.09580850253786773,1.96 +1485,2.770029764050328,0.09822862761730608,2.92 +1486,1.6669730398200429,0.09595651890587208,1.68 +1487,0.6316200836970083,0.09524554718266084,0.54 +1488,1.0293856981468679,0.09460632056858473,1.1 +1489,0.7004183472222785,0.09483960748344276,0.68 +1490,0.7843536725521183,0.09447262559047409,0.72 +1491,0.7079871804789697,0.09479951942608031,0.74 +1492,1.4843033780857624,0.09464040774610835,1.52 +1493,2.5141463238014268,0.09545001500702424,2.4 +1494,3.704513045825994,0.10902219024686315,3.84 +1495,1.9950416156501163,0.09580010800956498,2.06 +1496,1.5751179426396504,0.09601406750955474,1.6 +1497,1.508627066751643,0.09490985497374627,1.4 +1498,2.3597464484877655,0.09547453843934468,2.34 +1499,2.6379630926535,0.09682053142744396,2.58 +1500,0.21204413528604604,0.09836888960567353,0.18 +1501,1.4004786689794955,0.09427529629446843,1.66 +1502,1.635672593003001,0.09540542601180912,1.6 +1503,0.7597330908678188,0.09474700023977056,0.74 +1504,1.085049583775799,0.09460657946751339,0.98 +1505,1.1278960582646462,0.09392524085340123,0.98 +1506,1.596943751003245,0.09616653384741315,1.6 +1507,1.9699526946096526,0.09682790031287186,1.9 +1508,0.7777136874840025,0.09448629105916663,0.76 +1509,1.6343352985946566,0.09532717699579905,1.6 +1510,3.266542054846063,0.10491384075226351,3.3 +1511,0.8873143378698316,0.0944743394831068,0.9 +1512,1.1341698763901107,0.09414627561894899,1.1 +1513,1.1225252103224292,0.0939079801569249,1.04 +1514,1.0098405298133883,0.09427356016453547,1.02 +1515,1.651481293756035,0.09541810236958599,1.66 +1516,1.0155334590753426,0.09420502133458215,1.0 +1517,1.8704387493747703,0.09540184594961443,1.86 +1518,0.8579310155055317,0.09475653199900327,0.9 +1519,1.1130356142377806,0.09444261380949209,1.1 +1520,2.019092259263431,0.09599573115675965,1.98 +1521,2.5529758343341307,0.09569509810696894,2.58 +1522,0.942393953653486,0.09453720093205853,0.98 +1523,1.9364086601010797,0.09572439112554279,1.92 +1524,0.9229347830997341,0.09441104079169896,0.88 +1525,2.9675105511798243,0.0996627819796159,3.54 +1526,1.1833405122860654,0.09393408477614434,1.18 +1527,1.8408258758247626,0.09545702872358816,1.8 +1528,1.497687050869871,0.09506496906302084,1.44 +1529,2.372960947778445,0.09522835142091438,2.36 +1530,1.6076740784875554,0.09564870220909141,1.62 +1531,1.7268723657315803,0.09553336756483764,1.74 +1532,0.30821925286051055,0.0982886112678538,0.3 +1533,1.9919469774253287,0.09639478259824193,2.02 +1534,0.4113634382911435,0.0971550807687068,0.52 +1535,1.9923171903052719,0.09575477947848746,1.98 +1536,0.47096720354546306,0.09672721520059321,0.4 +1537,1.536410353392455,0.09521330868501139,1.58 +1538,1.1982124240975764,0.09424065955452131,1.28 +1539,1.494602441491061,0.09499505754473733,1.4 +1540,0.43816662964871256,0.09624877828775638,0.22 +1541,0.7494594393696268,0.09476035221244937,0.76 +1542,1.542090964679602,0.09583047549876472,1.44 +1543,0.4079623737975595,0.09716460399710454,0.34 +1544,1.8362876488309468,0.09579064410596319,1.78 +1545,2.174105772040221,0.09564382321617741,2.1 +1546,1.8302493680878342,0.09564940352660038,1.74 +1547,0.7769744175986446,0.09490924783410044,0.72 +1548,1.4145796503557406,0.0945064761919024,1.4 +1549,0.8674848276994354,0.09464151903962632,0.88 +1550,1.7274143954702907,0.09501645578068696,1.7 +1551,1.5533134566989162,0.09525725822025276,1.5 +1552,1.5444171998746725,0.09555292470758742,1.54 +1553,1.975012380128554,0.09611623223461505,1.88 +1554,1.3388737205595334,0.09389248079629417,1.36 +1555,0.5905974023987888,0.09574046603517171,0.68 +1556,1.3928673060196246,0.09384766665632806,1.38 +1557,1.3057889161072538,0.09366436500869788,1.3 +1558,1.7421194757602336,0.09500542683243952,1.68 +1559,3.3234950813206225,0.10548674925719122,3.44 +1560,1.6201187015872236,0.09543002099495494,1.54 +1561,1.577914378947682,0.09541040030021139,1.48 +1562,1.4220971940785105,0.09411318800482064,1.34 +1563,1.083898740103578,0.09407256534435188,1.02 +1564,1.504378095188173,0.09496162084040302,1.54 +1565,1.8929301964495195,0.0959300080897841,2.08 +1566,0.9825945737464536,0.09426723098685642,0.98 +1567,2.5768129209967547,0.09583571966435321,2.56 +1568,1.5894651400174524,0.09554674100562072,1.64 +1569,1.3827597123807536,0.0940139405153625,1.36 +1570,2.558705408800094,0.09663060724737295,2.56 +1571,2.3785371069478956,0.09555254752004717,2.58 +1572,1.502406065543866,0.09557896157056943,1.46 +1573,2.038291771660674,0.09567645890134494,2.08 +1574,1.2906226716355604,0.09376674134612639,1.24 +1575,1.0364917977675319,0.09480696201544762,1.0 +1576,2.7637244769861624,0.09756828687137936,2.66 +1577,1.4844914342674187,0.09507429756548333,1.48 +1578,3.4979836216994116,0.10629535771692353,3.4 +1579,2.5053940170881646,0.09574749120599393,2.54 +1580,0.8054638620414494,0.09447663180867248,0.84 +1581,3.1951338242548744,0.10357165250991658,3.22 +1582,1.209334066992227,0.09380661978551644,1.2 +1583,0.8698820834042245,0.09438157682453202,0.98 +1584,1.903860324559112,0.09647140278640974,1.92 +1585,1.271472799407242,0.09373828205179574,1.22 +1586,1.1121051129950743,0.09400396034036239,1.1 +1587,2.0279715633775055,0.09587434790268386,2.06 +1588,1.5616417756064607,0.0953615634846529,1.48 +1589,0.6222183521649356,0.09544924419260833,0.56 +1590,0.9126272854014132,0.09531922775737035,0.84 +1591,1.8035112335458479,0.09596061509365686,1.76 +1592,1.123476191708221,0.09438099841253256,1.12 +1593,0.6202884255203465,0.09503548771796588,0.62 +1594,1.294896166808087,0.09362853280126328,1.34 +1595,1.8315647023730932,0.0953763862900628,1.82 +1596,1.3775044336944617,0.09414346636836302,1.34 +1597,0.8175038306009306,0.09463197841951082,0.68 +1598,2.878853353587825,0.1013749105243974,2.88 +1599,1.3128164015330768,0.09423580567625496,1.18 +1600,1.2000660980050029,0.09393997873201669,1.28 +1601,1.1148296521254721,0.09452298638889851,1.12 +1602,1.7935565461131588,0.09557519584183202,1.72 +1603,3.4682487549918193,0.10668360268584004,3.3 +1604,3.4173338871902956,0.10684544570308974,3.3 +1605,0.8891087370949329,0.0944363189783399,0.92 +1606,1.1545703454851335,0.09397680014129843,1.1 +1607,1.2048399694183374,0.09378283158089779,1.14 +1608,0.8422717320005084,0.09435114396742009,0.8 +1609,1.1346095672950796,0.09431204378086837,1.06 +1610,1.767738644616614,0.09533370130649312,1.84 +1611,1.2583836658117704,0.09370028659250074,1.28 +1612,0.8855269549260214,0.09466957279588217,0.86 +1613,1.522833018664258,0.09483015118994222,1.6 +1614,1.6591682112753787,0.09747281971084489,1.56 +1615,1.2961664597150104,0.09529842178444978,1.2 +1616,1.1797845525949882,0.09371290118525799,1.12 +1617,1.7733627015503544,0.09479989335807784,1.8 +1618,2.882094767616387,0.09862606474275536,2.86 +1619,0.6518839824977256,0.0949617544696811,0.62 +1620,1.6477342676720639,0.09550637016618811,1.5 +1621,1.853640338916378,0.09551482895294326,1.78 +1622,1.2340524628402463,0.0936569178757391,1.24 +1623,1.1902158495913753,0.09383885658866131,1.08 +1624,1.1122262430133247,0.09406218064950442,1.08 +1625,2.30382081542826,0.09546723239321267,2.32 +1626,0.9285951852119538,0.0943096257966459,0.96 +1627,2.0016126222683823,0.09566113811395645,1.8 +1628,1.0692676595031685,0.09409621376958345,1.06 +1629,1.5181457203467943,0.09523991593508739,1.46 +1630,1.3500218127548393,0.09403925873877618,1.34 +1631,2.2308200169607417,0.09556337245373418,2.18 +1632,1.7534804732064302,0.0956102805061211,1.76 +1633,3.36712764876264,0.10466992471466097,3.48 +1634,1.0566255608969684,0.09483784217719045,1.04 +1635,1.244277320600304,0.09405003607112256,1.14 +1636,1.411757746983504,0.0940965960055379,1.34 +1637,1.291924062710308,0.09382452211482349,1.32 +1638,0.631951312467983,0.09472946463595623,0.5 +1639,2.165944788951755,0.09564688922779044,2.12 +1640,1.0181581162408477,0.09429713712204045,1.02 +1641,1.1056941696246767,0.09461399363364102,1.0 +1642,2.8895848074068446,0.09865816962068505,2.9 +1643,1.562609433897201,0.09555838676035033,1.6 +1644,1.313924012938557,0.09374828918128178,1.34 +1645,0.9741188357751938,0.09418419142854208,0.94 +1646,2.3299842689910975,0.09532436360305738,2.26 +1647,0.6285262705282406,0.09527328926170066,0.64 +1648,0.8813982429028151,0.09463779355721044,0.9 +1649,2.534322058059928,0.0960192708505405,2.58 +1650,1.30354180831754,0.09397964410100515,1.28 +1651,1.7158511746206457,0.09539405534901095,1.74 +1652,1.1553491711168462,0.0938302455116709,1.12 +1653,2.433265168487452,0.09558252553926931,2.5 +1654,1.9729140567354975,0.09590566605272663,1.84 +1655,1.000616271631678,0.09494354382855034,1.0 +1656,2.2608721428990926,0.09565331597696296,2.46 +1657,2.518393502070694,0.09585370263238271,2.46 +1658,1.9624755008452297,0.09574600542969909,2.0 +1659,0.9411733911505493,0.09437424759902999,0.96 +1660,1.5383768897855177,0.0954507882361772,1.58 +1661,0.550570846087453,0.09562514695133514,0.5 +1662,0.36432976890075963,0.09704714396820213,0.38 +1663,1.6292521085056038,0.09577441711410249,1.54 +1664,2.173370661729308,0.09550640032861711,2.16 +1665,1.1016083546182998,0.093915846072324,1.12 +1666,1.7205063387667892,0.09501638878467585,1.74 +1667,0.9812662426106229,0.09437137099173967,1.0 +1668,0.8974551587459523,0.09479696571910178,0.88 +1669,1.9129510324082233,0.09559754736138834,1.88 +1670,0.6579887732474781,0.09535925897221811,0.72 +1671,1.1436505068421567,0.09406225265327998,1.1 +1672,0.9463578089208511,0.0947053231748952,0.94 +1673,1.352667246311725,0.09382832108199171,1.32 +1674,1.3742667418458723,0.09410390642652806,1.42 +1675,1.6683928625459856,0.09556508793213828,1.66 +1676,1.4911651858756798,0.09491124233895445,1.52 +1677,1.0601113464402019,0.09394278961971973,0.94 +1678,2.6250090055456177,0.09753214890111676,2.58 +1679,1.0731485888236492,0.09429304092497943,0.98 +1680,3.568138450820161,0.11157069705486887,3.7 +1681,1.2677573622409923,0.09369110598287025,1.24 +1682,1.5060840744952628,0.09521576779897646,1.68 +1683,1.6928020529624561,0.09513812452538092,1.66 +1684,0.1329789640226977,0.0987779705229656,0.14 +1685,1.3868439244231041,0.09409396037636635,1.3 +1686,2.1510850238716728,0.09593897752174387,2.14 +1687,0.8537477804312772,0.09451442541850982,0.86 +1688,1.245654804710405,0.09379595138918086,1.24 +1689,1.6509588295348365,0.0954726389631222,1.64 +1690,2.6660134840888112,0.09681330974580228,2.68 +1691,1.260871313265568,0.0938429935423398,1.24 +1692,0.7871672396427343,0.09448844796934625,0.72 +1693,2.2829897707985687,0.09532972576871723,2.24 +1694,0.9946162937101519,0.09442524584517341,1.0 +1695,1.2083079412911104,0.09407999884828289,1.22 +1696,1.887630030573952,0.09563722666876738,1.94 +1697,2.6403134259841714,0.09668725955413622,2.6 +1698,1.1298771308075857,0.09392396755973685,1.08 +1699,1.3728893099969852,0.0942952425191295,1.64 +1700,1.1051906011958508,0.09441811907327709,1.08 +1701,1.857143265458859,0.09554223625716472,1.88 +1702,1.3362728254231158,0.09400413878653174,1.38 +1703,2.1255564322044904,0.09569935219608876,2.08 +1704,1.056479152832999,0.09441919645548759,1.02 +1705,0.9390805247082881,0.09472842290723146,0.96 +1706,1.5119593327100844,0.09523392081029591,1.42 +1707,1.6593260461803325,0.09564080149241672,1.62 +1708,1.3046606298285184,0.09389897550016182,1.3 +1709,0.907804990660452,0.09432592183342475,0.88 +1710,0.8604168355040329,0.094398224655644,0.8 +1711,3.099293052134332,0.10238336196886891,3.08 +1712,1.4553056494440568,0.09486049746207473,1.46 +1713,2.6358962452543295,0.09596213543061308,2.7 +1714,0.6537880558925195,0.09563747952533061,0.62 +1715,0.6135005963251352,0.09566874925141335,0.54 +1716,0.8850923395860661,0.09458187733249422,0.74 +1717,0.8708860234548865,0.09459334698433863,0.88 +1718,1.3340406984816582,0.09425975296509664,1.38 +1719,1.60410377097201,0.09569030563850553,1.6 +1720,1.8736155585975212,0.0954933778712846,1.76 +1721,1.437065621047445,0.09417210724000075,1.24 +1722,2.2508320406489304,0.09527703248802369,2.34 +1723,1.6660067437314225,0.09487346640956969,1.58 +1724,1.2221774998562722,0.09365381407629125,1.18 +1725,0.7788716889966416,0.09462508354688598,0.76 +1726,2.036091941227305,0.09576233461524346,2.0 +1727,1.5204722309284548,0.09454314629350642,1.56 +1728,1.3266154286237395,0.09361463551144741,1.5 +1729,1.2420697879317188,0.09385278205152577,1.22 +1730,1.1268419064747661,0.0940440402400922,1.08 +1731,1.6137267650596883,0.09714672842151051,1.62 +1732,0.449590497931851,0.09674277723521406,0.54 +1733,1.2372849668372723,0.09366275342274022,1.14 +1734,1.5484280604124123,0.09556374857913537,1.56 +1735,0.651108050424476,0.0949777008159558,0.72 +1736,1.6398357918375126,0.09557185493118692,1.64 +1737,0.7529901821234333,0.09463635855658907,0.76 +1738,1.412422850957256,0.09412175169634211,1.38 +1739,1.584473923529032,0.09643535321271053,1.7 +1740,2.4789302463129594,0.09552963749787487,2.38 +1741,2.1502059936934685,0.09562394584540457,2.16 +1742,2.0186494236693378,0.09581832074245616,1.96 +1743,1.626847778380565,0.0958526453500487,1.64 +1744,2.153782059063218,0.09615952302702631,2.2 +1745,1.4993385473896552,0.09514504434789482,1.54 +1746,1.8453945699626075,0.09565112158584228,1.94 +1747,0.9957064989059106,0.09431242441117174,1.02 +1748,0.7843921065949537,0.0946501013697851,0.76 +1749,2.0052138519310176,0.0957483753570031,2.02 +1750,0.8968589369147466,0.09438702906786109,1.02 +1751,2.613815349817436,0.09648384646802352,2.66 +1752,1.465387433229452,0.09475530368507079,1.4 +1753,1.823214321563249,0.09528965521682493,1.76 +1754,0.6658874581098218,0.09493182332996479,0.58 +1755,0.2643382624417683,0.09803273716127794,0.3 +1756,1.223084216695689,0.09367609077080634,1.14 +1757,1.2673350574143214,0.09372050445330471,1.12 +1758,1.4762527730292376,0.09501333064844095,1.5 +1759,1.2323675056199193,0.09410363522128934,1.18 +1760,2.5138538135252517,0.095745424654787,2.46 +1761,2.10776663023168,0.0959029048648891,2.04 +1762,2.900618683589599,0.09890788061701764,2.96 +1763,1.0289755456988274,0.09426180396905717,1.02 +1764,1.6846695977824666,0.09543286978078425,1.64 +1765,1.1478867852298507,0.09382319335557787,1.02 +1766,0.21281562503038387,0.09802542411364996,0.1 +1767,0.9392840406571779,0.09454761711051139,0.88 +1768,1.4205729394412003,0.09435444083371083,1.44 +1769,2.6952381904166423,0.09763846105166503,2.74 +1770,1.9721070193054473,0.0957568885200695,2.06 +1771,2.456360092616759,0.0955307163354569,2.5 +1772,2.885290638834917,0.09887361838270631,2.9 +1773,1.1434388100474138,0.09402413341121964,1.16 +1774,2.4584755748440656,0.09549019684049487,2.48 +1775,0.9503244868729794,0.09447323746478987,0.92 +1776,1.8836800987329099,0.09575412018519656,1.94 +1777,1.0385894442850088,0.09462914843226984,1.06 +1778,0.8941665106097219,0.09450240258768661,0.78 +1779,0.7062759567622301,0.09462216097947349,0.72 +1780,1.37529494010235,0.09397901764203952,1.3 +1781,0.18758645949392516,0.09824239512668341,0.1 +1782,0.9905224442286809,0.09425157831616486,0.92 +1783,1.365586035166345,0.09387454918030301,1.24 +1784,1.5359107514991592,0.09544595720915197,1.54 +1785,0.7551860554534002,0.09491615238474174,0.72 +1786,0.9992759214275075,0.09488596510009122,0.88 +1787,1.5744264261608976,0.09523560935117288,1.46 +1788,0.8059078375262345,0.09454357733551694,0.76 +1789,2.8693168695856635,0.09854398492205016,2.8 +1790,1.3763364682961168,0.09396169378321184,1.4 +1791,1.1886268780597078,0.09427273839227589,1.22 +1792,1.1831251506642033,0.0940343694248771,1.18 +1793,0.6467240286214064,0.09511409808477522,0.6 +1794,1.7048030971074795,0.0955680246332796,1.86 +1795,0.7391195933665458,0.09461965741071565,0.68 +1796,0.48043847063615885,0.0961285360755551,0.36 +1797,2.7453089372212247,0.09705172568658514,2.8 +1798,1.7641138055564767,0.09530895245378618,1.78 +1799,1.33681642276769,0.09397209676353502,1.26 +1800,1.4783866756493964,0.09467198032619403,1.44 +1801,1.364344590974902,0.09384641522083896,1.28 +1802,1.6922497751105254,0.09627598294721877,1.68 +1803,2.424669870842063,0.09543704679259565,2.34 +1804,1.9997194943273726,0.09606145066160841,1.86 +1805,1.5733304841542903,0.09573543503643141,1.64 +1806,2.7453315284517252,0.0981053415360766,2.78 +1807,1.1808669298579346,0.09385416913606145,1.1 +1808,1.5706989102346611,0.09477615451108493,1.48 +1809,2.1632156705239467,0.09616843544627947,2.22 +1810,1.1834189872292313,0.09381686105289504,1.14 +1811,0.29394955539933676,0.09786614066903032,0.36 +1812,1.8807031102574143,0.09560385727399938,1.92 +1813,2.130205566094766,0.09576669443503034,2.08 +1814,0.15782681543565502,0.09882948018174621,0.22 +1815,1.223778284698085,0.0938323647058537,1.18 +1816,2.0469946003146973,0.09578122917446658,1.96 +1817,0.5515672353313441,0.09576474111203355,0.66 +1818,1.0698219147614694,0.09403854746226917,1.04 +1819,1.721756172480056,0.09516286194756174,1.76 +1820,1.710021425870778,0.09562003216258814,1.68 +1821,2.4965544805659157,0.09651225650200222,2.62 +1822,1.233015093875352,0.09380922960652861,1.18 +1823,1.5174577582171977,0.09493642953740161,1.6 +1824,0.5486517206313692,0.09618805523082531,0.48 +1825,1.5812441986260168,0.09614238425508978,1.66 +1826,1.6412592399128272,0.09555294559895638,1.78 +1827,2.457764865387574,0.09618687635229532,2.66 +1828,2.4946639579632937,0.09577782923300084,2.64 +1829,2.6650416910622,0.09689679997245405,2.68 +1830,1.6784863032101356,0.09569474121271794,1.54 +1831,1.8266656358690838,0.09526709463007876,1.66 +1832,1.181174156577022,0.09516492069805209,1.26 +1833,1.6080533908191583,0.09550510136972068,1.52 +1834,3.424695633639157,0.10715739283892457,3.22 +1835,1.6358438025645583,0.09548774012134889,1.64 +1836,3.1415399270987123,0.10498216271896928,3.18 +1837,1.2134202020443468,0.09372079396670664,1.24 +1838,0.9631110922978507,0.09432251954237508,0.9 +1839,0.8980540401566586,0.09434365199425603,0.94 +1840,1.6271728327923967,0.09551753074322085,1.58 +1841,1.6618288740475364,0.0956395458886963,1.58 +1842,0.9359302755968599,0.09456985679556514,0.88 +1843,2.0215674966221258,0.09571881913663818,2.08 +1844,1.1056711093102294,0.09389737025535724,1.08 +1845,0.9186370714248255,0.09427956064635812,0.96 +1846,1.1392938760401705,0.09404652030037151,1.06 +1847,3.4161690154039626,0.10600276337634483,3.42 +1848,1.36623855336736,0.0938091424272755,1.34 +1849,0.9889228169037594,0.09451355387928635,1.0 +1850,1.1248060431815077,0.0954077916358132,1.2 +1851,2.1024029312595047,0.0956059535331071,2.0 +1852,1.3642389284972367,0.09432158965000514,1.34 +1853,0.48367999424052144,0.09605348739524878,0.5 +1854,3.6234059736271824,0.10787388888686862,3.52 +1855,1.0688730052367816,0.09462224663023452,1.1 +1856,1.602524206343027,0.09615700665720889,1.6 +1857,2.0560993412042166,0.0961804259195243,1.94 +1858,3.6080389488542437,0.10887401135360691,3.54 +1859,0.7550542109413634,0.09479235435969964,0.72 +1860,1.1290771579248968,0.09392865628378293,1.14 +1861,0.9664287747229778,0.09425169070714949,0.98 +1862,1.505028230240633,0.09560852396580291,1.46 +1863,0.7483157890145833,0.09515924094642728,0.8 +1864,1.1954578024104165,0.09380196312895224,1.1 +1865,1.158396675803111,0.0940383170294335,1.16 +1866,1.2232108303956295,0.09394040498637812,1.18 +1867,0.5490540090431075,0.09548517939004769,0.58 +1868,1.3236573298383902,0.09374662991592628,1.26 +1869,0.6763637904222755,0.09487745645952245,0.7 +1870,2.3329551116865233,0.09539620904301177,2.54 +1871,0.9697430354250898,0.09420505559574074,1.0 +1872,1.5075126087506163,0.095657041790767,1.36 +1873,1.0299960264642394,0.09442030385568621,1.08 +1874,1.0658895876350485,0.09411022943962778,0.92 +1875,2.707770560900549,0.09723342147919349,2.68 +1876,1.6065374892197681,0.09501683584559288,1.54 +1877,3.2792322808510157,0.10700598963284617,3.22 +1878,1.7616639264780005,0.0952922869042721,1.74 +1879,1.5138658649820513,0.09525719644365963,1.5 +1880,1.925325862609121,0.09611066433633852,1.84 +1881,4.198181219583134,0.13810398788850015,4.08 +1882,2.218467705375957,0.09539565944219155,2.24 +1883,2.189834140852433,0.09555861768290472,2.18 +1884,1.7062913586790884,0.0950418025238268,1.72 +1885,0.5873486938504797,0.09563466344463935,0.72 +1886,0.9422894560911743,0.09433318669167962,1.0 +1887,2.220855651572439,0.0954205197617822,2.16 +1888,1.583832609256909,0.09591326840644802,1.64 +1889,1.3863475446823657,0.09417500760242054,1.34 +1890,0.4933795458089847,0.09622377980999654,0.52 +1891,2.083520240739702,0.09584317576415442,2.1 +1892,1.679308708364296,0.095581299805162,1.6 +1893,1.5897349856506011,0.0956288368766735,1.6 +1894,2.784703380933415,0.09809108631641117,2.82 +1895,2.0619599649031244,0.09578887675982131,1.98 +1896,1.3358702766208452,0.09376608147318193,1.4 +1897,0.27826775117811664,0.1022709879135943,0.16 +1898,2.231331413268027,0.09536462487721582,2.3 +1899,1.7487403836566315,0.09532813287405881,1.84 +1900,1.2587926828306664,0.09378112287439011,1.2 +1901,1.6522905178613527,0.09527862194102,1.56 +1902,0.687325204479599,0.09515443657951991,0.7 +1903,2.31763710284104,0.09534295153631368,2.3 +1904,0.43707628971736057,0.09678262118348857,0.46 +1905,2.5801505773437228,0.09612405038839754,2.62 +1906,1.2241891008918557,0.09459999120508747,1.42 +1907,1.1269436667880584,0.09385399475578024,1.08 +1908,0.8019794125818152,0.09463121795529468,0.82 +1909,2.2669340982626203,0.09554623551734194,2.96 +1910,1.6443870710782775,0.0947980936837266,1.78 +1911,1.5128188977286356,0.0947908740462893,1.5 +1912,0.8707866767553014,0.0942960012898989,0.84 +1913,1.75145645948745,0.0954030996830248,1.7 +1914,2.395273072787411,0.09516471710614353,2.4 +1915,1.9349437638843483,0.09567775735004205,2.0 +1916,1.820907794343782,0.09566846217075209,1.76 +1917,1.1350237910669492,0.09685497252647911,1.08 +1918,2.1691553348825536,0.0954003759660381,2.14 +1919,0.8301393380459032,0.09449403155110049,0.92 +1920,1.1795306829998324,0.09388984643791443,1.22 +1921,1.3329166576695854,0.09362158398238023,1.28 +1922,1.0337822422891634,0.09449935258830958,0.94 +1923,1.6903735247068568,0.09536499964918019,1.72 +1924,2.5598424519339105,0.0964137287363102,2.64 +1925,0.6234225047527531,0.09516279937821465,0.62 +1926,0.6619987059212313,0.09507758207356377,0.64 +1927,1.069162081403661,0.0950651403276767,1.12 +1928,1.5472483524239067,0.09624927367242371,1.6 +1929,3.767032565266078,0.10871447755310633,3.62 +1930,1.2255248361964206,0.09389680007858234,1.28 +1931,2.198727378720747,0.09576348255180935,2.18 +1932,0.684677867902888,0.09506087125770626,0.62 +1933,1.6801359856684925,0.09553989681038112,1.7 +1934,0.4309568344128607,0.09707004641618457,0.56 +1935,1.2771706399411968,0.09362972519686426,1.52 +1936,1.671052201893147,0.09521524378899215,1.62 +1937,2.9753860879412883,0.10031861417000724,3.0 +1938,0.7827297212124193,0.09441800308701297,0.68 +1939,1.2731955834914217,0.09370766985570594,1.2 +1940,1.9176190610799537,0.09553994693704977,1.92 +1941,2.054531239041694,0.09579058005225964,2.06 +1942,0.7387719055735857,0.09451306299548372,0.64 +1943,0.5809844617711342,0.09536289343176856,0.56 +1944,1.2877555478054035,0.09360250530935739,1.3 +1945,1.6711098169115743,0.09560451239073463,1.74 +1946,1.8805810360033846,0.09542713209682759,1.84 +1947,2.8142453698497008,0.09800310777424862,2.84 +1948,0.9301683788776032,0.09459045606520092,0.88 +1949,1.23970290438713,0.09453930498943452,1.28 +1950,0.3223066161674595,0.09798142072484717,0.32 +1951,1.1132640433891368,0.09429664849650922,1.12 +1952,1.1252629316240288,0.09435176311865552,1.12 +1953,1.5067651499189978,0.09490119907009845,1.3 +1954,0.7955348528463944,0.09488275760813904,0.8 +1955,1.104730281580224,0.0945355963233498,1.12 +1956,0.522799272548319,0.09611374891049182,0.5 +1957,1.951012435837697,0.09565745364818312,1.96 +1958,0.571044015946466,0.09553988719466286,0.46 +1959,0.5751189319421748,0.09520737124817844,0.6 +1960,0.6011963661553423,0.09552480702061551,0.52 +1961,0.7983761335162534,0.09447239533326802,0.84 +1962,1.8724275408701487,0.09548503544450934,1.86 +1963,1.9893909249594088,0.09571414582333407,1.96 +1964,2.4472357204190978,0.09539513543883608,2.46 +1965,1.1024919573473682,0.09460376477787873,1.08 +1966,1.7472538389953485,0.09534793259176226,1.64 +1967,1.998300706041526,0.09633101447345625,2.1 +1968,1.0788533267337783,0.09472660228596512,1.04 +1969,2.5257966966494507,0.0955480620055128,2.5 +1970,1.6530211370721588,0.09559601004330393,1.56 +1971,1.5059796080831944,0.0951763391654945,1.46 +1972,1.529425702416134,0.09544839475430705,1.5 +1973,1.1961457672418803,0.09367166623878065,1.1 +1974,1.2118354315707407,0.09387142861927547,1.14 +1975,2.2402277078154818,0.09541789762765879,2.18 +1976,0.9557738562305857,0.09446283193442928,0.94 +1977,0.66282466441913,0.0985943271411375,0.44 +1978,0.9129355813424738,0.09432804817605284,0.98 +1979,1.6915279090227386,0.09556585508901745,1.62 +1980,0.8958582416285665,0.09456346098272322,0.96 +1981,0.6471934607565224,0.09523715842502792,0.7 +1982,2.4486187808944564,0.09546215685239315,2.3 +1983,2.762310209500331,0.09782083439111389,2.7 +1984,1.882469355322165,0.09585283287457014,1.84 +1985,2.2505834926385972,0.09551912679134411,2.24 +1986,1.758734702298213,0.09565592730250647,1.8 +1987,0.7108055917453733,0.09499724988552112,0.7 +1988,1.6697870179363221,0.09549878138754915,1.64 +1989,0.6613600012103689,0.09473645273716988,0.62 +1990,0.2369266568297803,0.09838260984309395,0.18 +1991,1.172994415264732,0.09380908160974766,1.04 +1992,1.5995711825051515,0.09843422361098497,1.7 +1993,0.18185896635485221,0.09901249311631714,0.14 +1994,1.3701796804537736,0.09382849533089116,1.26 +1995,1.5999495659503253,0.09586679987773737,1.48 +1996,1.3475666281985497,0.0943178028694279,1.34 +1997,3.2975752512110894,0.10430696506105838,3.28 +1998,1.0584401980769798,0.09412275923838187,0.98 +1999,0.8682900959876569,0.09449015053249193,0.82 +2000,3.4300312265506534,0.10749861540278462,3.62 +2001,1.3020089883591197,0.09373867167168898,1.18 +2002,0.7501295041515554,0.09477603346213696,0.56 +2003,1.8362547450773263,0.09550400475627316,1.8 +2004,2.5330782017596682,0.09619622605516946,2.8 +2005,2.5078309132400385,0.09569451652827649,2.44 +2006,1.3202645933346986,0.09374625519531853,1.28 +2007,1.407687847818785,0.0940237537610515,1.4 +2008,1.6371844653732524,0.09643644551925046,1.68 +2009,0.8590209892381004,0.09439581320965067,0.82 +2010,1.7523323143506744,0.09553248956031456,1.78 +2011,1.4238037551444478,0.09430647663999636,1.4 +2012,1.3455373740724141,0.09376947819013967,1.32 +2013,1.499581877692684,0.0946751505289426,1.44 +2014,1.9118963957090855,0.09597047352788063,1.88 +2015,3.542128458696318,0.10780510980524782,3.58 +2016,1.2508949944912047,0.09377709759376258,1.16 +2017,3.367201834135024,0.10591541557626141,3.52 +2018,0.9887112971933689,0.09488080393093459,0.92 +2019,1.257778169937744,0.09377940956483656,1.28 +2020,2.2559824353802327,0.09524815084140636,2.2 +2021,0.9173907922875344,0.09436512537878913,0.94 +2022,0.9554993628257122,0.09482239672003509,0.92 +2023,1.143288786612274,0.09417417239384372,1.08 +2024,1.3463920326897423,0.09373998651610986,1.3 +2025,0.641573180066473,0.0948673583719474,0.68 +2026,1.50064120261451,0.09637485454318717,1.56 +2027,0.9442896660605626,0.09468388834021284,1.0 +2028,0.9006729139949812,0.09437727146680035,0.8 +2029,1.6557168425628035,0.09563363723111115,1.58 +2030,1.000871858451319,0.0951644610496066,1.16 +2031,1.452339201507229,0.09441688005245259,1.56 +2032,1.9946993097426216,0.09579685413183489,1.94 +2033,1.6156562501868805,0.0948004106515711,1.6 +2034,2.039880209405446,0.09589098478467299,2.04 +2035,1.4999636854504175,0.09499973454087503,1.36 +2036,-0.08555161533066169,0.10428498792131728,-0.24 +2037,2.4236181648249406,0.09547632263607266,2.46 +2038,0.7930538569403538,0.0944600771587705,0.76 +2039,1.6138995853303229,0.09495202821110796,1.58 +2040,0.2783459594812392,0.09771780940548316,0.24 +2041,1.3655049767612226,0.09406590027150057,1.36 +2042,1.7153393997620086,0.09618642353893764,1.62 +2043,0.5032482014986286,0.096014423356477,0.42 +2044,0.8539194044379812,0.09439543500411081,0.82 +2045,2.625351259403672,0.09626378417255743,2.54 +2046,1.8137001392126066,0.09550771622441842,1.8 +2047,2.5779434902850724,0.09634929679586014,2.58 +2048,1.3918539487932335,0.09423887331466381,1.32 +2049,0.5452002334318031,0.09556533053275838,0.5 +2050,1.7360861471382876,0.09554124873226465,1.78 +2051,1.2682059782485595,0.09383915877274768,1.2 +2052,0.8539636344961501,0.09466885751239146,0.82 +2053,1.6405414551027206,0.09556305076824584,1.78 +2054,1.8577590953755205,0.09553895376423088,1.8 +2055,1.1598529645422033,0.09404808483959153,1.16 +2056,0.9120820423692422,0.09427527893171908,1.0 +2057,0.44078676906545056,0.09661386274930209,0.36 +2058,2.2428530287668416,0.09552493557469646,2.36 +2059,2.111201396208081,0.09594393448360855,2.12 +2060,1.0791045437069684,0.09420736334743698,1.06 +2061,1.4055391106794843,0.09480780276707734,1.46 +2062,2.8655773634507895,0.09865996378046317,2.92 +2063,1.5434423146656115,0.09532675555973692,1.46 +2064,2.0727677677160443,0.09576311838795137,2.1 +2065,1.0031135088671945,0.09415143671343512,0.98 +2066,1.5122135653724698,0.09572800566760147,1.44 +2067,1.5563959248188013,0.09559964678658414,1.52 +2068,0.2914294534101245,0.09792162087574013,0.38 +2069,1.689370147483345,0.09576817971546282,1.76 +2070,1.0668768218848754,0.09428183132327456,1.04 +2071,1.503446754210195,0.09481013153635487,1.5 +2072,1.6640885877536036,0.09531492258371242,1.7 +2073,2.3360910096431162,0.09533443575970976,2.38 +2074,1.408759159604564,0.09402403635431487,1.62 +2075,2.6388275714980125,0.09695954736937165,2.78 +2076,1.895860012413003,0.09592015177613307,1.9 +2077,0.640192190534858,0.09493832457478912,0.62 +2078,0.6466178289376217,0.09536229715665445,0.64 +2079,0.667805521459865,0.0947847380792653,0.68 +2080,1.0942113701247038,0.09471279660538214,1.08 +2081,1.739610449174691,0.09510243940711345,1.74 +2082,0.6876049620927738,0.0951312442334727,0.6 +2083,3.956947079476816,0.11393548041177812,3.94 +2084,2.27545212936748,0.09539199543745086,2.3 +2085,1.465907015735695,0.0943239842784742,1.44 +2086,0.6913023258897297,0.09491460471580516,0.68 +2087,1.249999434131169,0.09374128186932904,1.3 +2088,1.5339086830227302,0.09473003259160627,1.5 +2089,1.6376502500135999,0.09507362609105269,1.6 +2090,2.0922903771552015,0.09580274130393752,2.08 +2091,1.7789693043717776,0.09517695988985368,1.7 +2092,0.5626044477252599,0.09532656369451241,0.5 +2093,1.6045948882138958,0.09607600536324334,1.46 +2094,1.3064554411571265,0.09452526614904527,1.28 +2095,0.3964693493337421,0.0966138549078484,0.36 +2096,1.1780213671558855,0.09518075406675072,1.22 +2097,1.2798729793790073,0.09386695506978758,1.26 +2098,3.8447550926227123,0.11659485486889667,3.86 +2099,0.8157194910106718,0.09469042274398781,0.86 +2100,1.8101533410053108,0.09526486834289098,1.78 +2101,1.5161398338057523,0.09593072035832387,1.42 +2102,1.1444049503065443,0.09424786085405261,1.14 +2103,3.208145804838672,0.10414735475870412,3.4 +2104,1.6551191220336463,0.09521798261441268,1.72 +2105,1.5526854418075047,0.09741166095184604,1.62 +2106,1.480648607017038,0.09496985697482795,1.4 +2107,2.587558145953359,0.09622845418276794,2.54 +2108,0.9886221001277278,0.09438524248070092,0.94 +2109,0.8322560843889626,0.09448441419718302,0.88 +2110,2.236934983100788,0.09533214884272623,2.28 +2111,1.2350167942038297,0.09400474006498762,1.14 +2112,2.4034500012669753,0.09551626977439494,2.32 +2113,2.1056399158131924,0.09561054601327355,2.04 +2114,3.146401436406638,0.10293001865895451,3.32 +2115,1.4412190881288467,0.09441052160564103,1.4 +2116,0.9824311743457059,0.09418801049867263,0.96 +2117,1.9809206125254022,0.09650262214174267,2.2 +2118,1.4488199394039114,0.09474983005548605,1.54 +2119,3.232484166009911,0.10318533979582735,3.44 +2120,1.6411171633659691,0.09539406846088604,1.66 +2121,1.1052115826581215,0.0949943821400486,1.14 +2122,1.685363270283311,0.09600110692251701,1.62 +2123,1.887573483010506,0.09556740410725144,1.88 +2124,3.289627537436381,0.10593342605976248,3.28 +2125,1.3728761732800976,0.09382912652744183,1.34 +2126,1.3155168040272613,0.09359546158081943,1.22 +2127,1.807389965179155,0.09537685075323919,1.82 +2128,0.8765588025447855,0.09438210526554297,0.84 +2129,1.8510735119634987,0.09565307934398744,1.86 +2130,2.0152424810426908,0.09593844458158285,2.04 +2131,1.0975963000853426,0.09420476523279414,1.1 +2132,1.0090235227840196,0.09428137499134928,0.8 +2133,2.518286037736118,0.09596292582771541,2.6 +2134,1.6219577752021053,0.09530688312218341,1.62 +2135,0.4990410285988247,0.09584175267873662,0.54 +2136,3.1614637012199367,0.10461051081788264,3.64 +2137,2.3358445074204006,0.09572787236046978,2.4 +2138,0.43659380827249095,0.09658665262807452,0.44 +2139,1.1010310144486652,0.09411993582173989,0.98 +2140,1.9963075279584785,0.0964233854556669,2.12 +2141,1.6245550919950418,0.09519066152761362,1.54 +2142,1.2083344880396183,0.09378127562286821,1.24 +2143,1.0518906859901946,0.0940449007451126,1.02 +2144,1.555471302011071,0.09545945336463599,1.52 +2145,1.4114854879848124,0.09462155835534636,1.36 +2146,1.8948845524611428,0.09562005052223689,1.88 +2147,3.5197987985579253,0.10687481858956811,3.64 +2148,1.4618785466981024,0.0945930810142587,1.4 +2149,0.7037833964117439,0.09479735801865209,0.68 +2150,2.177258063704116,0.09584347761145529,2.24 +2151,1.9955720847590968,0.09589926688580645,1.9 +2152,1.7420053442697778,0.09551690430145517,1.76 +2153,0.46804294740314845,0.09614863077175079,0.42 +2154,1.9599115024360643,0.09626362978848538,2.12 +2155,0.9126078080441467,0.09586571859393113,0.96 +2156,1.9705199699569889,0.0957487765612416,1.98 +2157,1.951430676900678,0.09628760249124628,1.98 +2158,0.7042942495189415,0.0947274872810122,0.72 +2159,0.7203112052440943,0.09475146023174875,0.72 +2160,1.1148504588073322,0.09441110339034124,1.16 +2161,0.46481845540462885,0.09571027309829241,0.4 +2162,1.4244557522599237,0.0943099621211934,1.36 +2163,1.550653244622275,0.0950215830121992,1.62 +2164,1.1635978621151253,0.09412374378187369,1.22 +2165,0.8826515128907388,0.09426788976280509,0.84 +2166,2.0869245339065188,0.09576900343038658,2.1 +2167,0.5775816579196942,0.09532325029518661,0.6 +2168,1.258518506131061,0.09383352077461866,1.26 +2169,1.7806734886927629,0.09557679584072894,1.72 +2170,0.6109695920034959,0.09590861405334274,0.64 +2171,1.9210655863400774,0.09546320995309941,1.98 +2172,2.0304753481759548,0.09583147112949653,2.18 +2173,1.4671689570674502,0.09566128340922142,1.48 +2174,0.7912617456718714,0.09459509836948983,0.78 +2175,1.3304996282990587,0.09391613746139994,1.24 +2176,2.791912541639153,0.09811430813896213,2.7 +2177,3.4592205644689322,0.1088382371548409,3.48 +2178,1.4180655904784842,0.09557559735479063,1.48 +2179,1.1337740449135012,0.09400972225759559,1.02 +2180,0.30892149540565583,0.09769817501656274,0.28 +2181,1.3612398957107175,0.0943183315859438,1.4 +2182,0.7215391623137357,0.09477446928864046,0.8 +2183,1.511090967168144,0.09499114297269741,1.58 +2184,2.1774815504752993,0.09557114806754677,2.14 +2185,1.3499110610363303,0.09408761669337544,1.26 +2186,1.4584746492579868,0.09487892037515058,1.38 +2187,0.543518228821867,0.0951458063495951,0.5 +2188,0.8063787962764373,0.094708246488709,0.74 +2189,1.677205485097943,0.09534676473088365,1.56 +2190,0.7961316231493498,0.09475188428020015,0.74 +2191,2.710985350965977,0.09785923400095774,2.8 +2192,1.0439543503434479,0.09418885418085399,1.0 +2193,0.10943002425651471,0.09993814562758126,0.22 +2194,1.9398295856833911,0.09603397476611411,1.98 +2195,0.895865539146186,0.09440856274392505,0.9 +2196,2.244401484283806,0.09528705828461358,2.4 +2197,1.684126400180837,0.09571700950943983,1.6 +2198,0.8490384977303798,0.09440994223070756,0.84 +2199,0.9264771901715427,0.09467038032513367,0.92 +2200,1.3820551376931718,0.09447240275500568,1.4 +2201,2.4972142238238675,0.09583807637364258,2.52 +2202,1.8592045004311046,0.09542024437615218,1.84 +2203,2.1655481695513643,0.09562206217931635,2.14 +2204,2.126601027617575,0.095554533622909,2.2 +2205,1.5265759870377238,0.09519555873541742,1.44 +2206,0.5632266320703074,0.09537775314750702,0.52 +2207,0.6689852477081715,0.094799224467868,0.62 +2208,2.1260190396237633,0.09564778975889633,2.18 +2209,0.4206132041059121,0.0967360421227813,0.44 +2210,1.6939843118965712,0.09546638894589649,1.66 +2211,0.5669617170446912,0.09582707305022575,0.62 +2212,1.0736398685966648,0.09441902670135897,1.16 +2213,1.021514106870839,0.09434782031626539,1.02 +2214,1.6511173994151847,0.09612173167053867,1.64 +2215,1.046294239525409,0.09429438352162282,1.06 +2216,0.943581794332534,0.09486714592599567,0.98 +2217,3.160474427692918,0.10333956092805412,3.16 +2218,2.6194926020364058,0.09690309457457076,2.54 +2219,0.7861207482501946,0.09463736737696804,0.78 +2220,1.3025533769660598,0.09418452940719241,1.24 +2221,0.9421416253908532,0.09437966150486868,0.9 +2222,1.7840302398612593,0.09507946790013393,1.74 +2223,1.942618347207123,0.09569808922146542,1.98 +2224,3.1259405704447367,0.10243577453028811,3.14 +2225,1.568639438842581,0.09551734961675931,1.54 +2226,1.2049768995648478,0.09395891199041892,1.26 +2227,1.0451236000758612,0.09421763246744926,1.04 +2228,0.5552263287168238,0.09583854190482,0.5 +2229,1.5301591789859756,0.09518378210265682,1.48 +2230,1.3325474690951253,0.093709432043365,1.38 +2231,1.2663945199959343,0.09397874689236183,1.14 +2232,2.1415167487851576,0.09581886195554146,2.2 +2233,1.1721003692452143,0.09409123773205731,1.06 +2234,2.1520090326476407,0.09549202570147525,2.08 +2235,0.6795004547454404,0.09456440262940394,0.7 +2236,1.5944129934570128,0.09624693651441239,1.48 +2237,0.25201245103826153,0.09822526282874688,0.2 +2238,2.095609081272869,0.09568041262086131,2.08 +2239,1.8752272976972009,0.09566911483934991,1.96 +2240,0.4370737809680527,0.09648735860529521,0.34 +2241,0.9672594518957354,0.09498809620619532,0.82 +2242,1.6524153676769657,0.09591734578453484,1.58 +2243,1.222264248469692,0.09363652149720704,1.14 +2244,1.4722806372196189,0.09507561320728244,1.48 +2245,1.3876661904381464,0.09412855646240327,1.26 +2246,1.4133129456336775,0.09427738014986195,1.36 +2247,1.219551769053382,0.09388742336016727,1.22 +2248,2.501474833172548,0.09575439847541307,2.5 +2249,3.7281163530392547,0.11093561836717901,3.82 +2250,0.5678502536832255,0.09538220879869903,0.56 +2251,0.39613988750237183,0.09647744460031908,0.42 +2252,1.6532401273911645,0.0966103991953691,1.64 +2253,1.408181881556274,0.09415103069095307,1.42 +2254,1.2985263214011908,0.0936031003134068,1.3 +2255,1.4624822172522798,0.0948687920439561,1.44 +2256,2.647034391960748,0.09680888752478191,2.64 +2257,1.0850885658140967,0.0940529976696528,1.08 +2258,1.4512735282054123,0.09460202036520343,1.5 +2259,2.017756793461743,0.09582328916851746,2.02 +2260,3.0290415784815607,0.10102262880372073,3.14 +2261,1.782549752860291,0.09530716778724688,1.68 +2262,3.414116259790209,0.10599040570918732,3.5 +2263,0.9494787913383469,0.094423750881013,0.9 +2264,1.8869394581113568,0.09543217645380529,1.82 +2265,1.3484180474127996,0.09391540572506107,1.32 +2266,2.4148674168964455,0.0955057984842725,2.42 +2267,0.8589987299727895,0.09444524543041229,0.78 +2268,1.0044043670204914,0.09458236581238048,1.0 +2269,4.179725154912841,0.12539766818403325,4.08 +2270,1.1024811236066014,0.09413565219579384,1.24 +2271,1.0464332698509509,0.09459431152179734,0.98 +2272,1.4398217486385363,0.09469865450475222,1.38 +2273,1.8802808597182192,0.09546613473492516,1.88 +2274,0.3486477928540026,0.09723911628798562,0.32 +2275,1.1264224480793033,0.09393974571929566,1.04 +2276,1.8895263544868612,0.09565764900292055,2.04 +2277,0.8280514800712098,0.09471089656099345,0.84 +2278,0.05806194730750036,0.10102812139108493,-0.08 +2279,2.196799439894505,0.09550130852659246,2.16 +2280,0.8470809153045487,0.0946962067589802,0.82 +2281,0.8072996384372715,0.09461087860661746,0.72 +2282,1.4172658920037478,0.09423794761771141,1.34 +2283,1.9635599957867171,0.09589816622989913,1.92 +2284,0.26402417563100045,0.09899174890081432,0.22 +2285,1.2593340715698105,0.09384127682359099,1.28 +2286,3.15595268896012,0.10330676020975348,3.2 +2287,1.659807062329918,0.09491900262109705,1.62 +2288,1.3422572500420102,0.09365616905015961,1.38 +2289,0.9975264449229826,0.09442786688300908,1.02 +2290,2.1706239895697763,0.09553348780721826,2.06 +2291,0.5136811707681623,0.0957428276539814,0.56 +2292,2.800887677067564,0.0988815269675017,2.86 +2293,0.7530855807627859,0.09467465081640523,0.56 +2294,1.5760581415444008,0.09519092657065402,1.52 +2295,0.5137250504344166,0.0962540538570076,0.48 +2296,1.6018315949572184,0.09555415771656049,1.5 +2297,2.012199612390752,0.09579375379306168,2.02 +2298,1.434886064063292,0.09453744917911669,1.44 +2299,1.2013679186559258,0.0938138789709004,1.16 +2300,1.8548776775742155,0.09551874831732172,1.88 +2301,1.0768134425779436,0.09417288035939338,1.18 +2302,1.6016015623419122,0.09642239185236665,1.58 +2303,0.9505172876040362,0.09437036400099105,0.94 +2304,2.468938268929726,0.09548557320345838,2.48 +2305,1.725834148665534,0.09523972171648923,1.64 +2306,0.6077681932657129,0.09651656336584946,0.58 +2307,1.8031037311065532,0.09556564783965685,1.78 +2308,1.78420489022934,0.095100418169514,1.72 +2309,2.1492307438375065,0.0957221680778472,2.18 +2310,1.4738530118555317,0.09469851066796607,1.48 +2311,2.2283274880516686,0.09547764802593484,2.4 +2312,2.2007282583894394,0.09555256864554197,2.1 +2313,2.4180821189212978,0.0955501672544826,2.38 +2314,2.6246013925039122,0.0961791379093668,2.76 +2315,1.6872093157365526,0.09515754978671821,1.66 +2316,1.2554325726993483,0.09457728853806885,1.58 +2317,1.3665314628371021,0.09395714504697511,1.34 +2318,0.5509303859419497,0.09560751286238596,0.52 +2319,0.5632958849751404,0.09540097612672498,0.56 +2320,1.9232569776973136,0.09603932297418595,1.9 +2321,0.7617448183597801,0.0947782129692743,0.72 +2322,0.5074512459222689,0.09540105691032788,0.4 +2323,1.7853043252383998,0.09560496344783304,1.72 +2324,2.870160912001907,0.09934606365065705,2.96 +2325,1.4634223597260814,0.09434989986471137,1.44 +2326,1.7483814169429266,0.09487939732627576,1.7 +2327,0.9515047257785092,0.09447261361989649,0.96 +2328,1.3549345931411096,0.09404548043565684,1.44 +2329,1.0452088552889336,0.09424962444493282,1.1 +2330,0.9728996207298835,0.09431610887000606,1.0 +2331,1.82944204796177,0.09531740805548339,1.86 +2332,1.710959742540247,0.09547470799442302,1.62 +2333,2.8589188668443413,0.09859974055284047,2.9 +2334,2.6666862820938064,0.09708572334984696,2.66 +2335,1.6489260882003904,0.09554949995968698,1.7 +2336,0.7689239405415194,0.09444370636774209,0.82 +2337,1.3944696618196488,0.0943647200176006,1.36 +2338,1.4550763636882422,0.09455630955130394,1.38 +2339,1.502260293567275,0.09474243028085881,1.54 +2340,1.7249676625759989,0.09535258358275484,1.7 +2341,0.4555229606349229,0.09649438870499612,0.52 +2342,2.498805452961367,0.09612513194433846,2.46 +2343,2.403543280500582,0.09544757201654734,2.42 +2344,0.7441637129842782,0.09484280638101274,0.78 +2345,1.9470484985651382,0.09559026686940485,1.86 +2346,0.42983730311391,0.0971190401828658,0.42 +2347,4.262823109607428,0.14244684242600575,4.28 +2348,1.4091044723373969,0.09406376493259826,1.4 +2349,1.4858868201236746,0.09560883492938885,1.38 +2350,1.6718120094271427,0.0954433334613341,1.68 +2351,2.3212346973197526,0.09518680119159939,2.26 +2352,2.9479682117985995,0.09982171776784181,3.5 +2353,1.2427223410657149,0.09381768836325599,1.22 +2354,1.1025371599394376,0.09387085565300952,1.1 +2355,1.9431201346699467,0.09593309838808257,1.92 +2356,0.6845552809992306,0.09490471082761912,0.54 +2357,1.247050026239144,0.09414242693521953,1.24 +2358,1.1706765950741485,0.09387335193089694,1.1 +2359,2.320764709978569,0.0953442522276561,2.32 +2360,0.7496989691481133,0.09458268655357015,0.82 +2361,0.6135386270231429,0.09500497355631304,0.6 +2362,0.8352603739887634,0.09441995346767941,0.8 +2363,1.7842846304969768,0.09530529398135767,1.8 +2364,3.766794296422173,0.10993356657641798,3.72 +2365,1.2381834384163923,0.09402241449362281,1.26 +2366,0.5654762906290891,0.0965789221411694,0.48 +2367,2.5079877164429902,0.09586433238522708,2.5 +2368,3.4571429178441306,0.1077801420459092,3.54 +2369,0.36212777899369897,0.09760182509708487,0.24 +2370,1.2816767040806454,0.0935908875358831,1.2 +2371,1.0961735642967554,0.09420755825932939,1.1 +2372,2.2812709377573626,0.09546660089796305,2.22 +2373,2.3287070637424208,0.09547341832273896,1.98 +2374,1.6589389148817517,0.09518279122409273,1.7 +2375,3.269074444639184,0.10266804632907817,3.2 +2376,1.495150489317993,0.09591320906474274,1.56 +2377,2.1304122575614386,0.09573919682655971,2.02 +2378,1.1094305967623939,0.09404329969054473,1.1 +2379,1.6707637974504408,0.09525294196393129,1.68 +2380,0.7468095818650795,0.09469314884328237,0.74 +2381,0.9911434930656569,0.09423431996591017,1.02 +2382,1.166131795770454,0.09376773536107558,1.1 +2383,0.5730057766121242,0.09530351619543886,0.6 +2384,1.1637093415804998,0.09412162578831179,1.14 +2385,1.1679512416130962,0.09372741850900071,1.02 +2386,1.12685959895164,0.09478987759241407,1.22 +2387,1.0308845870044152,0.09434407108814338,1.0 +2388,2.04609320168705,0.09572534170831044,2.0 +2389,2.379252338267399,0.09532484265063494,2.28 +2390,1.6466791762305277,0.09534806823060141,1.54 +2391,0.49318191487604324,0.09680340235076482,0.44 +2392,0.636333334079108,0.09498094748388193,0.6 +2393,0.9596465988823866,0.09414273760601803,0.9 +2394,1.6405513029306107,0.09606722369423028,1.62 +2395,0.9903092507695916,0.09442014605139308,1.02 +2396,1.2240011905479093,0.09589130195243367,1.26 +2397,1.6819872577188093,0.0954134053116082,1.58 +2398,2.0369158392575812,0.09600001101800822,2.04 +2399,0.7986852255846948,0.09461014537294306,0.84 +2400,1.0930084306282666,0.09406550326659303,1.14 +2401,1.1866247997007946,0.09622627229704132,1.06 +2402,1.0311579858417872,0.0944437268540069,0.96 +2403,1.2325089433560805,0.09377650912625463,1.32 +2404,0.5535256727630511,0.09549992805183752,0.5 +2405,1.1505672537160976,0.09394574758281594,1.16 +2406,1.7039289625242304,0.09545371858772893,1.7 +2407,1.387683497744007,0.093981203034863,1.4 +2408,2.131711107978507,0.0961972364095791,2.08 +2409,1.19742466420076,0.09449072596497067,1.1 +2410,0.7467377067698422,0.09491826662368023,0.74 +2411,0.4940048732854514,0.09679098406533956,0.48 +2412,0.9599769292814884,0.09427826465590311,0.88 +2413,1.2654332496827934,0.09360764291372274,1.2 +2414,1.6518268512889591,0.09469299298091298,1.66 +2415,1.1147941225079947,0.09428028876656426,1.14 +2416,1.744006215407552,0.095221187979156,1.66 +2417,1.7469964142835082,0.09502478093002675,1.72 +2418,0.6208891163582777,0.09534922248766271,0.66 +2419,2.7673116657709755,0.09805468825461147,2.64 +2420,1.7485564208927968,0.09556293669313683,1.72 +2421,0.7090998264112542,0.09503821054442325,0.72 +2422,2.487102376014537,0.09623842359815624,2.44 +2423,1.9469132879608324,0.09594750302285202,1.96 +2424,2.0522348791620217,0.09595516694312861,2.06 +2425,0.7410500986928206,0.09455245577728832,0.68 +2426,1.1101144124549407,0.0938519380484098,1.12 +2427,1.1107933984638763,0.09478807330514792,1.08 +2428,1.4775465936815166,0.09464516387914783,1.44 +2429,2.0782632921975264,0.09628381952540302,2.08 +2430,1.508105575710033,0.09447862012533045,1.5 +2431,1.4651786436272474,0.0943882039268901,1.4 +2432,4.454173175606222,0.18082693812709186,4.4 +2433,1.7859369045670164,0.09520497138772725,1.74 +2434,0.9137505975846416,0.09476760066212232,0.9 +2435,1.8940379931556066,0.09559513627048745,1.84 +2436,1.9595463078343869,0.09592066173057352,1.9 +2437,2.2661981641948294,0.09570552109122131,2.3 +2438,2.0887972029340887,0.09583904210359233,2.04 +2439,0.06076994282064874,0.09967856418657967,-0.06 +2440,1.5702525641562275,0.0952781591139144,1.46 +2441,1.5406214861119807,0.09540285909261262,1.48 +2442,1.8236230081724756,0.09531295520642535,1.94 +2443,2.909250866170158,0.09933515472616089,3.02 +2444,1.0788643044770936,0.09417234674516792,1.02 +2445,2.8802608303370256,0.09990666914491415,2.62 +2446,0.9218426408879594,0.09445836823391489,0.88 +2447,2.8708741446073986,0.09869090793043823,2.82 +2448,1.5734336458727896,0.09556141945576822,1.54 +2449,3.6291281685406993,0.10906621402549703,3.76 +2450,1.535014413877768,0.09572884659790878,1.46 +2451,1.4072312120696608,0.09433552743883765,1.48 +2452,2.6996530710991387,0.09667580488784666,2.68 +2453,1.5885918355809778,0.09539025488747896,1.56 +2454,1.875237758525337,0.09545234825463463,1.88 +2455,1.5882973248468417,0.09499315005896661,1.56 +2456,1.5536579256322014,0.09643925840604566,1.48 +2457,1.8936707902831103,0.0956437043658846,1.92 +2458,1.4974040012678884,0.09513751675991568,1.36 +2459,1.1028055331712423,0.09483304498112798,1.12 +2460,1.742470795173297,0.09607133112577962,1.68 +2461,1.9559570103574018,0.09586227832332182,1.98 +2462,0.7655301442815272,0.09470443349693182,0.78 +2463,0.4053833653606631,0.09691613331757842,0.36 +2464,0.7333803623072583,0.09471611777832906,0.56 +2465,1.0708686401975953,0.09442195790117609,1.02 +2466,1.5645388064708285,0.09600003127726098,1.5 +2467,1.358006860264645,0.0938231132399573,1.34 +2468,2.358461707757634,0.09564627268211996,2.4 +2469,1.4366700230497784,0.09431665050599825,1.32 +2470,1.3537357822342244,0.09426140615344272,1.24 +2471,1.6779191585717612,0.09546541070521809,1.6 +2472,1.6095126637166857,0.09462120481597747,1.52 +2473,2.2589799627250677,0.09536395775464372,2.34 +2474,4.089816062486015,0.1231887482473865,4.06 +2475,1.3865773135020163,0.09398048248576157,1.32 +2476,2.2943788528516755,0.09560394634806312,2.32 +2477,1.8238616707933915,0.0951741020347152,1.76 +2478,1.348963203782887,0.09382069567104633,1.42 +2479,1.1341688254694162,0.09396765376254934,1.12 +2480,1.2368832733757955,0.09444389017827808,1.14 +2481,1.9469722620725207,0.0965175486546432,1.92 +2482,0.9573331365296482,0.09453036610874789,0.98 +2483,0.8507725716108894,0.09457247010236809,0.76 +2484,0.8200262304658708,0.09438263136661623,0.88 +2485,0.8952837051797218,0.09437759397662983,0.9 +2486,1.082524437215568,0.09394004589329163,1.06 +2487,1.660193511963712,0.09528421488687745,1.64 +2488,1.5569642424649004,0.09814841719220976,1.74 +2489,1.1620057451064199,0.09390714485075743,1.12 +2490,1.2464804903057,0.09378633726823825,1.12 +2491,1.789112062990391,0.0955338512433237,1.78 +2492,0.3757662201055254,0.09782995768631651,0.38 +2493,1.5724556718109568,0.09655682446691273,1.64 +2494,0.4469451414095609,0.09695546795121196,0.42 +2495,0.6554766136393511,0.09823213258980815,0.56 +2496,2.758604863378064,0.09758159004129974,2.84 +2497,1.6970620485089754,0.09539997228334302,1.72 +2498,1.5792043351475726,0.09551114433581505,1.54 +2499,1.20181815553358,0.09405675426398295,1.18 +2500,1.2538993739765587,0.09367788789906277,1.12 +2501,1.2067660697511116,0.09379099643979402,1.2 +2502,2.4246052337725885,0.09518923735123572,2.18 +2503,1.0500884283558847,0.09411725517638525,1.0 +2504,1.656618578257799,0.09561859514201919,1.64 +2505,1.4655072130339093,0.09475161326584863,1.42 +2506,1.7654310319876103,0.09546328347747136,1.76 +2507,3.933746388024492,0.11530251982239596,3.9 +2508,1.1488470546620064,0.0938718080596711,1.2 +2509,0.07755566769029443,0.09999540825146465,0.08 +2510,3.412646951846508,0.10544300559604249,3.42 +2511,2.2972429072383207,0.09532436714539645,2.22 +2512,1.3813406340181444,0.09418334672846074,1.28 +2513,1.3535563972225901,0.09388896550424868,1.46 +2514,1.1113502165963425,0.09393096542200495,1.08 +2515,1.9628964690975934,0.0958273434601167,1.88 +2516,0.897115535112917,0.09423071802798076,0.86 +2517,2.1429686539903656,0.09566717314019688,2.14 +2518,1.5830855907572925,0.09594035447712361,1.54 +2519,0.9276742697257916,0.0943425062233647,0.92 +2520,1.5639918009829756,0.09497466126566535,1.6 +2521,0.6521401493986971,0.09503800488588628,0.64 +2522,0.6671049556219479,0.09492753199878146,0.7 +2523,1.2970821799435157,0.09396914497960204,1.08 +2524,1.000992273471688,0.0943263177473554,0.96 +2525,1.5499712518260083,0.09565279018960485,1.52 +2526,0.39381613835952933,0.09753887535445328,0.46 +2527,1.1073902581350552,0.09411027227247708,1.14 +2528,2.0062574499391843,0.096232646674638,1.98 +2529,1.1380959826287622,0.09409705188730733,1.28 +2530,1.2067732139685248,0.09374882567956225,1.26 +2531,1.4213711895278394,0.09450039763588487,1.46 +2532,2.6641457000841697,0.09695326873065233,2.54 +2533,2.7441539545277323,0.0974256254206311,2.76 +2534,1.959531204951837,0.09576713683128796,1.88 +2535,2.4223548985442562,0.09564731083930392,2.46 +2536,1.0786293151911508,0.09434785504781229,1.06 +2537,0.5534730232080207,0.09580662964558839,0.6 +2538,0.8705526158827368,0.09453099466886183,0.82 +2539,0.8310074252360522,0.09434456668049924,0.82 +2540,2.6092684345476016,0.09632255058388693,2.64 +2541,1.019381252559917,0.09452001648988827,0.98 +2542,2.4175708979195,0.09526848909083668,2.44 +2543,1.7226804935858695,0.09564832075899397,1.72 +2544,1.7298092988338567,0.09530354417446445,1.54 +2545,2.8743277153507094,0.09841792645944175,2.92 +2546,0.33089935212833055,0.0974453695696707,0.38 +2547,1.5164537000087677,0.09499940034456222,1.5 +2548,1.3240182674306737,0.09441504526600492,1.26 +2549,0.7891394603538551,0.09475522903320724,0.8 +2550,0.3494819704539083,0.0977836806510816,0.26 +2551,1.4576426455142268,0.09438317717779794,1.52 +2552,2.1291293093793797,0.09590364907189512,2.26 +2553,0.8180269073832775,0.09483467958773403,0.88 +2554,3.2654802621197483,0.10344366438059513,3.32 +2555,2.1286783117799857,0.09566045295034518,2.14 +2556,1.3473802222162519,0.09393779648766028,1.34 +2557,2.002564104153521,0.09663530170923657,2.0 +2558,0.7831894248105797,0.0945628825311923,0.78 +2559,1.2487140870041742,0.09431359668426095,1.2 +2560,0.807015894837928,0.09456729757088261,1.28 +2561,1.257649098574646,0.09406836494166029,1.22 +2562,2.0535678477647394,0.09578560958863373,1.94 +2563,2.4760833217889164,0.09556891617456925,2.4 +2564,1.2512217790200069,0.09382548333089327,1.24 +2565,0.6839777632406232,0.0947950333368897,0.64 +2566,0.8196418310169342,0.09464657141343503,0.98 +2567,1.7106203022224378,0.09564882722873178,1.7 +2568,1.617846122155612,0.09533147898905321,1.54 +2569,1.079566520617199,0.09425730989428531,1.08 +2570,1.6282859942539218,0.09554671494743264,1.6 +2571,0.7300845040161263,0.09474493510643318,0.72 +2572,2.3223388022863887,0.09532997948034495,2.2 +2573,1.714116266174635,0.09533361063303779,1.7 +2574,1.9750795833566954,0.0956157001592078,1.92 +2575,2.8911704607295974,0.09851466896398796,2.84 +2576,1.545835120984357,0.09521341466019072,1.54 +2577,2.3529298887968046,0.09543801010780731,2.26 +2578,2.3034278420239644,0.09527708359267342,2.16 +2579,1.4265983446863117,0.09462595070936738,1.4 +2580,1.3592700277547536,0.09394534262161207,1.34 +2581,1.621497265815016,0.09563172547392332,1.56 +2582,0.8062004437837125,0.09440223360969567,0.78 +2583,1.5508317251291928,0.0960450777057788,1.44 +2584,1.5147092580074926,0.09465964649075834,1.4 +2585,1.6149347972093153,0.09612576555752574,1.58 +2586,0.8241378601747016,0.09455026566679527,1.12 +2587,2.3417411126131,0.09520633201127399,2.32 +2588,2.72994858893032,0.09806733165353793,2.68 +2589,1.5950617121402928,0.09545975444919563,1.58 +2590,2.6524176342820063,0.09662679921818265,2.78 +2591,0.8252383776365164,0.09454132819963386,0.86 +2592,0.44220471955996743,0.0964034107188969,0.48 +2593,4.1858244917921255,0.13164018905977942,4.12 +2594,0.3392038298894384,0.09731000800498919,0.26 +2595,1.5114092271519368,0.09556900863772536,1.6 +2596,2.6846978103329278,0.09733217450720047,2.6 +2597,1.175368819981415,0.09420910037846797,1.22 +2598,1.1232403447223973,0.09464874406062701,1.12 +2599,0.8242313917343758,0.09463809827005137,0.82 +2600,1.1347879336589983,0.09398355409762134,1.16 +2601,0.7690138493583589,0.09441001271282327,0.94 +2602,1.6200633818751768,0.09596158170751079,1.54 +2603,2.146176269359678,0.09566106453079065,2.14 +2604,2.0071840467234168,0.0959502321156359,1.88 +2605,0.8124888765340543,0.09438971856693014,0.8 +2606,1.0588498221241665,0.09427812417163917,1.06 +2607,2.2883170421618075,0.09544538162036321,2.32 +2608,1.12149334018018,0.09408030832145452,1.12 +2609,1.0364551283618297,0.09456293575385334,1.06 +2610,1.7305582129754526,0.09563022831812677,1.8 +2611,1.6540763744215567,0.09552273730128244,1.8 +2612,0.867853194916723,0.09461067672870163,0.86 +2613,0.9444384556978846,0.09543713355286065,0.88 +2614,0.6358093142097161,0.09531590278377673,0.6 +2615,2.18936272121125,0.09555803629672024,2.16 +2616,2.1225734226203983,0.09572705298809235,2.16 +2617,1.132941728950847,0.09400766668226615,1.08 +2618,1.2080868390942854,0.09400865021732231,1.14 +2619,1.4832268264510944,0.09557333480140717,1.38 +2620,1.2813443026406475,0.09377055993388271,1.2 +2621,1.895934004051199,0.09573250589376678,1.88 +2622,1.647736461694457,0.09558085842850426,1.62 +2623,1.4565106468028048,0.09471056520092169,1.42 +2624,0.9692167261645288,0.094556437675917,0.86 +2625,1.233815621345201,0.09398142913179354,1.22 +2626,1.5256188214023965,0.09471677379499435,1.34 +2627,1.2440899976032327,0.0936231781371899,1.1 +2628,1.104182706782261,0.0940035983166886,1.08 +2629,1.5225138431345258,0.09488186858538158,1.48 +2630,0.7980292660966697,0.0944304299600611,0.78 +2631,1.1747304449451264,0.09394952371003026,1.18 +2632,1.0361160165149954,0.09473138487970299,1.14 +2633,0.808841008177513,0.09470714656691644,0.9 +2634,0.8966369447949063,0.09462188069224227,0.88 +2635,1.1682873040118906,0.09498045947175739,1.22 +2636,0.7137416930541249,0.09509324015922775,0.72 +2637,2.518617243235706,0.09602445091824977,2.5 +2638,1.3319227824134714,0.09386502687428751,1.26 +2639,2.2067434024557,0.09560156206814469,2.2 +2640,1.5363723717198852,0.09711830882094741,1.54 +2641,1.4665498272630089,0.09471418267903228,1.4 +2642,0.8680773177632375,0.09446223093949307,0.86 +2643,1.2897581498216795,0.09385098762776997,1.24 +2644,1.6824468214306592,0.09532077036553988,1.62 +2645,1.4709838357381884,0.09523811838236858,1.42 +2646,0.9234249273335635,0.09425647668019767,0.88 +2647,1.4081191273056959,0.09412543543298052,1.32 +2648,0.671937898902236,0.09499416685014496,0.66 +2649,1.6632826522463233,0.09466347804376841,1.68 +2650,1.377675816790635,0.09412768566105398,1.42 +2651,1.1256852956350727,0.09390305585741751,1.14 +2652,1.6437613344150108,0.09531056169321758,1.74 +2653,1.5696841840991524,0.09543837578496144,1.74 +2654,1.1676777565831387,0.09375245832077445,1.22 +2655,0.9467509435204065,0.09441815304284965,0.88 +2656,0.8619906760186069,0.09450629453003066,0.9 +2657,1.9112392363587318,0.0954297461067329,1.9 +2658,3.2293807976931426,0.10389574998369261,3.14 +2659,0.9156713266998224,0.09425851117825049,0.94 +2660,1.4560579749036933,0.09495026861423889,1.5 +2661,0.18161205750973863,0.09833243377535601,0.06 +2662,1.6207241590096615,0.0959377185692105,1.62 +2663,3.315171220028514,0.10562663403191262,3.5 +2664,0.8081333772601127,0.0950079443255082,0.86 +2665,1.5333136387863604,0.09511173602361926,1.42 +2666,1.880457806524042,0.095276058006977,1.84 +2667,0.4938160812053418,0.09636647324721491,0.44 +2668,3.0016826350953423,0.1001821351783797,2.98 +2669,1.2059973270689426,0.09437257293445096,1.16 +2670,1.608951757273772,0.09560381570931685,1.52 +2671,1.2921072386313028,0.09375868898166385,1.18 +2672,1.0552266887064121,0.09452394034001384,1.08 +2673,0.7271278315779099,0.09478812666093815,0.72 +2674,0.47368937155962243,0.09644122785272509,0.46 +2675,1.5080056512385198,0.09579913489511817,1.54 +2676,1.939559888943407,0.09611459409268899,1.96 +2677,1.2375344036019271,0.09374465144069448,1.22 +2678,0.7389724360461933,0.09456992433618837,0.8 +2679,1.3413574817263552,0.09365053600271642,1.22 +2680,4.041760551228354,0.11820227791795244,4.0 +2681,1.204756456363988,0.09453348701935027,1.18 +2682,1.5857274030278816,0.09646889370842279,1.54 +2683,1.979788563536907,0.09576236806208435,1.94 +2684,0.6534657930143659,0.0952679913459714,0.74 +2685,1.6687571066644296,0.09537117459227211,1.72 +2686,0.6596535081324753,0.09473010459434937,0.74 +2687,0.9669730238121126,0.09449515805791864,0.94 +2688,1.541812732666557,0.09633566247920665,1.5 +2689,1.2534644227287686,0.09370676385646169,1.24 +2690,1.2418241375531522,0.09365977678935923,1.2 +2691,1.642968097061292,0.09472455267024149,1.54 +2692,1.4559430055250928,0.09433012944169258,1.44 +2693,1.9362096502963908,0.0957662548170023,1.9 +2694,2.802984973568723,0.0982286569267039,2.76 +2695,2.77949783337327,0.09767862534630951,2.74 +2696,0.6452821930050199,0.09499166534514494,0.56 +2697,0.984522904162219,0.09539084492563867,0.88 +2698,0.5202735571513983,0.09561369798031485,0.66 +2699,0.9174464498504165,0.09423841623980833,0.9 +2700,2.7898851708532995,0.09910004398410086,2.72 +2701,1.4859218935378706,0.09453097124185637,1.44 +2702,1.1986615815842683,0.09435664555972802,1.28 +2703,1.255041835616666,0.09407663314574917,1.28 +2704,3.01901681077495,0.10364215117191065,3.02 +2705,0.47842823786797695,0.09630897627103485,0.52 +2706,2.0090934934714397,0.09575805989196286,2.0 +2707,2.8360857829511374,0.09831111407688622,2.64 +2708,1.3158900525053028,0.09381251009386932,1.34 +2709,3.4680520504540624,0.1076079824592002,3.3 +2710,1.7502582755332696,0.09586713030737537,1.74 +2711,0.2260804897251738,0.09924262536299563,0.08 +2712,1.0633120083656777,0.09404934831411214,0.94 +2713,1.592974892222344,0.09522825750808928,1.66 +2714,0.6211387821394325,0.09514693467052049,0.66 +2715,1.6983785532612288,0.0953529115842631,1.64 +2716,1.4139321129883626,0.09407556400087881,1.36 +2717,1.956613565493754,0.09571826972583217,1.8 +2718,1.500914972666294,0.09448604327705384,1.46 +2719,2.1557972674953376,0.09570126425821426,2.32 +2720,1.615501045229287,0.09524928684877397,1.52 +2721,1.6184032980147336,0.0967658378225321,1.54 +2722,1.3966696473993494,0.09484146938810074,1.42 +2723,1.4958360553513472,0.09639985220188887,1.5 +2724,0.4321563489605147,0.0965691246648516,0.32 +2725,1.7183821532428212,0.09478983603535537,1.7 +2726,1.265092327114992,0.09378643415612928,1.32 +2727,1.7555422129097167,0.09555241392072472,1.64 +2728,0.22079651783062815,0.09854294508850513,0.06 +2729,0.44484647120350473,0.09638165411754414,0.44 +2730,0.09587377069446035,0.09855884997394701,0.02 +2731,0.31412012906761433,0.10250456785351963,0.34 +2732,1.2118242284982799,0.09376671830595384,1.14 +2733,1.8622988184822376,0.09556811083730588,1.88 +2734,0.12765228283429408,0.09961855268165926,0.1 +2735,1.5792019008959528,0.09666238501342116,1.58 +2736,3.6014096053082945,0.10749792042047766,3.86 +2737,2.362154838673362,0.09536438057694704,2.22 +2738,2.7642563666544184,0.09972008624727764,2.68 +2739,0.981541028135922,0.09447037293390186,1.32 +2740,1.0346984739353928,0.09537829302914956,1.08 +2741,1.5707112361807205,0.09533198755341571,1.56 +2742,0.6228680053835554,0.09540883429965911,0.58 +2743,1.087788250624051,0.09463990417348964,1.0 +2744,1.5533132842013018,0.09566075748304445,1.48 +2745,1.4125062519542482,0.09413881956052124,1.38 +2746,1.4057267933609339,0.09429936197306674,1.38 +2747,0.12496673233325595,0.0984933916800601,0.04 +2748,1.182622912982822,0.09377780745904718,1.24 +2749,1.2631298783580007,0.0937164099801572,1.32 +2750,1.706116941628629,0.09510274150281822,1.7 +2751,0.21880234708267565,0.09884998947418222,0.14 +2752,1.0457160864821944,0.09487477870396868,0.98 +2753,1.9537227721816635,0.09572760356016376,1.92 +2754,1.6733336195531265,0.09492623522652426,1.68 +2755,1.547666065698138,0.09564721276503307,1.48 +2756,0.9435265375872532,0.09435273253638368,0.96 +2757,1.3109719780738303,0.09400262091331052,1.14 +2758,3.166014100707752,0.10161141467868978,3.2 +2759,1.1056294206245312,0.094316949077568,1.14 +2760,1.5152263195527595,0.09495906497501537,1.4 +2761,1.1798818158059916,0.09390590715546858,1.12 +2762,1.7543826170028822,0.0951791235764917,1.74 +2763,1.7322185464191406,0.095022917637797,1.7 +2764,1.3524419603183233,0.09381060036088333,1.34 +2765,1.115980720256637,0.09414582030550382,1.08 +2766,2.080635834873334,0.0958330205071811,2.16 +2767,1.3087716465951402,0.09375102796798505,1.32 +2768,1.759823468728385,0.09510359955469304,1.68 +2769,0.6460882590348831,0.0952410645589685,0.74 +2770,1.0495087589798047,0.09406760173804617,1.1 +2771,1.6945162523482296,0.09587069388088058,1.58 +2772,1.066880236907359,0.09424109814374489,0.96 +2773,1.2266275347201088,0.09390610530168039,1.2 +2774,3.8073171912938584,0.11005514368843315,3.9 +2775,0.5367030101922516,0.09634929927156836,0.6 +2776,1.3627124531729677,0.09412149790095142,1.32 +2777,0.8141571082111199,0.09468185001589544,0.82 +2778,1.450910954098802,0.09468701596762691,1.32 +2779,1.7943616355229182,0.0951002569549534,1.84 +2780,1.0578104069054604,0.09463647650860484,1.02 +2781,1.3633764566735636,0.09374562865177334,1.38 +2782,0.9634296324760285,0.0945445922526786,0.98 +2783,2.3406119244367183,0.09517746376487217,2.26 +2784,3.8632659166322796,0.11224064674981903,3.86 +2785,0.7052866261012412,0.09439918852859568,0.66 +2786,1.98390143591309,0.09632964008074904,1.86 +2787,1.4170528287737625,0.09464880788092386,1.56 +2788,1.3470674200435226,0.0941512832015997,1.32 +2789,2.266816684373559,0.09552726389983177,2.26 +2790,1.0969460907380508,0.0941496763593355,1.06 +2791,1.2735753291361434,0.09374361182252552,1.22 +2792,1.623336195382855,0.09567136979380722,1.56 +2793,0.9231655667911944,0.09422315030467533,1.1 +2794,0.41893009943506243,0.09669336802444782,0.44 +2795,1.0670121683782483,0.09400661862741631,1.08 +2796,0.9167386202658321,0.09473734008735143,1.02 +2797,1.6582730377364001,0.09470412938069225,1.56 +2798,1.704212505786053,0.09508276098536533,1.94 +2799,1.60098703793372,0.09473027132680374,2.44 +2800,1.9438493956220668,0.09596788289173146,1.94 +2801,0.3988569868422438,0.09659047667013541,0.28 +2802,0.7207880104360171,0.09489669734365565,0.74 +2803,1.5939754469634693,0.09470254950719058,1.56 +2804,1.3251723196226521,0.09366417293507145,1.3 +2805,0.849107580292781,0.0949542014669553,0.92 +2806,0.9685812445628699,0.09425163098646297,0.96 +2807,0.7813548927810032,0.09455712944807051,0.74 +2808,1.1553581830336555,0.09431143673213105,1.12 +2809,0.9392864692808018,0.09451964031210768,0.96 +2810,1.7251270633910138,0.09526600819161465,1.76 +2811,1.5512762984646926,0.09606832335125634,1.54 +2812,1.3172792406568163,0.09383451862619982,1.3 +2813,0.44811984913296854,0.09701465978850123,0.42 +2814,1.763999290971178,0.09498966368652527,1.78 +2815,1.4214818512424685,0.09452726317480172,1.34 +2816,1.9807921925003953,0.09635023982318273,2.0 +2817,1.3735555141349778,0.09393069544948854,1.32 +2818,1.2963494482518172,0.09384250203405263,1.26 +2819,1.3472278457477955,0.0951251353641445,1.42 +2820,2.353884492827966,0.09545584319511752,2.42 +2821,2.6451498108392144,0.09712731741780102,2.68 +2822,1.5601915709204306,0.09480393815967467,1.52 +2823,1.7945560878762663,0.09518294025123211,1.68 +2824,1.17787911807374,0.09395380027249714,1.2 +2825,2.1316676267548686,0.09582579216163033,2.08 +2826,0.6590814390062931,0.09479831313737928,0.7 +2827,0.744049368841619,0.09488299500956406,0.68 +2828,0.8796528591902941,0.09432169390382011,0.84 +2829,2.7332223512669316,0.09755937721861517,2.62 +2830,1.0683758963884813,0.09416294738248542,1.02 +2831,0.8543028634300072,0.09440313559704731,0.88 +2832,0.9852259971207786,0.09416766145042484,0.94 +2833,0.6863223512204577,0.09531980378654713,0.64 +2834,1.1415120531970473,0.09438308963970106,1.04 +2835,1.338891203854736,0.09381667823350454,1.26 +2836,1.5763905621045708,0.0947751848358605,1.54 +2837,1.2724010565743953,0.09386064666763749,1.3 +2838,1.0034541671827029,0.09434238716300969,0.9 +2839,1.3211837858937656,0.0938172228047638,1.28 +2840,2.0504652348753183,0.09573169911459196,2.04 +2841,1.6907041771834557,0.09528452357304928,1.62 +2842,0.7439940887404042,0.09441732018511093,0.82 +2843,2.001113741546469,0.09595841643676688,1.9 +2844,1.0595016170432814,0.0943094800973346,1.04 +2845,0.5139856899615296,0.09606634534591367,0.52 +2846,2.0987482480086683,0.09569901219015924,2.1 +2847,0.7981408033582049,0.0946075899914716,0.86 +2848,0.9612620296893866,0.09445437297438457,0.94 +2849,4.511999438820826,0.1833265378781484,4.42 +2850,0.7483101665130754,0.09453203883375386,0.8 +2851,2.2514233006915134,0.09546553494430075,2.18 +2852,3.285416492665558,0.10427679790918029,3.26 +2853,1.8747688907192455,0.09555724911003999,1.88 +2854,1.9664534192247558,0.09559549629123644,1.96 +2855,1.2439485408204618,0.09367549092246633,1.16 +2856,0.07829635264134183,0.0997888467628261,-0.04 +2857,1.5477132128726225,0.09579409739023671,1.72 +2858,0.6851493301688478,0.09458707028686897,0.76 +2859,3.1752013277207745,0.10365364213123095,3.2 +2860,1.9067181020578161,0.09563806650994629,1.88 +2861,1.7635620611578986,0.09557024956459372,1.78 +2862,1.5636382186541056,0.09594205368421951,1.58 +2863,1.5999602403868138,0.09572765326853752,1.6 +2864,1.5713088628837113,0.09563305854272296,1.54 +2865,1.9547147112515546,0.09590769042905213,1.9 +2866,1.2223221157411714,0.09362439913724492,1.22 +2867,0.8270244220222445,0.09446600574353817,0.78 +2868,1.9562367998320411,0.0957080544049644,1.98 +2869,1.896204867878616,0.0958679560300379,1.94 +2870,1.7564263871208325,0.0949524479284436,1.68 +2871,0.7020413226029945,0.09479325625611762,0.74 +2872,1.292722933154522,0.09360121420637733,1.26 +2873,0.8352357082596669,0.0946700255145834,0.86 +2874,1.621293285585466,0.0965052314478752,1.56 +2875,1.3225208089374334,0.09366575164595094,1.28 +2876,1.708709663064603,0.09559750071916757,1.76 +2877,0.7774368152075475,0.09472625318965401,0.76 +2878,0.33659810809538726,0.0975060533518534,0.28 +2879,2.01012613802866,0.09574452667256768,1.94 +2880,1.2460067411670934,0.09368821393757609,1.3 +2881,0.6303457138984818,0.09506207670750508,0.52 +2882,2.0264299608108303,0.09592816200315467,2.02 +2883,2.017481083264137,0.09570186327149816,1.96 +2884,1.092921576174298,0.094146124731647,1.06 +2885,2.2114548877879585,0.09584708636616909,2.28 +2886,1.9082995387053288,0.09572246464576256,1.96 +2887,3.6221727608559924,0.10711877558031277,3.64 +2888,1.1274021879112013,0.0941608234362638,1.06 +2889,1.43471202835196,0.09488497146715193,1.38 +2890,1.628936641246277,0.09502181518665423,1.66 +2891,1.6914327893419383,0.09510368962965192,1.74 +2892,1.141850133806237,0.09405309406664016,1.14 +2893,1.5372117119708903,0.09544166875488568,1.58 +2894,0.7632797892887204,0.09521514467427547,0.82 +2895,2.288664061312769,0.09532485762796016,2.22 +2896,0.8753934353378128,0.09480737637256066,0.9 +2897,1.3443985945786707,0.0937997425710591,1.44 +2898,1.7094335579921065,0.09528183580613792,1.66 +2899,2.033963610379388,0.09636927586243128,2.14 +2900,1.2677635060033907,0.09364765762775731,1.22 +2901,1.4761555779052529,0.09488958629140616,1.42 +2902,1.2020498090610943,0.09372904975640008,1.1 +2903,1.4576471471714498,0.09461775907157292,1.56 +2904,1.6332720895429418,0.09743069435779023,1.74 +2905,1.5825194971241459,0.09504842346821125,1.54 +2906,2.0921877058465768,0.0957640292080512,2.14 +2907,1.3003477716896015,0.09360470489917817,1.32 +2908,1.280855903871263,0.09397448717448711,1.3 +2909,2.03258605306376,0.09582714156711689,2.02 +2910,2.205584823667145,0.09542122821225246,2.24 +2911,0.6971073321169001,0.09464393423422783,0.74 +2912,0.9341321866012429,0.09453737732520756,0.86 +2913,1.5782619888809322,0.09885275759593563,1.7 +2914,1.100049982269553,0.09436762994246642,1.1 +2915,3.3867578591397844,0.10624176928282208,3.56 +2916,1.8129286979317598,0.09537178804626509,1.76 +2917,2.12514778409291,0.09563559237380333,2.14 +2918,0.19353277884329856,0.09789091283927175,0.1 +2919,1.6552626012522111,0.09539921265134398,1.56 +2920,1.6866021568496095,0.0956332455520683,1.76 +2921,1.3798786951961048,0.09381626417188128,1.32 +2922,2.22008080308008,0.09549717340429448,1.98 +2923,1.3503519030390265,0.09378416907075629,1.24 +2924,1.7260208521153828,0.09532040164813911,1.6 +2925,0.6665272951041388,0.09487071112571009,0.62 +2926,1.0046225127455415,0.09465543183899915,1.06 +2927,1.373951893507062,0.09411040234332912,1.36 +2928,1.4808475786266442,0.09453670892150962,1.46 +2929,1.4687244007974485,0.09564895438362102,1.54 +2930,2.3228996032616216,0.0954754777384066,2.44 +2931,2.0200936293631955,0.09576681010003758,1.96 +2932,1.0668978167968248,0.09431757513369585,0.88 +2933,2.440638961437898,0.0966135322543323,2.48 +2934,1.001128756061462,0.09442802962937791,1.0 +2935,2.0612329731031735,0.09576221020017611,2.06 +2936,0.9298827851472851,0.09462086309801143,1.0 +2937,0.6736556226692549,0.09485501990692954,0.66 +2938,1.042017461224475,0.09427972908553625,0.86 +2939,1.4824330303218503,0.09529388438582863,1.46 +2940,1.398717702343177,0.09446569950420715,1.4 +2941,0.7176728577311984,0.09498827114559763,0.68 +2942,1.8183316361716422,0.09677759446337002,1.94 +2943,1.1746029164693041,0.09387880766011636,1.1 +2944,0.6293927767183902,0.09564435462040764,0.76 +2945,1.5656770232864545,0.096390947189796,1.4 +2946,1.846365676283277,0.09536734993251847,1.92 +2947,1.6503230477213506,0.09659965278583163,1.66 +2948,0.6913057127769804,0.09487626197479261,0.68 +2949,0.6670231446242454,0.09515970681508577,0.7 +2950,1.995793877362388,0.09587333172114003,2.08 +2951,0.9980625783519983,0.09436025230230563,1.04 +2952,0.798299462090494,0.09457370142302204,0.78 +2953,1.2026000164771347,0.09379217699218335,1.18 +2954,1.4730168025099033,0.09506116457353107,1.54 +2955,1.582824048849318,0.09616675439487188,1.52 +2956,2.038175166578263,0.09580963913702932,2.1 +2957,1.6169721963035713,0.09468261053402645,1.52 +2958,1.28466752788907,0.09386654906448282,1.28 +2959,0.9677189819243708,0.09468911637468104,0.94 +2960,3.015691843048277,0.10192878273899131,2.96 +2961,1.268157985981155,0.09364120325342032,1.26 +2962,0.7823600027952509,0.09460842355475411,0.8 +2963,0.8897536596196716,0.09436448515734217,0.84 +2964,2.465187575398538,0.09557886180264123,2.52 +2965,1.4177731204329689,0.09409638917952093,1.36 +2966,1.5294239181449996,0.09560042951229898,1.5 +2967,1.4968995110577836,0.09477232559831986,1.4 +2968,0.8682397347134909,0.09436934262236163,0.86 +2969,1.1070466420443381,0.09453558544158566,1.02 +2970,1.4000673292990555,0.09432315436615654,1.42 +2971,1.6127787439542232,0.09527356584640509,1.48 +2972,1.0384334028444968,0.09420476065446588,0.94 +2973,3.0859674013162532,0.10222704624765028,3.32 +2974,2.3190250315944105,0.0953256519012268,2.32 +2975,0.6922876208576234,0.09475230287329288,0.62 +2976,1.0332689260075014,0.0944288709002001,0.88 +2977,1.3993476324014722,0.09403362972518828,1.38 +2978,1.8454810657777472,0.09552695069224162,1.9 +2979,0.3730396753069698,0.09915093278303524,0.58 +2980,0.21438073938872293,0.09905166203773624,0.22 +2981,1.382247767215766,0.0937698535303257,1.24 +2982,1.2543843644690043,0.09363414709256598,1.24 +2983,0.8902342468361049,0.09431840504786602,0.84 +2984,0.7043866863044883,0.0948729288649877,0.7 +2985,0.6814201849847983,0.09484934669499843,0.7 +2986,1.4387607480538307,0.09442514370427325,1.46 +2987,0.8005935041741665,0.09458303922136044,0.76 +2988,1.1103922859116864,0.09478515711740888,1.06 +2989,1.6112428015721107,0.09667001791914821,1.58 +2990,2.095403722841084,0.0964100715079939,2.16 +2991,0.7078706005835897,0.09471012504271988,0.68 +2992,1.3958374504919533,0.09416903370256532,1.4 +2993,2.4675817994050426,0.09535606598563316,2.46 +2994,1.8240496478165156,0.09524795753397043,1.76 +2995,0.660479758317436,0.09551257531972444,0.66 +2996,1.7204202082855744,0.09499591765041551,1.68 +2997,2.2449251369183685,0.09555460545022276,2.3 +2998,1.760963198637448,0.09510162007095398,1.54 +2999,1.6977840480964588,0.09622513406496434,1.62 +3000,0.6421705885019371,0.0950134203365888,0.62 +3001,1.8309941035870594,0.09529811563864729,1.86 +3002,0.6908347083530977,0.09456847282297773,0.7 +3003,2.567985299405084,0.09584306769444133,2.5 +3004,0.844004793064471,0.09436955163969507,0.84 +3005,0.592953944237486,0.09515006152006976,0.5 +3006,1.6376022838932798,0.09635867242450011,1.7 +3007,1.5456822868081517,0.09553581052024661,1.52 +3008,1.8627968671236559,0.09543858470271906,1.78 +3009,1.6075967492001908,0.09564377340798792,1.62 +3010,1.2681487365000805,0.0936173633988688,1.18 +3011,2.7588890350474635,0.09761278073317271,2.72 +3012,1.31113777766506,0.09371864584873613,1.38 +3013,2.433208528023144,0.09543481713035235,2.36 +3014,1.0893145254731635,0.09403286137867756,1.02 +3015,0.9108572370444534,0.09451905986991288,0.9 +3016,2.0110347439147063,0.09578784245737497,2.06 +3017,1.5951235456002522,0.09495980388119507,1.56 +3018,1.1993188933660193,0.0940287205618012,1.14 +3019,2.002881090202365,0.09578466496598172,1.94 +3020,1.0395653078607694,0.09475699839663483,1.0 +3021,0.3689039390857829,0.09704201076977646,0.34 +3022,1.7142597939119142,0.0949190931802401,1.7 +3023,2.358098931094453,0.09533471306476526,3.02 +3024,1.483975850572378,0.09535092589533653,1.3 +3025,0.42618681721209484,0.09704027575408493,0.44 +3026,0.9520794191517226,0.09450308618155488,0.98 +3027,0.6235357553890353,0.0955302648892826,0.56 +3028,1.5470798942949031,0.09583201673369708,1.56 +3029,2.9740346197415057,0.10015738503882154,2.88 +3030,1.3778304961743189,0.09385721150227248,1.3 +3031,1.1538273517292836,0.09411276584834165,1.16 +3032,2.369974399633982,0.09571800833683769,2.4 +3033,1.1555011028309607,0.09421132370464583,1.08 +3034,1.566125683208078,0.0954054259745059,1.52 +3035,2.1342789148258134,0.09558787595187078,2.12 +3036,2.445893760938162,0.09528775323755644,2.28 +3037,1.223708938152825,0.09389760360062077,1.14 +3038,1.4962173627096504,0.09525743829575735,1.44 +3039,0.9439154136634471,0.09458710123553049,0.94 +3040,1.473049571908632,0.09603656175049691,1.08 +3041,1.05745887920056,0.09401914965465578,1.02 +3042,1.0110161233854242,0.09434230351719124,0.86 +3043,2.1651819517938904,0.09566033603166453,2.12 +3044,2.356018470672396,0.09599164267271255,2.38 +3045,0.608560751239672,0.09529334794313969,0.6 +3046,0.8727125550408417,0.09436665083397046,0.86 +3047,2.3501183290569188,0.09534960150949835,2.2 +3048,3.1021491087882964,0.10224857877999124,2.96 +3049,0.9486747760633207,0.09435306057882929,0.98 +3050,0.5941712978851044,0.09508745606582643,0.58 +3051,1.6932695787423597,0.09521361015716866,1.62 +3052,1.253263712607911,0.09396043554239183,1.22 +3053,2.2048089819791485,0.09560270164981136,2.18 +3054,1.617824154869318,0.09549501442205278,1.58 +3055,0.6416231587641299,0.09487559252067344,0.68 +3056,1.2134000381486914,0.0937457109232345,1.02 +3057,0.79303291362843,0.09457801860746752,0.76 +3058,1.4105511224098635,0.09414780173388934,1.4 +3059,2.377120616149803,0.09523738582377467,2.26 +3060,0.8098410162703473,0.09485516861408587,0.66 +3061,2.0375049948224273,0.09587683022718044,1.96 +3062,1.6167634580965782,0.09593899441363361,1.62 +3063,1.218950225537192,0.09448899028278081,1.24 +3064,0.8059008143372068,0.09467185449487582,0.84 +3065,1.0820962003964851,0.09413208481835723,1.02 +3066,0.6999163067412759,0.09465352022104798,0.68 +3067,2.7248285426613386,0.09735011968216371,2.7 +3068,0.3175023478276131,0.0974651895074893,0.2 +3069,1.4734468719701965,0.09483366391442193,1.44 +3070,1.4538237488577934,0.0952763088030462,1.54 +3071,0.9995394228046948,0.09478313857698001,1.06 +3072,0.8556500344521112,0.09445063506184358,0.94 +3073,0.5929095112111966,0.09540355946986061,0.54 +3074,2.0610418601234173,0.09571783433146486,2.08 +3075,1.795882856637924,0.09514160395562857,1.78 +3076,2.0514763476699116,0.09571819595017335,1.9 +3077,1.7665276497663456,0.09516849103726066,1.7 +3078,0.8983049107537653,0.09495224786184289,0.94 +3079,0.3305172867241595,0.0972111827010034,0.34 +3080,2.607242967434331,0.0960961312040062,2.64 +3081,2.235503378425687,0.09529972030685992,2.16 +3082,0.060258104200269,0.09963710034723178,-0.16 +3083,2.1788124985670976,0.09560860964396764,2.04 +3084,1.0791114759482952,0.0940903510340142,1.68 +3085,1.2528841926400176,0.09404196700154298,1.24 +3086,0.7021830970322682,0.09473871378186333,0.74 +3087,1.232286117206229,0.09504891016646136,1.3 +3088,2.077815121436622,0.09571177377059896,2.06 +3089,1.3221321189447295,0.09361906433784875,1.28 +3090,1.179332921431353,0.09420106579633693,1.12 +3091,0.7816536333989852,0.09438045104457186,0.76 +3092,1.0123663107828662,0.0951574473968607,1.04 +3093,0.760806512129026,0.09505722866205037,0.7 +3094,2.3171524639206496,0.09527765810802855,2.28 +3095,0.3698165561867519,0.0969409855517836,0.28 +3096,1.6078843425610714,0.09574772089705995,1.58 +3097,0.7060326465944122,0.09492012581923773,0.64 +3098,1.2006200311575839,0.09390604071446773,1.18 +3099,1.5510331201918106,0.09569883581958971,1.48 +3100,1.033001137664364,0.0941344875682687,1.08 +3101,0.954835144987257,0.09458715144601952,0.9 +3102,2.435104426090753,0.09554118826970882,2.46 +3103,1.2019977335674525,0.09400618301280182,1.16 +3104,0.9600934543136503,0.09456666321484009,0.96 +3105,0.7248221748447463,0.09493656804479407,0.68 +3106,1.0307900369150502,0.09466707617998257,1.0 +3107,0.9091899067180549,0.094339741469611,0.76 +3108,1.5928289351392309,0.09530248383205467,1.6 +3109,1.4043417437865813,0.09419658118168069,1.36 +3110,4.355957731504926,0.1633762252171183,4.28 +3111,1.0260291063864955,0.0944191847841098,0.92 +3112,1.2652716115968659,0.0940036836716561,1.24 +3113,0.7320519042743108,0.0946863628373719,0.72 +3114,0.8350545680159733,0.09432164636995921,0.82 +3115,1.4755832912691744,0.0947026947608945,1.4 +3116,0.11436799758450888,0.09925987948518722,0.0 +3117,1.4151382467876488,0.0945494422647647,1.42 +3118,1.475556401668939,0.09448883537130841,1.44 +3119,1.2850177044851918,0.09447743800364966,1.2 +3120,1.1118544288043424,0.09389723685108152,1.08 +3121,2.0870570909456845,0.09554823279207447,1.94 +3122,1.2971635227880327,0.09367626375322911,1.32 +3123,2.773939063062958,0.09844283798628388,2.48 +3124,2.534864305131581,0.09575273438511495,2.6 +3125,1.8492877471823448,0.09573296194084968,1.84 +3126,1.2117490389535206,0.09417922745747513,1.14 +3127,2.4451491245586467,0.09538059654980009,2.34 +3128,1.6102012322188628,0.09532128545235094,1.5 +3129,2.1606117564304625,0.0955421771038588,2.14 +3130,0.7545453367447017,0.09477211015477266,0.72 +3131,1.3281311022141224,0.09363644532429224,1.28 +3132,1.1226589467942674,0.09418321751300968,1.08 +3133,1.9928694699866298,0.09590616189015125,2.04 +3134,0.9920333864151019,0.09432036948399294,1.0 +3135,1.855346482912772,0.0953030174249284,1.78 +3136,1.6658160598722844,0.0958568867757053,1.68 +3137,0.8998978781013562,0.09434041126407289,0.86 +3138,1.8096247942913095,0.09548328994190527,1.76 +3139,0.9227390648500773,0.09428546560598643,0.84 +3140,1.3820058825686417,0.09448220547813374,1.56 +3141,1.3000423891651494,0.09387019371352234,1.3 +3142,0.9365889931840883,0.09456189986907906,0.92 +3143,2.9565526665871644,0.10036325334056508,2.86 +3144,0.655252152747515,0.09527056402869569,0.54 +3145,1.1834765197080728,0.09374649145881893,1.12 +3146,1.4825560960072224,0.0961412249285522,1.46 +3147,1.326170750321495,0.09422431234442825,1.26 +3148,1.9895700323981131,0.09595587737072508,2.0 +3149,2.108051391546624,0.09570843237530693,2.14 +3150,1.9654209217791347,0.09569395326113192,1.92 +3151,1.5999764193989492,0.09619722566595787,1.56 +3152,1.1063024242712984,0.09401913797399239,1.06 +3153,1.3157216769568478,0.09378846770440333,1.32 +3154,0.373402904716194,0.09740793306167338,0.38 +3155,0.9998948362560611,0.0942604671330393,0.94 +3156,0.8581462873085712,0.09441044295327633,0.98 +3157,1.7698736155000319,0.09516855504326346,1.68 +3158,2.391074726944293,0.09547488450229472,2.38 +3159,1.8160216020236675,0.09507895382781491,1.9 +3160,1.5323261298369388,0.09510265308478277,1.38 +3161,1.3695861167399812,0.09392251116503827,1.36 +3162,1.6408423152361635,0.09539265377149636,1.66 +3163,0.9515391564323146,0.09461062888503544,1.02 +3164,0.528449398854157,0.09627775257401944,0.46 +3165,0.9102772086471802,0.09454419429084186,0.96 +3166,1.5379329594509343,0.09540563763899289,1.52 +3167,2.755217824210586,0.09850153014046914,2.8 +3168,1.2442471953159284,0.09396333940857458,1.28 +3169,2.287077961104149,0.09573890328549421,2.16 +3170,1.2221866113875919,0.09419961843727023,1.14 +3171,1.1970004335484035,0.09382311728761415,1.14 +3172,0.48457052788429067,0.09617756297651595,0.44 +3173,0.5068661700989381,0.0968332243027157,0.5 +3174,1.2271846207315562,0.09376701723922978,1.14 +3175,0.6412258935190351,0.095171906246923,0.56 +3176,2.240095578386395,0.09610019478684573,2.28 +3177,1.9903617957457982,0.09587657356854451,1.92 +3178,1.5844491323531713,0.09551535309035752,1.54 +3179,1.1790988496644985,0.09385894012273877,1.18 +3180,0.6068490828930599,0.09537817669464806,0.64 +3181,1.0977157816143261,0.0947131921116414,1.12 +3182,0.8671411629506451,0.09498443754971964,0.84 +3183,0.814718846236314,0.09482422841050708,0.8 +3184,1.2921663014433165,0.09384350263812914,1.3 +3185,1.2984831535978003,0.09363650458148756,1.4 +3186,1.095883181362268,0.09401372436120999,1.08 +3187,1.7262399782481666,0.09525174694309917,1.68 +3188,1.202004672626643,0.09425849909787129,1.54 +3189,1.5368568851859123,0.09588255240768781,1.44 +3190,2.2023756090359115,0.0957256293421129,2.2 +3191,1.1974883415052275,0.0937775412264756,1.14 +3192,1.536771169666764,0.09518940430179143,1.46 +3193,0.9686962271152169,0.0944103806381562,1.0 +3194,0.49159374654888666,0.09607338909029269,0.52 +3195,1.3995048485554236,0.09387708244847795,1.3 +3196,0.9958110564232285,0.09478726362030435,1.1 +3197,2.1625615048094247,0.09577092901980232,2.24 +3198,0.6959096756052539,0.09484467183062036,0.66 +3199,1.6586379456974,0.09561556922178886,1.58 +3200,1.6282980884496254,0.09443220599231544,1.52 +3201,1.1757678956376552,0.09478814192048857,1.22 +3202,2.9407994901000123,0.09987084616239722,2.92 +3203,1.5757685351123243,0.09501814840966537,1.4 +3204,0.9183684749392711,0.09440768497217777,0.96 +3205,3.0747038390023285,0.10113009417418906,3.18 +3206,0.8552625548103805,0.09479381190765862,0.8 +3207,-0.020814793745508098,0.10169261522510156,-0.1 +3208,1.4612530303350084,0.09431763819832747,1.48 +3209,2.673755775999183,0.0972783496102697,2.68 +3210,1.5510602023923,0.09544416779334855,1.54 +3211,1.5778465196726543,0.09483991742452062,1.44 +3212,0.6782157292069897,0.09464929156045919,0.78 +3213,1.1304772809652093,0.09391765104882777,1.08 +3214,1.2372303527653798,0.09383212173997225,1.18 +3215,0.8446687574173666,0.09442230410627933,0.9 +3216,1.6453598082404781,0.09685865251256462,1.68 +3217,0.7166141730474997,0.09489624131892094,0.54 +3218,0.5425687922729558,0.09580620452078199,0.6 +3219,0.9329905263846712,0.0942785724156981,0.86 +3220,3.057921695193734,0.10133551202555242,3.1 +3221,2.1577067143645294,0.0957203687246715,2.2 +3222,1.9381774428945775,0.09582215456091266,1.98 +3223,0.38389965329352904,0.09663712879080254,0.38 +3224,1.4237259861903269,0.09437357076063703,1.3 +3225,2.0034989457747514,0.095855775350164,1.94 +3226,2.0606283326216257,0.09586127615335725,2.0 +3227,1.9822333480399479,0.09587005690495,2.0 +3228,3.930976148532416,0.1208843968075619,4.04 +3229,0.9420654805463187,0.09447649467634398,0.9 +3230,0.7937852083095898,0.09448393417736721,0.74 +3231,0.7075886483258209,0.09473561147553027,0.62 +3232,1.2731641551351132,0.0942352453448109,1.12 +3233,1.1659344033101888,0.0938203994143029,1.14 +3234,1.5710879316748105,0.09514091188336474,1.6 +3235,0.9838110464153331,0.09420073902733116,0.92 +3236,1.179989606414594,0.09397591562327286,1.18 +3237,0.45099164338354214,0.09647182027552753,0.44 +3238,0.9591619233410853,0.09441709079908653,1.0 +3239,1.076638266502215,0.09416488068268067,1.1 +3240,1.8092875661162253,0.09535730236840197,1.76 +3241,1.9733606832183312,0.09569721613142955,1.98 +3242,1.1407023376247807,0.09389118484024672,1.18 +3243,1.9884910819328638,0.09583768878725957,1.94 +3244,1.2184605887491244,0.09388487451183984,1.24 +3245,1.8574666100118762,0.09538300784586684,1.86 +3246,1.5829327417346661,0.09621187313082268,1.56 +3247,1.2430775802160028,0.09380379656970717,1.28 +3248,2.2649338117543216,0.09540094596756199,2.3 +3249,1.7299721485909956,0.09547867099036733,1.72 +3250,0.35951188362278685,0.0972754225063396,0.42 +3251,2.817241167455819,0.09850925465028787,2.76 +3252,1.7381489672962047,0.09559617530466526,1.7 +3253,2.5623691900182664,0.09649264770997709,2.72 +3254,1.2901977089743966,0.09390487688982763,1.16 +3255,0.8893051694147189,0.09445254993425593,0.84 +3256,1.3545402525278192,0.09374534545434612,1.28 +3257,2.1300475725564425,0.09558535622723183,1.64 +3258,0.18434467817604272,0.09844133382214726,0.14 +3259,1.822444074833136,0.09543375423273462,1.88 +3260,0.8750502060326752,0.09444238241552862,1.02 +3261,2.475163383670168,0.09602766719681491,2.48 +3262,0.9536913556617677,0.09441605585541107,0.98 +3263,2.3187478588306014,0.09549698470801248,2.44 +3264,2.25941404816254,0.09576583470582903,2.28 +3265,1.4101852802629224,0.09410693073003164,1.4 +3266,1.5328184933933144,0.09502108488523221,1.48 +3267,1.2489864140358122,0.09379629883716287,1.26 +3268,1.605780646392276,0.09591577287734063,1.54 +3269,0.683082523833356,0.09513177782388152,0.68 +3270,1.9465867741516902,0.09558476770042874,1.98 +3271,1.2677180783768733,0.09384588820492792,1.2 +3272,1.124097356048189,0.09410866039223297,1.16 +3273,1.9505889044192415,0.09577102094887557,1.86 +3274,2.18809059497638,0.09542978721526132,2.08 +3275,1.6025355711308293,0.09544957524928294,1.52 +3276,2.430172342621855,0.09547040028099639,2.48 +3277,1.8535761195108833,0.09545222357909791,1.88 +3278,1.5965613005014134,0.09612625783694749,1.48 +3279,2.699790654728389,0.09744186157215895,2.66 +3280,1.1222981386773512,0.09410745919606864,1.1 +3281,0.6492086873147223,0.09509269876799419,0.62 +3282,1.1863898503660977,0.09424735342172871,1.16 +3283,0.8861772630842175,0.0944526245489415,0.94 +3284,1.1443920701350905,0.0940684056789597,1.12 +3285,1.781023028949683,0.09561407116063188,1.9 +3286,0.730862731788072,0.0944837279950136,0.8 +3287,-0.008112070187323184,0.10647696426158386,0.0 +3288,1.6735285148916574,0.09550018646302727,1.58 +3289,2.7599689450917033,0.09874415371665983,2.7 +3290,0.8513309098767401,0.09478154945520681,0.82 +3291,0.9744386463278545,0.09439283970744108,0.9 +3292,1.5454221418410654,0.09530366431959368,1.5 +3293,1.1419395368616136,0.0941210069995415,1.12 +3294,1.4800916081957638,0.09502600532197823,1.62 +3295,1.2114146643417172,0.09417205917933118,1.32 +3296,1.6235689310921373,0.09459427482543108,1.6 +3297,2.238735815916243,0.09540221983899397,2.2 +3298,1.2192297573528137,0.09367063636769855,1.14 +3299,1.3798638124942357,0.09387220580063572,1.32 +3300,0.686548171424878,0.09490107490781813,0.72 +3301,0.4512512998182885,0.09605307841630682,0.58 +3302,1.045492063893171,0.09475842995124482,0.96 +3303,1.6930638243474618,0.09578778627196974,1.6 +3304,0.9675594266977683,0.09455597953666878,0.94 +3305,1.7315526662652658,0.09535059460294698,1.66 +3306,3.141658438845049,0.10190466441203488,3.08 +3307,0.9937762161362826,0.09412635631673531,0.94 +3308,3.628283638637214,0.10773587570739296,3.62 +3309,1.9639962594946354,0.09578192241792977,1.82 +3310,1.0230507904432145,0.09494493171621542,0.98 +3311,2.5393158269805802,0.09583790399239887,2.52 +3312,1.7027612799073921,0.0953651695289642,1.66 +3313,0.9204431132515083,0.09504239379011864,0.96 +3314,1.361070970727397,0.0939055570607378,1.34 +3315,2.6111428620188555,0.09627691920581413,2.54 +3316,1.0792932559011916,0.0944621275219456,1.02 +3317,2.59437551232104,0.09630775499576082,2.52 +3318,1.174561831485562,0.09498917940943082,1.36 +3319,1.2906611879155037,0.09386757055307586,1.26 +3320,1.3250143626829356,0.09483583822823392,1.34 +3321,1.2592851723679033,0.0935682146621527,1.2 +3322,1.8147784119101757,0.09599559794225303,1.86 +3323,1.309829646407806,0.09366392133567486,1.18 +3324,1.9233529579823383,0.09554899989502555,1.94 +3325,1.3437514479456922,0.093928398722972,1.28 +3326,1.3531121351296775,0.09382993869875929,1.34 +3327,0.2208247454679544,0.09853651946250959,-0.04 +3328,0.8073784401768371,0.0945457981042096,0.74 +3329,1.5387138742567288,0.09522772034660149,1.48 +3330,0.770250259626561,0.09507807533926287,0.76 +3331,1.002187989734864,0.09417143248169323,0.88 +3332,0.9782506329751541,0.09515931285192356,0.96 +3333,0.9199063821006952,0.09444207171987433,0.8 +3334,1.620433152829051,0.09618054682898303,1.56 +3335,1.7200339179844164,0.0953818872377387,1.68 +3336,0.8467565591592319,0.09450970782755742,0.76 +3337,2.676182994900138,0.09659964163945518,2.64 +3338,1.5711038791021465,0.0958268702266846,1.62 +3339,0.9755541988266003,0.0943155015686399,0.94 +3340,1.1064445098058826,0.09412065372459598,1.16 +3341,1.1392713098941627,0.09399178389416475,1.26 +3342,1.3035148746723308,0.09385123810124525,1.34 +3343,0.842899773558841,0.09475089754458409,0.82 +3344,0.7995255435820923,0.09449968718579622,0.7 +3345,1.4788111393098262,0.09530792305473082,1.66 +3346,2.2779532475938638,0.09553475300364998,2.26 +3347,1.0609110982392167,0.09416840873415262,1.0 +3348,1.3514627692733683,0.09421098925798825,1.36 +3349,1.2255909578691089,0.09432296287849984,1.26 +3350,0.6051879575862884,0.09497528849990942,0.54 +3351,1.371452789333702,0.09463328153413957,1.34 +3352,1.5427849971820962,0.0955706039808838,1.52 +3353,1.2031002652415737,0.09370105273879424,1.28 +3354,0.903712873294598,0.09455938381350898,0.86 +3355,2.0228815557364186,0.09650861588035989,1.96 +3356,0.9946481662098385,0.09486614135560728,0.98 +3357,1.2830496117703731,0.09375372263559953,1.3 +3358,1.2889905712742689,0.09369558413186498,1.28 +3359,0.6988439420867465,0.09505878779330594,0.68 +3360,2.057723475453642,0.09574374354297308,1.98 +3361,1.7167646167802317,0.09508496697527334,1.68 +3362,1.834804419762122,0.09706766011023155,1.94 +3363,1.268489446837222,0.09372934076206499,1.22 +3364,1.3528031908003797,0.09473284774355117,1.32 +3365,0.49862538674777923,0.09635227378712383,0.54 +3366,1.4997908276755254,0.09531180423099911,1.48 +3367,1.1215828842209916,0.0944515211738063,1.12 +3368,1.6800994281581652,0.09574647558933734,1.64 +3369,1.2205576032953545,0.09362195334832438,1.1 +3370,1.344030464233093,0.09384233949709896,1.36 +3371,4.6846700164417925,0.25598389436620506,4.44 +3372,1.2124697648390352,0.09377413110210082,1.18 +3373,1.9671364191039444,0.09585328104217745,2.02 +3374,1.1888979373005313,0.09376409660674204,1.18 +3375,0.6110472169691441,0.09539623925189096,0.6 +3376,0.7240575063187329,0.09499218070546186,0.8 +3377,0.981668205000382,0.0951615837496411,1.0 +3378,1.2456693740094025,0.0939915073664461,1.22 +3379,1.1194075468458138,0.09403871869745394,1.06 +3380,1.3625786216315987,0.09424827459502207,1.28 +3381,1.1483062548537362,0.09406768044709252,1.12 +3382,1.6569887607837188,0.09545183463969686,1.66 +3383,1.2900428803410335,0.09567398642680237,1.38 +3384,2.5172342085507537,0.09555757618327475,2.44 +3385,1.7471245310821217,0.09521274215878574,1.76 +3386,0.9811211092072156,0.09461182900158681,0.92 +3387,1.7208956965953703,0.09538519568101038,1.72 +3388,0.9309784118246185,0.09451602282487097,0.92 +3389,1.9586639425548213,0.09567572052646658,1.96 +3390,1.5533657245572812,0.09507433910447756,1.56 +3391,2.9932568875305527,0.10055104079574226,2.98 +3392,1.22550347256675,0.09383784907719124,1.18 +3393,2.473465928906535,0.09556963052083531,2.76 +3394,0.9328678009761475,0.09464375211867687,0.92 +3395,2.5164141561251157,0.09609488279399359,2.38 +3396,3.0235097380187597,0.10146649629197939,2.96 +3397,0.8214084355310156,0.09447065368692867,0.82 +3398,1.5651512433057277,0.0955421919075135,1.58 +3399,3.23240511342253,0.1041047997621327,2.96 +3400,2.079326490438781,0.09565115703475185,2.2 +3401,1.6946252424139985,0.09711812221365618,1.7 +3402,2.8948811873088047,0.09888004095921159,2.74 +3403,1.153113721894023,0.09379453044438071,1.14 +3404,0.9303717422896867,0.09436565255320652,0.9 +3405,0.5329122725706839,0.09565913465009603,0.6 +3406,1.3347369597194714,0.09370194876521094,1.3 +3407,1.0332994633050205,0.09419397811843473,1.06 +3408,1.049584239500831,0.09435111856535117,1.08 +3409,0.966475281303051,0.09452913492941975,1.0 +3410,0.7190919718954696,0.09470881686506405,0.7 +3411,0.5523048074653794,0.09548155647178976,0.48 +3412,1.5874041702055663,0.09686751074448563,1.66 +3413,2.6535105393136007,0.09681652834484485,2.68 +3414,1.2484236861541191,0.0939638201301293,1.16 +3415,0.4021799514651363,0.09730635115092907,0.4 +3416,1.4824070629716317,0.09488951200502324,1.4 +3417,1.0399304890540009,0.09416495512443439,1.12 +3418,1.169883004195917,0.09384917920917873,1.06 +3419,2.0387380527006727,0.09565734043266863,2.04 +3420,0.7334700070272397,0.09473163358884716,0.7 +3421,0.8367878074326853,0.09449705814021077,0.78 +3422,1.558641185621326,0.09486357235194415,1.48 +3423,0.7426887674834788,0.09454261408087465,0.76 +3424,2.8237897990545946,0.09827709412292,2.78 +3425,1.5799607648481881,0.09525007628754582,1.58 +3426,1.643302768687711,0.09596909413405456,1.62 +3427,1.861802104092078,0.09562954649060486,1.82 +3428,1.0299228225380617,0.09451051829081492,1.08 +3429,1.4427501091254271,0.09420527227251613,1.42 +3430,0.7023724653921448,0.09500602323119423,0.7 +3431,1.698152405556911,0.09477163409019744,1.7 +3432,0.7010849176963347,0.09490775514041654,0.68 +3433,2.901882950889952,0.09942568407368038,2.96 +3434,1.736386195614834,0.09522768115187014,1.74 +3435,1.2128160512156256,0.09360500702726487,1.38 +3436,0.8381236936011973,0.09440658700828747,0.9 +3437,1.1223958968839014,0.09401051736061147,1.1 +3438,1.1710030352342926,0.09379246031831137,1.14 +3439,1.0708443601703195,0.09417798338391252,0.92 +3440,1.385790461362049,0.09405881035917693,1.22 +3441,3.0466551217888593,0.10143511003807747,2.9 +3442,2.1329558858165782,0.09576789801131884,2.08 +3443,1.713270005420199,0.09541893475707527,1.74 +3444,2.5379833777628384,0.09585204804720893,2.48 +3445,0.97487457095108,0.09449745968434196,1.0 +3446,2.5902765601196585,0.09619086868180808,2.56 +3447,0.8725287083058895,0.09464515112862623,0.94 +3448,1.0260934640239938,0.09452008549935033,1.02 +3449,1.2435368901398078,0.09421351820863838,1.3 +3450,2.485361421108344,0.09581932483891983,2.32 +3451,1.597986806494582,0.09551841766918007,1.54 +3452,1.9711227460779455,0.09600307739000478,1.9 +3453,3.6337371366565137,0.11008607657862991,3.44 +3454,1.6659359996014587,0.09544249377448322,1.72 +3455,1.211960915892469,0.0936220334727588,1.16 +3456,0.8723259062667239,0.09427789811833129,0.92 +3457,0.9463002757168084,0.09466636177628278,0.98 +3458,0.9722563059208369,0.09439189133618314,1.0 +3459,1.3229628298769498,0.09365176052106784,1.28 +3460,2.3731681395781052,0.09530782076470962,2.36 +3461,1.7991328467936683,0.09511054160409574,1.82 +3462,2.32796193959442,0.09525397339940951,2.32 +3463,1.390893725704288,0.09455958257376572,1.32 +3464,2.44726384023744,0.09536258783981635,2.44 +3465,1.597387747224026,0.0966451318999584,1.48 +3466,1.3573959780645382,0.09379129678414272,1.24 +3467,0.8841672122549831,0.09451733254709996,0.84 +3468,0.48193453442404177,0.09665041953490797,0.4 +3469,1.8787852036958554,0.0956833660333575,1.82 +3470,3.769420053392839,0.10777422853191893,3.82 +3471,1.4577715845191008,0.09469688457174257,1.36 +3472,1.1812983067297793,0.09404506308144568,1.18 +3473,1.20093744294428,0.09373868039398196,1.14 +3474,1.7619262430296558,0.09523691985069595,1.76 +3475,1.7076216289968187,0.09564309721563972,1.66 +3476,0.6431294918459081,0.09488882841584285,0.6 +3477,0.9240285759123665,0.09457571201197326,0.86 +3478,1.0378778027494349,0.09437337490405151,0.94 +3479,1.1725019094431346,0.09415939646202265,1.08 +3480,1.4285623542236223,0.09430129707945127,1.54 +3481,2.1606134935736776,0.09593463449499241,2.26 +3482,1.2956489718949697,0.09382650460263937,1.28 +3483,1.1961031744052804,0.09380837377375983,1.24 +3484,1.0552200127879132,0.09417934583134556,0.98 +3485,1.5873109084822872,0.09625598049939105,1.54 +3486,1.5889674367952296,0.09488565012019208,1.42 +3487,1.723921160166043,0.09521745806691499,1.68 +3488,1.122768112197413,0.09455711962685358,1.14 +3489,2.0032188508934468,0.096452490528618,1.98 +3490,0.6735260072812075,0.09487767435906652,0.68 +3491,2.0340999542472176,0.09593350817322668,2.0 +3492,1.3034873615015101,0.09383159422500978,1.34 +3493,1.2387824442843964,0.0938911347936901,1.24 +3494,2.6741773104587665,0.09648369317157353,2.6 +3495,1.11618551864985,0.09430209099939219,1.12 +3496,1.9383722439049151,0.0957038856324597,1.94 +3497,1.6126393486076935,0.09531335183205758,1.62 +3498,2.3723998208071215,0.09537072839834858,2.42 +3499,2.1174743394538567,0.095689067560152,2.18 +3500,0.4102600081038119,0.09662262209244593,0.44 +3501,1.6827565727722913,0.09529862769520998,1.6 +3502,0.4819142375440144,0.09627733673087972,0.48 +3503,2.401754715284852,0.09591673838220473,2.46 +3504,1.493943735141329,0.0946722702834631,1.44 +3505,1.1900481578714661,0.0939914409409367,1.2 +3506,1.022651607516508,0.09451497691403277,1.02 +3507,1.5248830080162108,0.09501261663301769,1.54 +3508,1.8233391391921572,0.09565001444190473,1.88 +3509,0.43134988223172854,0.09651989323832592,0.44 +3510,1.1956240515324694,0.09417626964257288,1.2 +3511,1.4659404355859138,0.09513172361265505,1.46 +3512,0.9862723574977608,0.09416846660917513,0.92 +3513,1.2181190012816359,0.09401101012991843,1.14 +3514,2.4255583847553375,0.09527072976290338,2.34 +3515,0.9730442493852394,0.09431645058024271,0.9 +3516,1.197393738506726,0.09471699853517117,1.16 +3517,1.249019922318773,0.09359950023959641,1.22 +3518,1.465534024817572,0.09437896084468099,1.5 +3519,1.7929488957288058,0.09529223103875444,1.76 +3520,0.8762450525318002,0.09449527893068105,0.74 +3521,0.44332428825622827,0.09817296181920034,0.3 +3522,1.7484228792812502,0.0952555584352208,1.72 +3523,1.5547831900753977,0.09555739633423631,1.48 +3524,0.9664537347912514,0.09424632754912325,0.94 +3525,0.15367690434343118,0.1017665494779531,0.1 +3526,1.3794366200712247,0.09411677506587382,1.38 +3527,1.7980997688710403,0.09539435927226309,1.74 +3528,2.1721408405824683,0.09602907683684356,2.1 +3529,0.7709013786703487,0.09481538645346832,0.78 +3530,1.9707656723340676,0.09565612179354888,1.9 +3531,2.3711897466770395,0.09528977117510691,2.28 +3532,2.923224629157019,0.09897168475690735,2.94 +3533,2.386883701619027,0.09591672513556117,2.46 +3534,0.5330984567253907,0.09611044619968515,0.56 +3535,2.0345599323432353,0.09596473491411339,1.96 +3536,1.7549348913623746,0.0949893806482307,1.76 +3537,0.16515796067415067,0.09960736865541472,0.06 +3538,1.7822491360845376,0.09597998227112213,1.86 +3539,1.4532121564200224,0.09432689648654927,1.38 +3540,0.8131356195604305,0.09479467203939193,0.86 +3541,0.9050881775880804,0.0947306061428836,0.98 +3542,1.9062333601091055,0.09571130903107417,2.02 +3543,0.7468019620295294,0.09467792623428187,0.7 +3544,0.4408482922753585,0.0963914354343746,0.3 +3545,1.5729935430490656,0.09562187272669502,1.58 +3546,0.601647846899791,0.09524136329483958,0.54 +3547,1.9514679749837782,0.09577598339001323,1.86 +3548,0.41362116637336044,0.09684494700347421,0.6 +3549,1.6932712188161858,0.0953896674529139,1.64 +3550,1.6923859581582903,0.09682828034978849,1.76 +3551,1.3057097090626044,0.09415810336333494,1.28 +3552,1.2197604191895195,0.09370457180021005,1.18 +3553,2.5871401589535843,0.0961251260657186,2.3 +3554,0.4089474960016837,0.0967513301245478,0.44 +3555,1.236182759320812,0.09374818268673275,1.3 +3556,2.4047573233102355,0.09521326615570967,2.54 +3557,1.5736997522800635,0.09473425620813497,1.54 +3558,0.42118974602709613,0.09664627004157747,0.42 +3559,2.733646684768061,0.0972627380211816,2.7 +3560,0.8587825958030493,0.0952144509946735,0.86 +3561,0.9760652221734283,0.09469289617087177,1.06 +3562,0.42732997522420035,0.09591294040083764,0.44 +3563,1.1011699092868383,0.09427332523871111,1.06 +3564,1.1496037259554228,0.09410141624552132,1.12 +3565,1.4986815435927454,0.094917442500238,1.44 +3566,0.7433359954165546,0.09444950691847386,0.68 +3567,2.481411121313048,0.09572450019647921,2.4 +3568,0.8256215290631097,0.0945984499869457,0.82 +3569,2.70154377845817,0.09765463259407575,2.68 +3570,0.538025404867291,0.09582887502005612,0.56 +3571,1.8520182893629098,0.09569422422942953,1.82 +3572,1.5973805094498061,0.09601601977339855,1.56 +3573,2.949908669025678,0.0990307881669319,2.92 +3574,2.1402916067061497,0.09554483199873214,2.02 +3575,1.1797976642320975,0.09388908501026466,1.02 +3576,1.3876135104537042,0.0939861236449192,1.36 +3577,1.0427450995253267,0.0949748613025488,1.1 +3578,1.1309467953811705,0.0939187068411422,1.18 +3579,2.194810994745094,0.09550336075880612,2.18 +3580,0.7440090719925792,0.09457951226455508,0.56 +3581,1.2946721324623667,0.09386412945515768,1.34 +3582,1.8378503230867693,0.09529069033057075,1.86 +3583,2.273778703194825,0.09528845545621542,2.5 +3584,2.1017400758768687,0.09592205640207915,2.02 +3585,2.549805760303588,0.09596773265890322,2.52 +3586,1.7487780080405315,0.0965923661016257,1.8 +3587,1.6813267023301606,0.0953617289340776,1.64 +3588,2.2958089113252385,0.09562633528526475,2.26 +3589,3.7476634375363957,0.1092278092204195,3.92 +3590,1.9866072362508618,0.09565805019887251,1.94 +3591,0.9220855617121266,0.09471487154012237,0.92 +3592,1.2465644273427117,0.09416712071514796,1.2 +3593,1.6457651908013204,0.0953252048439368,1.62 +3594,2.0364681767425097,0.09572824283257761,1.9 +3595,0.9892246855446061,0.09425059332264271,0.9 +3596,0.807079148978481,0.09444738376693665,0.78 +3597,2.217273948506765,0.09541637316037122,2.02 +3598,1.8741292574225241,0.09735134504267741,2.02 +3599,1.280138318955487,0.09386575788608024,1.24 +3600,1.9771712086774116,0.09585764106779399,1.96 +3601,0.6933234741759691,0.09485303164042085,0.6 +3602,1.522771946184477,0.09548185085904155,1.52 +3603,1.6821862236231553,0.09526306734955936,1.56 +3604,1.9717173810737592,0.09601205316188217,2.06 +3605,1.657080305228888,0.09540210446941055,1.56 +3606,0.4187873305999581,0.09712070564884895,0.32 +3607,1.283029383743262,0.09372348195251225,1.32 +3608,1.5471864404185354,0.09590541292180992,1.62 +3609,2.3952665670230537,0.09526726518484054,2.36 +3610,1.4932585064332642,0.09475369879951162,1.44 +3611,1.7692906715114987,0.09533185022439856,1.76 +3612,1.185927596310016,0.09472731623155255,1.3 +3613,3.4297659522071555,0.10788301712726592,3.52 +3614,3.93875238290455,0.11203722010181698,3.98 +3615,1.5465328684437765,0.09481084257306514,1.58 +3616,1.6057404968251845,0.095346370813124,1.66 +3617,1.4356771268038884,0.09438911998651901,1.48 +3618,0.9896938781951974,0.09459740231883186,0.96 +3619,1.2115980061353824,0.09384728297832814,1.22 +3620,0.6835001537521848,0.0949184021756348,0.68 +3621,0.7967547429071615,0.094543098732625,0.72 +3622,1.5409107106520494,0.09525238834588506,1.64 +3623,1.3817523481129754,0.09387500600765557,1.34 +3624,1.5821948296398602,0.09597037286267109,1.54 +3625,2.396316179407691,0.0953623904607268,2.42 +3626,1.6105258648836625,0.09555522623521011,1.62 +3627,0.8041379106952604,0.09441587330299431,0.76 +3628,1.366319915540501,0.0942614781284418,1.38 +3629,2.121040446895755,0.09594531575415544,2.12 +3630,0.432346354622819,0.09671268805930616,0.54 +3631,1.8764959961323626,0.0955064866916126,1.9 +3632,1.9133450701753745,0.09545872293804644,1.88 +3633,1.5539900640669018,0.09584206452081062,1.54 +3634,0.5595177793045245,0.09541768418595938,0.44 +3635,0.7998147318935267,0.09460132414411784,0.9 +3636,1.7252376401570402,0.09504606163957056,1.66 +3637,1.8786095062636718,0.09574802055760016,1.86 +3638,1.4357183574342613,0.09449047013381297,1.42 +3639,0.7411924989567424,0.09499850790114808,0.76 +3640,1.0582834290095064,0.09427838584199362,1.1 +3641,1.7206247877556962,0.09478077127339868,1.6 +3642,0.9787050142881384,0.09474357478144824,1.0 +3643,1.5677556176879222,0.09550232264892562,1.5 +3644,0.3730317851589007,0.09724862021130629,0.42 +3645,2.445572005569872,0.09647804579170463,2.46 +3646,1.5023928052142708,0.09527555430166723,1.46 +3647,1.1336822192330445,0.093876000739842,1.2 +3648,2.2129113682299852,0.09548921301045085,2.12 +3649,0.7682693563066287,0.09470936175576028,0.78 +3650,1.1737098039037264,0.09437421368968726,1.14 +3651,1.5329269031840553,0.09590713179189161,1.48 +3652,1.7440379159676027,0.095468476799919,1.78 +3653,1.4156539015785583,0.09424033872747688,1.38 +3654,1.6189918622920842,0.0950602305064201,1.6 +3655,1.394468358210716,0.09397892837875485,1.36 +3656,2.498465338336686,0.0955032578423776,2.42 +3657,1.6441104427921402,0.09502330011342143,1.86 +3658,1.8852743542431227,0.09568050439577788,1.96 +3659,0.5489072210402703,0.09584376508344825,0.52 +3660,1.7032102259977435,0.0958330292670937,1.76 +3661,0.6267395476986231,0.09535266372982598,1.42 +3662,1.936083886846376,0.09629399961708097,1.9 +3663,1.1009003597960287,0.09449852623381139,1.08 +3664,2.1206561701397035,0.09584577585846701,2.06 +3665,1.072097256597715,0.0939392145242335,1.02 +3666,1.0459081090961035,0.09399149181961237,1.04 +3667,1.302747392391744,0.09369948405966992,1.2 +3668,0.621562512901825,0.09516896369997621,0.54 +3669,2.750733938569727,0.09779229368749545,2.86 +3670,1.4396030675083722,0.09472501184425645,1.42 +3671,1.8974945563225063,0.09551022942316498,1.84 +3672,2.2361954163426034,0.0953688621885941,2.18 +3673,1.0155945384256526,0.09410931365671008,0.94 +3674,2.007103443583347,0.09587514186375334,1.94 +3675,1.345887815047334,0.0941296203576404,1.3 +3676,3.376083184881626,0.10866215587414998,3.4 +3677,3.827922160240213,0.11548315742346299,3.9 +3678,1.6778701913187817,0.09625313481576953,1.7 +3679,0.5824946368512407,0.09551609096764922,0.56 +3680,0.8093854179963529,0.0943600445131782,0.72 +3681,1.145054963666091,0.09397057350958515,1.08 +3682,1.5193034125813725,0.09524633016851376,1.46 +3683,0.7726745917050515,0.09463462741222997,0.78 +3684,2.5301120334333653,0.09561853697132147,2.5 +3685,2.5147749343518555,0.09584368001528296,2.56 +3686,0.4877706419933361,0.09648496342530952,0.44 +3687,1.8573076508187185,0.09530080699328154,1.82 +3688,2.499124094263042,0.0957309477518382,2.48 +3689,0.9536792260970657,0.09443508248416957,0.92 +3690,1.0366883504206612,0.09482498164943329,1.06 +3691,1.208050741707467,0.09383604001226883,1.14 +3692,0.9826062208544926,0.09509140491434767,0.94 +3693,1.7755685755557735,0.09524580389414143,1.86 +3694,4.015199998341362,0.11849913572419069,4.08 +3695,2.4849218322529687,0.09555310759125735,2.4 +3696,2.056438628030378,0.09568116076988487,2.04 +3697,1.3945175034083732,0.09438808984845014,1.36 +3698,0.507635523110963,0.09585406744035228,0.42 +3699,1.099306551506615,0.0939070012509839,1.12 +3700,0.7452267684252121,0.09471035033478596,0.74 +3701,1.4864986784233807,0.09470490478963439,1.58 +3702,1.2865481390669657,0.0935831645075184,1.12 +3703,1.6994119805591623,0.09598609554850773,1.64 +3704,1.3369870364046719,0.09370880594502379,1.34 +3705,2.254704870315628,0.09542494420666002,2.3 +3706,0.9334912144896457,0.09468553790531056,0.96 +3707,1.1590004732985975,0.09401315183668829,1.12 +3708,1.8985578886460104,0.09583781047150554,2.0 +3709,1.770860297620068,0.09516922840143231,1.74 +3710,1.4017598139406076,0.09398162527972677,1.4 +3711,1.000312356045022,0.09425943777614298,0.94 +3712,1.109410628215191,0.09419261446678087,1.0 +3713,1.1458219954183937,0.09403917218978948,1.16 +3714,1.25721450106459,0.09383550197262812,1.18 +3715,2.3837007051608605,0.09559193944388825,2.52 +3716,2.382549199892847,0.09527026068546487,2.36 +3717,2.475187973717807,0.09560432613928077,2.64 +3718,1.0945442515655177,0.09450286091317414,1.08 +3719,1.556755937155942,0.09587119609352258,1.56 +3720,0.8436989124695429,0.09428883181020777,0.86 +3721,1.6971234753058386,0.09510976640726045,1.54 +3722,0.9042680917546173,0.09455999054988186,0.9 +3723,0.4909337995151368,0.09624091812742223,0.48 +3724,2.911363072133165,0.10030280618612752,2.96 +3725,1.0394185209424163,0.09441991425655952,1.06 +3726,1.871288352234279,0.09545986756756632,1.58 +3727,2.2433402142044496,0.09531358029052453,2.08 +3728,1.2159552314915096,0.09378874387713831,1.24 +3729,1.4677459172358622,0.09519186840722747,1.4 +3730,1.1494766911364955,0.09491989538625689,1.16 +3731,1.1810373464983677,0.09430246823058806,1.12 +3732,2.164823639627169,0.0961433649751219,2.1 +3733,1.071602285106505,0.09411496717777255,0.96 +3734,0.742545935767378,0.09447729612206747,0.76 +3735,1.5442918360545654,0.09711244124815598,1.48 +3736,1.231379743264144,0.09402576900094567,1.16 +3737,1.7902252823007574,0.09525372591664426,1.82 +3738,1.4514014128940245,0.09463195449747643,1.44 +3739,0.634326239480512,0.09560173028359299,0.7 +3740,1.1063445160752408,0.09504269474302035,1.0 +3741,0.638342710749598,0.09513784510259249,0.62 +3742,1.5569000521568372,0.09666187893114751,1.48 +3743,1.167722926168259,0.09449574600053359,1.1 +3744,2.4801953086730366,0.09608404466551916,2.46 +3745,3.4174460563918974,0.106227417410497,3.36 +3746,0.6206321463413444,0.0954759335141365,0.58 +3747,2.062788882352727,0.09597161889698541,2.02 +3748,0.21997524915120303,0.09984829684665004,0.18 +3749,1.6473338462020548,0.0946050983005103,1.66 +3750,1.2838117693942364,0.0938481819933922,1.3 +3751,0.41427006695914503,0.09682048112246286,0.38 +3752,1.4580582437975869,0.09427718969266863,1.38 +3753,1.5148599005397343,0.09505819270774256,1.46 +3754,1.5111660167854364,0.09518326267639507,1.5 +3755,1.42677008530129,0.09450956514177983,1.44 +3756,1.1134891615648943,0.09429208406624084,1.14 +3757,2.478341983137125,0.09590861890049059,2.48 +3758,1.1699156688152321,0.09390562405590647,1.14 +3759,1.201274382182424,0.09549204075898314,1.18 +3760,1.9321347123841877,0.09570993485125304,1.84 +3761,0.2614623421152005,0.09774341074823552,0.26 +3762,1.244203331383754,0.09371958218175057,1.26 +3763,1.5570043415812846,0.095168493494447,1.42 +3764,0.6138656041482773,0.09529563623573595,0.54 +3765,2.872004856725196,0.09849723738640129,2.78 +3766,1.5434069736691338,0.09570774132103205,1.5 +3767,0.8922863108047037,0.09461653331737956,0.86 +3768,1.4918425525954992,0.09491674866781483,1.48 +3769,0.11822255720980879,0.10248847397405579,-0.04 +3770,0.6261802810837382,0.095016208308764,0.54 +3771,0.6229675498273681,0.09472420458911493,0.7 +3772,1.1802577336181104,0.093768540253096,1.28 +3773,0.9351434914341432,0.09465313982021042,0.9 +3774,0.8922559646192996,0.09498329161189921,0.96 +3775,1.441619587753289,0.09446523859577047,1.46 +3776,1.8207520105761623,0.0953485724322345,1.82 +3777,2.3568541820325573,0.09532153069186025,2.36 +3778,1.4235823235527185,0.09418064318589629,1.38 +3779,1.283858428126921,0.09425675168242989,1.32 +3780,0.9053924685071237,0.0943911723455339,0.9 +3781,1.3937704876898138,0.09425698914939408,1.46 +3782,1.2288101540112004,0.09357685276705877,1.2 +3783,1.8589803750968938,0.09548507535717426,1.96 +3784,1.6016563622713247,0.09513427992530592,1.78 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/val-metrics-2022.02.11.10.10.05.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/val-metrics-2022.02.11.10.10.05.csv new file mode 100644 index 0000000..9a3f449 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/val-metrics-2022.02.11.10.10.05.csv @@ -0,0 +1,7 @@ +,0 +nll,-778.6648957824261 +sharpness,0.09647447696987065 +variation,0.10148034160755698 +mae,0.056470849679698766 +mse,0.007374797803357017 +rmse,0.08587664294414994 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/val-metrics-2022.06.23.17.13.06.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/val-metrics-2022.06.23.17.13.06.csv new file mode 100644 index 0000000..213b748 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-3/val-metrics-2022.06.23.17.13.06.csv @@ -0,0 +1,7 @@ +,0 +nll,-778.623264842543 +sharpness,0.09648216723552061 +variation,0.10163466406011532 +mae,0.05648668841619987 +mse,0.00737544720815306 +rmse,0.08588042389365029 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/2022.01.20.15.26.33/train/events.out.tfevents.1642692393.node-e00a-009.myriad.ucl.ac.uk.28537.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/2022.01.20.15.26.33/train/events.out.tfevents.1642692393.node-e00a-009.myriad.ucl.ac.uk.28537.0.v2 new file mode 100644 index 0000000..9057fcc Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/2022.01.20.15.26.33/train/events.out.tfevents.1642692393.node-e00a-009.myriad.ucl.ac.uk.28537.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/2022.01.20.15.26.33/validation/events.out.tfevents.1642692448.node-e00a-009.myriad.ucl.ac.uk.28537.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/2022.01.20.15.26.33/validation/events.out.tfevents.1642692448.node-e00a-009.myriad.ucl.ac.uk.28537.1.v2 new file mode 100644 index 0000000..f1e450a Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/2022.01.20.15.26.33/validation/events.out.tfevents.1642692448.node-e00a-009.myriad.ucl.ac.uk.28537.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/2022.01.26.17.52.31/train/events.out.tfevents.1643219552.node-l00a-006.myriad.ucl.ac.uk.27911.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/2022.01.26.17.52.31/train/events.out.tfevents.1643219552.node-l00a-006.myriad.ucl.ac.uk.27911.0.v2 new file mode 100644 index 0000000..ec16fae Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/2022.01.26.17.52.31/train/events.out.tfevents.1643219552.node-l00a-006.myriad.ucl.ac.uk.27911.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/2022.01.26.17.52.31/validation/events.out.tfevents.1643219599.node-l00a-006.myriad.ucl.ac.uk.27911.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/2022.01.26.17.52.31/validation/events.out.tfevents.1643219599.node-l00a-006.myriad.ucl.ac.uk.27911.1.v2 new file mode 100644 index 0000000..4175cce Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/2022.01.26.17.52.31/validation/events.out.tfevents.1643219599.node-l00a-006.myriad.ucl.ac.uk.27911.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/2022.02.10.17.23.32/train/events.out.tfevents.1644513814.node-j00a-002.myriad.ucl.ac.uk.132823.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/2022.02.10.17.23.32/train/events.out.tfevents.1644513814.node-j00a-002.myriad.ucl.ac.uk.132823.0.v2 new file mode 100644 index 0000000..3fd0427 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/2022.02.10.17.23.32/train/events.out.tfevents.1644513814.node-j00a-002.myriad.ucl.ac.uk.132823.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/2022.02.10.17.23.32/validation/events.out.tfevents.1644513881.node-j00a-002.myriad.ucl.ac.uk.132823.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/2022.02.10.17.23.32/validation/events.out.tfevents.1644513881.node-j00a-002.myriad.ucl.ac.uk.132823.1.v2 new file mode 100644 index 0000000..ac671ad Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/2022.02.10.17.23.32/validation/events.out.tfevents.1644513881.node-j00a-002.myriad.ucl.ac.uk.132823.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/metrics.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/metrics.csv new file mode 100644 index 0000000..37ff1f3 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,-2119.281585082106 +sharpness,0.19667302508448056 +variation,0.06366294471596082 +mae,0.07815909028787213 +mse,0.011949209071850575 +rmse,0.10931243786436462 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/predictions.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/predictions.csv new file mode 100644 index 0000000..893a655 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/predictions.csv @@ -0,0 +1,3786 @@ +,Predicted value,Predicted standard deviation,True value +0,2.130524816494112,0.19336935246509657,2.16 +1,2.4849400369504973,0.20627971269470685,2.74 +2,0.7572673850007319,0.19279421910613184,0.78 +3,2.0624755056902484,0.19276448069766342,2.06 +4,0.5354684452246565,0.19614788619649015,0.46 +5,1.6683331127164727,0.19201959325976128,1.76 +6,1.361749220191658,0.1973034280373833,1.18 +7,1.4646028557375605,0.20180965603152062,1.24 +8,0.6412117036539979,0.19338897357630458,0.66 +9,1.9024776285172469,0.19234095537424878,2.0 +10,1.3383932698882854,0.1928598201042197,1.34 +11,1.375625813369728,0.19487419797307726,1.28 +12,0.6972895801770673,0.1928212976651272,0.72 +13,0.9549289401810523,0.19332020459106194,0.7 +14,1.1836453969224512,0.19206763402780513,1.18 +15,0.9257032591172707,0.1925820683144646,0.98 +16,1.4108213115993533,0.19189617104623505,1.48 +17,1.4049081317251955,0.1920403503705869,1.36 +18,1.7447398561854857,0.19366709162149645,1.9 +19,1.4912082584652429,0.19627178272470672,1.48 +20,0.49786219928548237,0.19347771747433778,0.42 +21,0.9558660867898623,0.1967023449337464,1.0 +22,1.0734635113232351,0.19305959553856403,1.06 +23,2.566345387918544,0.20331283261888897,2.8 +24,1.4449368006496601,0.1944669869332198,1.32 +25,1.252454431893209,0.192202919777521,1.16 +26,2.303667483551609,0.19295599870003172,2.38 +27,1.0977689947580092,0.19192868312143416,1.08 +28,0.49839121427074184,0.19400942993461134,0.42 +29,2.310217861560251,0.19432113412141194,2.58 +30,1.7200352417711078,0.19181117005215575,1.7 +31,1.1235056097536664,0.19196421011067566,1.06 +32,0.6711484630207329,0.19394526370028692,0.7 +33,0.5413055655421242,0.19706756555971178,0.48 +34,0.9709303265165992,0.19299430118017308,1.02 +35,0.5573642995795249,0.19296646896757663,0.56 +36,1.5459937480696975,0.192283013386828,1.5 +37,1.3341835969005937,0.1925572271619382,1.44 +38,0.67489155483142,0.1935158363622261,0.64 +39,1.7912931200246889,0.19819782428117336,1.86 +40,1.9199218919378116,0.1944900166531318,1.92 +41,0.4854619818038839,0.19284640336271658,0.44 +42,1.0787691629152794,0.19282454602259017,1.12 +43,0.7994662720763315,0.19470167367935784,0.88 +44,1.7016995417416694,0.19500070052519916,1.36 +45,2.1451045999260088,0.19658444125805655,2.02 +46,0.892805087671475,0.19224348412540815,0.9 +47,2.1110006196651647,0.19660324883293648,2.18 +48,1.7994241745412771,0.19343632656544069,1.88 +49,4.045195446665719,0.26884310459720817,4.18 +50,1.0909213605385077,0.19295609583011747,1.1 +51,1.8974187313493966,0.1945057832486274,2.1 +52,1.377387564789165,0.1929793979125551,1.46 +53,1.868356477483894,0.19609650450468855,1.92 +54,1.285272980997132,0.19301818439467539,1.42 +55,1.1585138193821582,0.191676368876737,1.22 +56,0.38198911344300646,0.19472449364859415,0.26 +57,1.497531382235953,0.19174034662000336,1.52 +58,1.3192675070745898,0.192606102542231,1.4 +59,0.9561023406009004,0.19258609304345117,0.78 +60,1.2284364071086427,0.19249598887706285,1.08 +61,-0.10127305043407153,0.21374013636371347,-0.26 +62,2.0484004290878244,0.19274750227931634,2.14 +63,1.1196702448035958,0.19280394868766135,1.06 +64,0.9532439632367233,0.19206878146533868,1.04 +65,0.2530132374813312,0.19688877184670578,0.16 +66,0.678069171570638,0.20117843702597724,0.74 +67,1.866855573280581,0.19341204068338783,1.94 +68,0.8699937766545305,0.1933587137356876,0.8 +69,0.8240997135236534,0.19390030567289585,0.82 +70,1.09430209258239,0.19253051239371657,0.98 +71,0.9584060176477585,0.19324020729663646,1.02 +72,2.435570225497194,0.1994353605459294,2.66 +73,1.0670990300018244,0.192846930805508,1.06 +74,0.9917334255247678,0.19432898850497532,0.96 +75,0.4961833627488068,0.19471770714235878,0.32 +76,3.6016250307453346,0.23361658963405543,3.84 +77,1.4136633159684364,0.19269609956127434,1.34 +78,1.6234847906882446,0.19728392602728753,1.74 +79,1.4429354615191285,0.19264363400517623,1.4 +80,1.8422641131531452,0.19459173351236567,1.84 +81,1.865153536270229,0.19403309048453862,1.72 +82,1.0148701586578972,0.19189584606182317,0.9 +83,0.9017570913837596,0.19404682067371185,0.98 +84,1.889258725655424,0.1981772391089746,1.94 +85,1.9552904007029377,0.192429992980213,1.9 +86,1.8529473150092648,0.19296779169929051,1.9 +87,1.412231409992526,0.19549158423126559,1.44 +88,0.9776642219308562,0.19251475389456635,1.08 +89,1.7197052408554412,0.19162847576376457,1.78 +90,1.0048279429406235,0.19449611781590237,1.12 +91,1.5723167288996875,0.19229363896440022,1.64 +92,4.1109080080778,0.25065400069550936,4.22 +93,0.9189405553599683,0.1950064301343472,0.88 +94,0.9621441277069036,0.1942188689845011,0.98 +95,3.0806464878838127,0.20285765308011938,3.06 +96,0.7214145766908433,0.19444847227213474,0.8 +97,1.7853308426983543,0.19573874443400008,1.9 +98,2.023578961099076,0.19373044714964957,2.0 +99,2.3770646548527785,0.19314464956825753,2.32 +100,0.6902845260014945,0.19800811299445042,0.64 +101,2.180878428001502,0.19405387297478896,2.18 +102,1.8505406141951855,0.19358275117665083,1.9 +103,0.7361508143357871,0.19391068889086346,0.36 +104,1.8635537893211498,0.19344479816573476,1.92 +105,2.635474837904837,0.2027416900431848,2.9 +106,0.7666125609955734,0.19300718634385383,0.8 +107,1.5175890520521729,0.1949110806787421,1.18 +108,0.2194588930296706,0.19557393888747823,0.08 +109,1.0116320195624575,0.1987885879282987,0.94 +110,1.4864317121922856,0.19197058562202707,1.56 +111,0.6331127509516912,0.19430289165866937,0.72 +112,1.3220783928470055,0.19245670829692627,1.6 +113,1.3916740900766595,0.1925127009359478,1.36 +114,1.359106067040036,0.1927435236109891,1.4 +115,1.7284720961269406,0.19275938805654674,1.74 +116,1.9073761347603777,0.19360443842311945,1.98 +117,1.5531521964970847,0.19274918277272982,1.56 +118,1.0050972446005129,0.192790777149714,1.0 +119,1.1358904471549018,0.1975868994905534,1.18 +120,3.4616639636480104,0.21001865126907307,3.5 +121,1.1403504094423105,0.21017069941376754,1.1 +122,3.1955329447710152,0.21506197556332474,3.32 +123,0.8625538429960984,0.1935705029241347,0.82 +124,1.8321570829479552,0.193245011815568,1.84 +125,3.737878859386688,0.237793175303118,3.94 +126,1.1905559957672431,0.19201056184134108,1.26 +127,2.3447107713850097,0.19334935925398364,2.6 +128,0.3502243081710783,0.19288545391207804,0.28 +129,1.2878452940274676,0.19316814499562324,1.26 +130,2.5098952582587075,0.20276407443004107,2.68 +131,0.943870623900509,0.19180851378948954,0.88 +132,1.0999343554412326,0.19344543154112215,1.22 +133,3.6336849712298904,0.20784667388820924,3.54 +134,0.9870685077634742,0.19353006477743182,0.88 +135,1.7560618584805838,0.19293774000836506,1.86 +136,1.2522533760627979,0.19243420718299034,1.28 +137,1.5444566817694096,0.1944477868867325,1.6 +138,1.0720102169982328,0.19425778579784228,0.96 +139,1.6702573499322493,0.19458741051640321,1.68 +140,1.4662773854967432,0.19296768219467675,1.38 +141,2.14115050504826,0.20711755090819925,2.08 +142,3.4283353148773617,0.20676359161169075,3.3 +143,0.7519195347929499,0.19516141513444904,0.76 +144,1.4156373152445654,0.19570341634515898,1.52 +145,1.9564693021928021,0.19378217510278137,1.98 +146,1.8234967153395316,0.19384681981059898,1.88 +147,1.0295198350265804,0.19272408289951465,0.94 +148,1.1214781380731238,0.19211748359858918,1.34 +149,0.894214810836035,0.19756628681447247,1.0 +150,0.18573197051425572,0.19980127846259715,0.1 +151,1.52729003029085,0.19511730548636397,1.54 +152,1.3608061208034319,0.19196039855376584,1.32 +153,1.11676697055591,0.19193408879515086,1.0 +154,0.7960901779059051,0.19322414913048236,0.76 +155,1.093272559467739,0.19376513400584405,1.18 +156,0.8562633467495204,0.19512951511309637,0.88 +157,1.9530629792170129,0.19258280913359166,1.94 +158,0.5014852966711252,0.19397690124519798,0.52 +159,0.9705332793604753,0.19255830024745316,1.0 +160,0.6364219739791594,0.19605023716343092,0.64 +161,2.042957507230225,0.19306448052340705,2.08 +162,1.510526758648576,0.19291922858320706,1.52 +163,1.8251890539188156,0.1950124396934282,1.9 +164,0.4572230292607711,0.1940892372981438,0.5 +165,1.6929632610451315,0.19185096688413972,1.68 +166,1.6896056121023633,0.19171984625636937,1.64 +167,1.4621014197715776,0.19210732602753333,1.3 +168,1.522151242052749,0.19598213653303934,1.56 +169,1.350138423382138,0.19314434090393132,1.38 +170,1.5010099842392157,0.19210259046349448,1.42 +171,0.48824878147522144,0.20401500200932396,0.86 +172,2.354535483462041,0.1945359635978314,2.34 +173,0.5257035682571627,0.19378304152948128,0.52 +174,2.7991541582493915,0.1975368328183206,3.04 +175,0.6287989037981832,0.19377012174759248,0.56 +176,1.293272725407093,0.19410858128166797,1.28 +177,1.36198251332431,0.19409068921831119,1.38 +178,1.092025921407672,0.19312714265087344,1.18 +179,1.2725742380766634,0.19294797067865305,1.24 +180,1.095466837004977,0.19285594188606747,1.12 +181,1.524079075531413,0.19168878978465742,1.5 +182,1.5786982453930007,0.1921833051548605,1.44 +183,1.720199557919949,0.19303806950151178,2.0 +184,1.8392581147101148,0.1921381146825583,1.92 +185,1.3301140476122018,0.19256493340222558,1.42 +186,1.5228893990840162,0.2005770056452225,1.5 +187,1.869331955308343,0.1921202127615545,1.88 +188,1.098806066107573,0.19476420823146207,1.08 +189,1.0145283991534453,0.19755575731224106,0.64 +190,0.8465035484553618,0.20389309320335494,0.86 +191,3.801183394562371,0.2292764687860839,3.8 +192,0.8959029814819117,0.19324053695426924,0.98 +193,1.159919796237443,0.19256707071092646,1.14 +194,1.2210464707228383,0.19239115633322762,1.28 +195,1.1652101356259208,0.19216040523421402,1.2 +196,0.5828999297663979,0.20273233502945232,0.58 +197,2.5120732345967647,0.20110192514107325,2.66 +198,2.062555854764526,0.1939019028988936,1.96 +199,0.8622336952629372,0.1923557349394142,0.82 +200,1.2501954290570274,0.19196743211329698,1.24 +201,1.7080771077651105,0.19227760817643105,1.58 +202,3.543685120572271,0.23514855825522418,3.68 +203,1.195110276228832,0.1950315399208469,1.1 +204,1.3402251329149002,0.19296251126761677,1.44 +205,1.8742958317027827,0.1937503635420076,1.92 +206,1.7847421857397285,0.19244965278971443,1.8 +207,2.454672984084381,0.20160988643303984,2.58 +208,0.6527776010579722,0.19361963922602027,0.66 +209,1.8129009006277754,0.19262189180321299,1.78 +210,2.7195415306705697,0.19641509174858654,2.72 +211,0.7722270238720506,0.19295212808933937,0.84 +212,0.8200544673706918,0.19385823809016806,0.82 +213,1.9138601851764583,0.19287548513486577,2.02 +214,1.705304556587063,0.1963282051351019,1.74 +215,0.8342191068925469,0.19362882936088135,0.7 +216,1.6276091435050088,0.19235866949698296,1.62 +217,1.5713498129541716,0.19172533522960256,1.58 +218,1.1257042552234657,0.19317089217993522,1.24 +219,1.6754729007049627,0.1972958649696053,1.62 +220,0.701054641697477,0.19748212856960037,0.52 +221,2.1996589951771885,0.19710599661075887,2.22 +222,1.4712855071121695,0.19769447709491195,1.44 +223,0.7735325837132705,0.1945134252254345,0.68 +224,1.4445576380663767,0.19302303515088395,1.4 +225,0.6039629976858838,0.19495298644248252,0.52 +226,0.997237961161312,0.19204198526569385,0.98 +227,0.7241386874683475,0.19264153822364893,0.72 +228,3.2626679317905487,0.20432394794703596,3.12 +229,3.7802497210757635,0.22101817813901622,3.7 +230,1.5022337474145142,0.19370434406392908,1.52 +231,1.2772846709730614,0.19290657508179326,1.14 +232,1.3206226803157395,0.19203908646623302,1.3 +233,1.0795518446772623,0.19202546589506964,0.96 +234,0.8017621692295767,0.1927133197686917,0.88 +235,0.8932755268636057,0.19597385533508516,0.78 +236,1.3750505726013764,0.19462097749490087,1.4 +237,1.469610729424422,0.19209991881282568,1.44 +238,0.24440264989272498,0.19900126989671688,0.18 +239,1.77325375847898,0.19382371583542307,1.8 +240,1.3909415553543663,0.1926365068222033,1.34 +241,1.3543050930456872,0.19201623953040298,1.22 +242,0.45860492210847736,0.19485481085493966,0.38 +243,1.4915800502578684,0.19210576761446058,1.4 +244,0.6743735570942877,0.1947563137538563,0.5 +245,0.8007594379889729,0.19263497332217805,0.82 +246,0.6094356097338935,0.19365007668368817,0.56 +247,1.514002738649809,0.1929382118143472,1.36 +248,2.034512813269871,0.19290200058898133,2.06 +249,1.2048914527463128,0.1981036999124191,1.26 +250,1.964000860465847,0.19305359089546525,2.02 +251,1.0159386362152287,0.19186386474342065,1.06 +252,1.8652758687120072,0.19521669105172548,1.86 +253,0.5298725922598515,0.19422248802370515,0.58 +254,0.558302256410879,0.1972122000877129,0.66 +255,0.5909358616803639,0.19537189674512656,0.58 +256,1.1503768165839818,0.1942462902903419,1.14 +257,0.6112663754981846,0.23098748066651206,0.46 +258,0.9687420632714052,0.19246029021264943,1.0 +259,1.0131467778122718,0.21577261888469668,0.9 +260,0.6234602387267514,0.19594447301411205,0.62 +261,2.7786818516207554,0.19672802059394692,2.76 +262,0.6724523713198711,0.19462765850029937,0.7 +263,1.8013940917697089,0.19318479161742044,1.84 +264,2.771298603091959,0.2025203959854062,2.84 +265,1.0608309437223746,0.1943551512703695,1.12 +266,0.8933351278618438,0.19274251217266322,0.76 +267,1.7813887514628548,0.19654791663163731,1.86 +268,1.1080406344382019,0.19214312628063834,1.22 +269,1.1978430705147711,0.19217642123948592,1.14 +270,1.4835735115911723,0.1927492860072212,1.48 +271,0.9720393774398137,0.19333566449018835,0.98 +272,1.9500616128506025,0.19254933970006205,1.9 +273,0.857405550887949,0.19230333561597318,0.92 +274,1.6191898076011468,0.1929101256091335,1.7 +275,1.2877106823879418,0.19186284033684325,1.3 +276,1.1209928463080865,0.1926685495189561,1.16 +277,1.694075983026114,0.19507893169311827,1.6 +278,1.0718073145016382,0.1918406847667153,1.1 +279,1.4470405636832377,0.1923850554114382,1.42 +280,1.8661504010395782,0.19200080545353812,2.02 +281,1.8372056125995928,0.1921567400115909,1.88 +282,1.630877058220635,0.19383261005404817,1.48 +283,2.68055300020776,0.20193064130255728,2.58 +284,2.2730408479400386,0.19338036462130476,2.26 +285,1.610659539147766,0.19316545527998957,1.7 +286,1.1304495296742654,0.19208868746999727,1.18 +287,2.3001312950583865,0.19423725819810322,2.14 +288,2.0132997300055036,0.19448263991617734,2.04 +289,0.47247150233481383,0.19940564331000218,0.44 +290,0.47046511612201725,0.19324062809007683,0.52 +291,1.3770344082667205,0.19388021286289844,1.38 +292,1.9614272952846652,0.1927513893599439,2.04 +293,0.871472037343128,0.19265186861569372,0.8 +294,0.6837319635800871,0.192245156542172,0.64 +295,0.7053868483966821,0.19813144848230865,0.68 +296,1.0854926238063451,0.19294272617958633,1.14 +297,1.6933717097925185,0.19734287766885308,1.58 +298,1.2996651920103024,0.19371616282741325,1.22 +299,1.3440124714680972,0.19231050087561316,1.34 +300,0.3621953334389958,0.19450573869575064,0.38 +301,1.2692841956462426,0.1925455880316628,1.34 +302,1.787436778130132,0.19302519434539583,1.78 +303,1.0527113337507008,0.19602515895235673,0.98 +304,0.9005096065238907,0.19200766980686534,0.88 +305,2.155558387875948,0.19563315963531663,2.12 +306,1.0864129093517376,0.19313711400048442,1.14 +307,2.4417145082592255,0.1953615512775714,2.4 +308,2.815146607888154,0.21617426997441758,2.84 +309,1.2366602728550382,0.20284887483076508,1.26 +310,2.4003807693325734,0.1949347765930576,2.44 +311,1.141480613674259,0.19209372896196666,1.1 +312,0.4482267313519537,0.19359048427420325,0.34 +313,0.9866370817684431,0.21924033170006185,0.78 +314,1.2582072875959125,0.19222568095423265,1.28 +315,1.5313199117438585,0.1921322194675196,1.52 +316,1.2169618551998105,0.19372965506813059,1.42 +317,0.4047706110361182,0.2015242839568037,0.32 +318,0.9629650568199213,0.1929572247762572,1.0 +319,0.38524920640290405,0.19620706819572645,0.44 +320,0.5226686639777491,0.2022188042947777,0.66 +321,2.6323896600866186,0.19491411719117643,2.48 +322,4.161742396645462,0.27596738341359933,4.18 +323,2.3412620890140396,0.19347536390899825,2.34 +324,0.9814373209924159,0.19707279510630105,0.94 +325,1.1259585999831834,0.19253669571151738,1.18 +326,0.44366971183377535,0.1933039646176445,0.4 +327,0.6242261380735825,0.20508691558974576,0.46 +328,0.8247881329199855,0.19309006249326227,0.76 +329,0.5918734026055126,0.19781597246536262,0.58 +330,0.8730697670162493,0.19279375475047675,0.86 +331,1.5311563163280764,0.1920152182052872,1.46 +332,1.1198970010946474,0.19293369472789546,1.06 +333,1.4550846255601262,0.1958566433780566,1.58 +334,1.4020037436776591,0.1915803806410099,1.58 +335,1.6037716377907816,0.19253679105148,1.6 +336,1.2259238896809976,0.19302272661881834,1.22 +337,1.112391413828814,0.19399494181341082,1.12 +338,1.144169048950427,0.19206669749901595,1.14 +339,2.272237996686306,0.1933726660278723,2.22 +340,0.9881269282140841,0.19593392186349703,1.08 +341,0.6626187667931647,0.19325652384767789,0.7 +342,0.7607738809349471,0.1932480139671859,0.64 +343,1.6196891623394731,0.20010558184349084,1.76 +344,0.8835561678002102,0.19240282213948562,0.82 +345,1.0869387333070093,0.19228397884023096,1.1 +346,1.6554833480986129,0.1925578689438169,1.62 +347,1.1335460927006173,0.19230715493156303,1.22 +348,1.260887471316877,0.19203694886707506,1.18 +349,2.730539692532328,0.20005290950983093,2.8 +350,1.6594134632217492,0.1928966427648982,1.64 +351,1.0676961359925952,0.19229352020371285,1.08 +352,1.362414449463651,0.1924593054750511,1.42 +353,1.5660095325909107,0.1926852592871922,1.58 +354,0.9610168415446121,0.19289355151375345,0.96 +355,0.8221955894460193,0.21261587644911123,0.82 +356,2.8775396370299826,0.19771098643448187,2.94 +357,2.66611990622536,0.20075156244937203,2.72 +358,1.8420116785001537,0.1919858520367135,1.9 +359,2.8769902283391295,0.20555722744403154,3.0 +360,2.1467392765515947,0.19331630476368325,2.14 +361,2.3612111388410866,0.20358548299655987,2.4 +362,0.6850382500481573,0.19323033696107544,0.6 +363,1.9178448282737404,0.19461838664213113,1.74 +364,2.710637199421168,0.2044835604440786,2.62 +365,0.984052376022372,0.19300310258804587,1.08 +366,1.573536154887917,0.1934032133452609,1.72 +367,1.8152188187444813,0.192618925706481,1.78 +368,1.0505198096235815,0.1929218868370937,1.04 +369,1.4187475758528891,0.1924513646363785,1.52 +370,1.107345124264714,0.1929614902417696,0.96 +371,1.9131315088093532,0.19528532758216227,1.86 +372,0.9912773211361556,0.19385471374559446,1.12 +373,1.1493644010320758,0.1927329572523632,1.34 +374,0.6166832908641022,0.19360632505209166,0.4 +375,1.3356546138135497,0.19260655899999612,1.36 +376,1.9009813920845544,0.19204873797762348,1.96 +377,1.6222071712793924,0.19299247704711486,1.68 +378,1.6785761224602953,0.19251718197307363,1.6 +379,0.5548920285361683,0.19282253433716834,0.52 +380,1.273336196011266,0.19506089178552635,1.34 +381,2.36578020570173,0.19600753210960215,2.22 +382,1.3195034178337184,0.192355275462916,1.4 +383,1.401951222064802,0.19365836649924684,1.28 +384,1.515440283226822,0.19507576296621323,1.4 +385,1.1058215378123646,0.19244800079737046,1.06 +386,0.6697949086719439,0.1926082382686851,0.72 +387,1.8960924956870229,0.19375564200084625,2.0 +388,1.1400006799267248,0.19177994558804498,1.14 +389,1.2147813016419131,0.19206126585233183,1.28 +390,1.3619674368962635,0.1931982963745264,1.36 +391,1.037540333005293,0.1929475233763035,1.02 +392,1.5312322095395605,0.19436494278604602,1.48 +393,1.6176551578681386,0.19338201895615134,1.64 +394,1.940258405492226,0.19310589373879072,2.0 +395,2.0497549757883156,0.19499915382693878,2.2 +396,1.478947648557027,0.19227057418758173,1.44 +397,2.0112450663800376,0.19372968166090873,2.36 +398,1.6294631085513944,0.1927986048582706,1.68 +399,1.044550260890229,0.19204904820483953,1.04 +400,1.4499617061545442,0.19184185426295403,1.38 +401,2.044035470349708,0.1946163533549634,2.08 +402,0.7726292155693337,0.1999789219012614,0.62 +403,1.2580485230582172,0.19165405564287333,1.36 +404,1.593420288266628,0.19209948353045758,1.72 +405,1.4190446718494205,0.1921928625862961,1.54 +406,0.8464730258443063,0.19398406575847532,0.8 +407,0.8602391067276272,0.19227110499371408,0.84 +408,1.3539460584965144,0.19330304390139946,1.4 +409,0.9939853706381592,0.19713374711329093,0.94 +410,1.376938970958196,0.19386657630715048,1.26 +411,1.941349968643301,0.19575524512865647,2.0 +412,2.8264071521675143,0.2044362264998379,2.84 +413,1.8964925887578539,0.1929680260433427,2.0 +414,0.7945025848535354,0.1956768531201354,0.82 +415,1.11229737780844,0.19221251520490187,1.0 +416,1.5296231032185221,0.19208844741332823,1.6 +417,0.661893095583928,0.19394349253795692,0.4 +418,0.6041922619952014,0.19350479416563726,0.66 +419,0.9236098488554068,0.19440854162829233,0.86 +420,1.561285645877891,0.2021450308903209,1.52 +421,0.58968888286388,0.1971805560941965,0.58 +422,1.96989682435659,0.19252394520184807,1.92 +423,2.351695378226427,0.19446598310166732,2.22 +424,0.629542306990611,0.1934209665622653,0.72 +425,0.8653269826414038,0.1929553078998634,0.82 +426,0.9019497009772439,0.19365087470730896,1.04 +427,0.44284806134264043,0.19393931410837206,0.34 +428,1.4585616712927973,0.19308099998542202,1.52 +429,1.3458295567840568,0.1943160140142028,1.3 +430,2.3178491758678725,0.19326424354840163,2.28 +431,1.2351498914191015,0.19215540290062383,1.2 +432,1.083509062522951,0.1923434214856724,1.12 +433,1.631425129539514,0.19565431919933465,1.56 +434,2.593696033955902,0.19762653123355461,2.52 +435,0.7863168686872952,0.19569597170218198,0.72 +436,1.0466997131466802,0.1923360396185518,0.94 +437,1.172104123594011,0.19870780932919685,1.3 +438,1.7920890162657428,0.1922698646252573,1.8 +439,1.327612843760242,0.19624211539703043,1.32 +440,0.9859757928777939,0.19325865692764974,0.98 +441,1.2729071189963972,0.19420018120193547,1.32 +442,2.039589749429219,0.19250986434880726,2.0 +443,1.8204512931532952,0.19259722658353776,1.88 +444,1.0728068030022082,0.19190968267219802,1.12 +445,2.3565116381311584,0.19563496517040724,2.36 +446,1.2745743491313193,0.19206628060182063,1.22 +447,1.7180727079575218,0.19926517290964954,2.16 +448,0.987328429299168,0.19409822512996255,0.9 +449,3.4000052722019345,0.23625241523771448,3.56 +450,0.8693860699715326,0.19383511492390587,0.64 +451,0.9658164069842017,0.1927175831820732,1.04 +452,3.1843943214110833,0.20463984189500523,3.02 +453,1.3843468316329317,0.19238266445646587,1.38 +454,2.4494643647589913,0.19682475711689876,2.42 +455,1.8195365333088183,0.19293171759162173,1.9 +456,0.7192270076526452,0.19241735445385336,0.78 +457,3.3804303404242035,0.20399173835102624,3.32 +458,0.8741395854373013,0.19266165519961395,0.88 +459,0.937965514168559,0.19342987641971587,0.96 +460,1.7560202204202446,0.19196531280970802,1.78 +461,0.03544244824800069,0.21445445911975694,0.0 +462,1.5507995751055046,0.19293793214490412,1.46 +463,1.36054982806268,0.19901307413204208,1.46 +464,1.350557488463385,0.19605176215078704,1.3 +465,2.00244508132251,0.1935025290637724,2.04 +466,1.9151424760226674,0.19424608368046503,1.98 +467,3.0774088190545927,0.21172176110875596,3.26 +468,1.3672049686324121,0.1918259075023016,1.62 +469,2.0849631534072457,0.19244278777466617,2.08 +470,0.25608331983268995,0.19423915167592162,0.16 +471,1.294988737601345,0.20611848875901834,1.52 +472,1.2914541706981253,0.1938195416272541,1.22 +473,0.7791597078666563,0.1950877219821027,0.8 +474,2.638352062711364,0.19483772678712638,2.58 +475,2.2643954620032694,0.19304851808375678,2.28 +476,1.3646607623046134,0.19175431593123832,1.18 +477,2.237495215341911,0.1953408431230973,2.18 +478,0.9551983646472544,0.1927921715412425,0.94 +479,0.8624269621942253,0.1943030434720183,0.84 +480,0.8249291818341065,0.19297648237501078,0.76 +481,0.4993400487523636,0.19337238179544922,0.44 +482,2.0019676465869707,0.1942953150050876,1.9 +483,0.9858614386168374,0.19230631451888472,0.94 +484,1.6302749899072917,0.19312832555670859,1.66 +485,1.5649848576174317,0.19196508546404986,1.44 +486,0.8213018483816144,0.1947665341523386,0.74 +487,1.1768959234198566,0.19385540762340625,1.22 +488,1.0693463753585628,0.19570291930845324,0.9 +489,0.36207208273576574,0.19497038032852887,0.38 +490,2.1270109820575542,0.1936241246817132,2.24 +491,1.3453048036689412,0.19236094676402243,1.36 +492,1.6652745920305514,0.19498929336730142,1.8 +493,2.929818045699752,0.2031237566874737,2.82 +494,1.4317454589050427,0.19253531651266229,1.32 +495,0.4595742489254575,0.1964150672102953,0.4 +496,1.8837867622497373,0.1924597889445649,1.72 +497,3.0289029852467073,0.20263111730155361,3.1 +498,1.7654334966838943,0.19359371000035167,1.76 +499,0.3403071787773162,0.1938388935504258,0.26 +500,1.3479366914280937,0.19183980836054773,1.4 +501,1.5036758498370157,0.19372832083330566,1.5 +502,3.0438002070062793,0.20154828079597217,3.0 +503,1.110976980175805,0.19281958092331486,1.08 +504,0.8467340296897041,0.19486536320301215,0.9 +505,0.9738409035503666,0.19357137832117466,1.02 +506,1.0138010046259924,0.19242007128279412,1.02 +507,0.6620391952387998,0.19401344470541437,0.58 +508,3.0277398059599565,0.22899273727322136,3.24 +509,2.2582922985109026,0.19386888465860486,2.32 +510,1.98016717359554,0.19291363150086607,2.08 +511,0.9647511241147515,0.1920566523479887,1.02 +512,1.2466777581164945,0.1959300139647733,1.24 +513,1.389907026843289,0.19182615082953458,1.54 +514,1.0152784491600628,0.19219863957195107,0.98 +515,2.4140078736571255,0.19613614526204118,2.32 +516,2.324032323163071,0.19383243396111324,2.34 +517,1.763996672562064,0.19254151656153,1.82 +518,0.8582220727781826,0.19675914010103676,0.66 +519,1.1405952536082347,0.19416136305246515,1.18 +520,1.5311708250946237,0.19218189017681447,1.54 +521,1.6999295800642185,0.19596300161933022,1.62 +522,0.7054354899487945,0.1951207938591247,0.82 +523,1.8681396879775813,0.19621322430980284,2.06 +524,1.404210407113085,0.19232156955143997,1.7 +525,0.8788112561904513,0.1921504055188166,0.84 +526,1.0867043439601871,0.19347752997544743,0.98 +527,1.2516328972572333,0.192588067943026,1.08 +528,1.0522340707575553,0.19198862327019092,0.92 +529,2.066633916706674,0.19272842713739904,2.14 +530,1.343516070785411,0.19226495761845208,1.38 +531,1.289204577369318,0.19830392441791625,1.22 +532,1.2946652267366408,0.19186336925863792,1.3 +533,1.334956544116182,0.1948093087632476,1.42 +534,1.8652767280364704,0.19247765458265925,2.0 +535,1.0205197720143198,0.1921153455251035,1.04 +536,1.4917518385306479,0.1928683281292866,1.56 +537,2.76754074459302,0.197677939761952,2.6 +538,0.837589712352067,0.19469505483196528,0.78 +539,2.058359259571765,0.1953371692171279,2.0 +540,2.7920595828481836,0.2011172963539767,2.76 +541,1.3762713988596107,0.19192603664464908,1.4 +542,1.8694320402982307,0.19424643872478872,1.9 +543,1.0742202749097953,0.19687763211308945,1.04 +544,2.173691770032194,0.19278120180592623,2.16 +545,0.7426397228438293,0.19464969753773828,0.76 +546,1.3085569970760367,0.19243014304353268,1.28 +547,2.2060681963263833,0.19426344261494205,2.34 +548,1.4947571592619933,0.19330533135711483,1.42 +549,1.864053541049358,0.19634260448270086,1.9 +550,1.593416561679812,0.19471462119289978,1.44 +551,2.852842623579663,0.2017604239227116,2.72 +552,0.9439616395608037,0.2026492533459517,0.86 +553,0.46206437671224565,0.19467307170937492,0.54 +554,2.050050378391085,0.1943578544575604,2.0 +555,2.8263778232246035,0.20089033041199547,2.76 +556,1.673573946608935,0.19226782848258295,1.82 +557,1.3147376316580996,0.19959593270816706,1.12 +558,2.01233796780375,0.19496700439324258,2.04 +559,1.5605011752335787,0.192821998195078,1.6 +560,2.3006672330743343,0.1973752565914389,2.18 +561,2.469836215971475,0.19408373375225227,2.34 +562,0.6407180762275844,0.19247528523328084,0.62 +563,1.1201953097419532,0.19686089271091997,1.12 +564,2.023805251142147,0.19301679887071854,2.04 +565,1.0896128361433832,0.19320502853248397,1.34 +566,1.5322483221694898,0.19277714005616345,1.6 +567,0.792917194592468,0.19309922621625875,0.86 +568,1.4447055463072567,0.1925586296372497,1.42 +569,1.1371795490680792,0.19196853598559152,1.04 +570,2.0086326341153717,0.19492305453615924,2.12 +571,1.849887097273236,0.19209984333368696,1.84 +572,1.5077175417007518,0.19220405463402748,1.46 +573,2.194915047291644,0.1936731172391049,2.22 +574,1.4304365463412005,0.1952649561417579,1.46 +575,2.6977790172198417,0.1969888578027958,2.6 +576,2.7546539476962475,0.20714135604548217,2.98 +577,0.782813548806478,0.1937096601978659,0.9 +578,1.4859754239185503,0.19345634542791357,1.48 +579,1.1744677544137407,0.19190608239490678,1.16 +580,1.099241644801665,0.19192136409586003,1.14 +581,1.2338574706569836,0.19199228910732383,1.22 +582,1.401647477858352,0.1935891185144322,1.24 +583,2.6694117627717318,0.1954597658452758,2.58 +584,-0.14570818904351457,0.30885130191181603,-0.58 +585,1.2979803951955122,0.1919616282006566,1.34 +586,1.7735500983097512,0.19369766798883975,1.64 +587,0.842480194765804,0.19909833419442047,0.8 +588,3.0717029084827616,0.20242518442009694,3.06 +589,1.6052344450367282,0.1926799659450827,1.52 +590,0.6032316341995014,0.19594036140658994,0.5 +591,1.7027333414929129,0.19310894240278323,1.88 +592,0.6494480733122399,0.20337303625347317,0.46 +593,1.4592382218840192,0.19405879656629516,1.44 +594,1.4629407192816806,0.19162531017708473,1.4 +595,1.235814997143596,0.193158864826046,1.24 +596,-0.0699469744402621,0.2680068609023576,-0.06 +597,0.5802152247450691,0.192549739671666,0.5 +598,2.801518437909078,0.19842147254490755,2.58 +599,2.45904775824575,0.19504316098201796,2.96 +600,1.5009251266841859,0.19244224016853606,1.6 +601,0.9746874096710703,0.19231997238363105,0.96 +602,1.3485959689060132,0.19194593289286505,1.4 +603,1.7048152654447875,0.21092535948558014,1.72 +604,0.4888619281714299,0.19297814506777514,0.48 +605,1.6776447272097168,0.19284933717076172,1.62 +606,0.6482647909323638,0.19340332516759395,0.7 +607,1.8402928527291889,0.1934338920861993,1.82 +608,1.1704691045459596,0.19256325979525996,1.08 +609,1.2195434606693403,0.19380742020724323,1.2 +610,3.1088297563423244,0.19996706794800648,3.12 +611,1.7329066412677414,0.19795667800047478,1.84 +612,1.0453192345115903,0.19210494763070018,0.94 +613,1.606607896946731,0.19412816766207178,1.4 +614,0.19321313738044354,0.19561374233336254,0.1 +615,0.5609726017840315,0.19391432494244618,0.72 +616,2.312566702046769,0.19355495945772816,2.24 +617,1.6722569079855334,0.1932147981502286,1.6 +618,1.7831402297377648,0.1921662350470922,1.74 +619,1.4391137619059022,0.1938634252560721,1.58 +620,1.9694438955412585,0.20037727504248667,2.06 +621,1.458048133078186,0.19215645726916214,1.46 +622,2.1594821938489246,0.19618616842057196,2.16 +623,1.9923106309942447,0.19354940003013288,2.1 +624,3.491458016616622,0.21231079921523546,3.38 +625,1.809063005469794,0.1925105776943777,1.92 +626,1.9305824788145949,0.19237695567790136,1.98 +627,0.9794369353432049,0.20260587870854235,0.98 +628,2.417889952322644,0.19357329975091173,2.42 +629,2.5295437601940347,0.21037374268377804,2.46 +630,1.3536988808122215,0.19154149693193068,1.24 +631,2.439674974540876,0.19463826828288505,2.46 +632,1.416143403858714,0.20176284256401186,1.48 +633,2.8253323426828536,0.19883855815613635,2.86 +634,3.10602889905099,0.20713443402663362,3.26 +635,1.18579067064814,0.1918880549663141,1.32 +636,1.3325583612105638,0.19267526696189985,1.3 +637,0.9915382030623578,0.19500495789063857,1.08 +638,2.9840032784541886,0.24172002123992783,3.18 +639,1.221261567258034,0.19211088700992965,1.28 +640,1.4141933048004973,0.1933892530870133,1.46 +641,1.3398764801377427,0.19379059061899226,1.46 +642,0.8962550152898996,0.19294480177899045,0.78 +643,0.9509315439730979,0.192740464145699,0.98 +644,1.3983711949520727,0.1943686184060374,1.38 +645,2.4366634779421354,0.1944371276649738,2.34 +646,0.4898927912836739,0.21705069193490414,0.64 +647,0.7869078679160064,0.19390061191413674,0.88 +648,0.8958230593305099,0.19202518985429032,0.82 +649,1.464920583258245,0.19215021454244394,1.6 +650,1.593955452601182,0.19266158482945975,1.6 +651,0.966828913867047,0.19250055836251134,0.84 +652,1.6484829301903958,0.191968243078057,1.64 +653,1.3677190903413385,0.19211977663658208,1.4 +654,1.2611163068359006,0.19363163972397024,1.26 +655,0.7993043982173709,0.19272623319744364,0.74 +656,1.648164905688724,0.196691146655615,1.82 +657,1.1732632966379852,0.19209798177997306,1.64 +658,1.1160526362400396,0.19290912108538374,1.12 +659,2.3485579476059946,0.20201091813884878,2.38 +660,1.051516516938627,0.19353143395632466,0.98 +661,1.444320390613766,0.19568338854061584,1.28 +662,0.43674895070022446,0.1974819673233125,0.32 +663,1.4565170558762808,0.19408678825533066,1.52 +664,1.0380284607054606,0.19251080452052538,1.06 +665,1.3198830321378163,0.1955815580636391,1.48 +666,1.4971710501427462,0.19296852560346153,1.5 +667,1.4720903533662875,0.19313357643469573,1.4 +668,0.7279993687578865,0.19277534730338142,0.88 +669,1.9358839161614854,0.19319692998850013,1.92 +670,0.23290770629905788,0.19580831283690597,0.2 +671,2.190106177797087,0.1979195996997432,2.2 +672,2.0151053082520787,0.19569787909595848,2.0 +673,1.447773512512431,0.19608941646401312,1.4 +674,1.2195950237744904,0.21356819860370396,1.3 +675,2.5201339469246196,0.19552681213059575,2.76 +676,0.774404756309464,0.19489279782472155,0.78 +677,1.3810556927499804,0.1935979216214809,1.46 +678,0.5791760733380475,0.19307045561923109,0.42 +679,1.0198485432173965,0.1938872360324228,1.06 +680,1.6103800247239044,0.19231301308285761,1.56 +681,0.18012378815522956,0.1956419517122556,0.2 +682,2.0249689577811725,0.19254596456831966,2.12 +683,0.8069991705729698,0.1941724574376087,0.74 +684,0.45498181942341764,0.19621563096633998,0.34 +685,1.1128818162205056,0.19276055244034215,1.02 +686,0.5135355045062373,0.19983582738634198,0.44 +687,0.867131512125122,0.1935671787997032,0.94 +688,1.4991087990122076,0.19233963250174413,1.46 +689,1.3715971377791178,0.1918817595963171,1.36 +690,1.3592943237052775,0.19191548191096267,1.42 +691,1.850302451330737,0.19248814386122867,1.94 +692,1.5961962385803354,0.1927116401255472,1.66 +693,1.0314177566552973,0.19396578705659331,1.08 +694,0.6732994171932476,0.19348221941940189,0.64 +695,0.6367313945725415,0.19474401877778771,0.56 +696,1.5662186127234716,0.19260669105108022,1.54 +697,0.855141911430906,0.1951023702784665,0.84 +698,1.059372414056225,0.1919971913732598,1.04 +699,0.6082477099071393,0.19346786295517523,0.54 +700,0.8755041512759703,0.19414595553498026,0.84 +701,1.6860001607307171,0.19501096525143508,1.82 +702,1.0800339009693016,0.19190983942212725,0.9 +703,0.7488864900043946,0.19252953549894214,0.82 +704,0.8820113756166648,0.192864064060485,0.92 +705,2.011105634145649,0.19470818785576252,2.0 +706,0.4484555483797883,0.23268218446509015,0.3 +707,0.8996322886502699,0.19328503816100176,0.84 +708,1.4527267509503141,0.19207797953992006,1.5 +709,3.4381226856652902,0.21237207176103196,3.48 +710,0.5855432280702284,0.19539330164670568,0.44 +711,1.5172019841365691,0.20650055872375536,1.76 +712,2.225801327105017,0.19613858058394296,2.28 +713,1.2259896182267593,0.1950548036103121,1.12 +714,1.0007223680155852,0.19220814784196075,1.16 +715,1.604524940087106,0.1924709279370734,1.62 +716,0.5949204621465856,0.19484238057081815,0.62 +717,2.1142093955822747,0.21845568279851652,2.24 +718,0.8969314165435684,0.1977123200987182,0.82 +719,0.6101536396705405,0.19478350682925213,0.6 +720,0.8159160995573553,0.1932729161017801,0.76 +721,1.629731212449427,0.19245946616669707,1.6 +722,1.4121595402615,0.1945155515496361,1.5 +723,0.8003846120000202,0.19287200454313633,0.7 +724,1.5104091862317879,0.1999744261498386,1.52 +725,1.416813756641011,0.19208812921875917,1.3 +726,1.2764261172676128,0.1920545459727856,1.26 +727,1.867668132395314,0.2125506699136598,1.98 +728,2.5676892777943663,0.1943091138338433,2.6 +729,1.5296377544676676,0.1945056998330324,1.58 +730,0.8261468722801966,0.19744721820043323,0.82 +731,1.570279746555466,0.19298697522423516,1.6 +732,0.5903631834965641,0.19600377716139528,0.56 +733,2.5663716228382714,0.20132702649538936,2.46 +734,1.8434636824297184,0.19678127193436876,2.02 +735,1.0127622301831116,0.19248941114243096,1.0 +736,1.3295931760261364,0.19244410077492,1.46 +737,2.8530638999954605,0.2005005824355931,3.04 +738,0.7289100196276297,0.19451295088340975,0.74 +739,3.190192514277997,0.20532923218732818,3.22 +740,2.5794926631803885,0.19495214606760963,2.76 +741,1.5058276252904466,0.19308022160471883,1.54 +742,1.1941395009300835,0.19390126278216666,1.14 +743,1.6320122783235722,0.1934677892472447,1.6 +744,1.598974328295919,0.19415482256399919,1.58 +745,0.900013711542226,0.19226846648692617,0.92 +746,0.4852639477737344,0.192828668667186,0.36 +747,1.9845330004115564,0.1927451323504313,2.08 +748,1.3228014275246003,0.19272615089756373,1.38 +749,1.5831641418007822,0.19373276639342554,1.58 +750,1.4972206805625468,0.19190311772595703,1.52 +751,1.2336082863407873,0.19222017049599582,1.18 +752,0.6307551350511509,0.1929723905395293,0.76 +753,0.7614942041179362,0.19260829769235369,0.64 +754,0.8758178461252419,0.19242849117498356,0.74 +755,1.3669571578146011,0.19345126951352712,1.42 +756,1.7812411941120003,0.19354260313867722,1.86 +757,2.281811403099971,0.19454490337405422,2.3 +758,1.4111619751746374,0.19175837747642896,1.52 +759,1.1834554769300358,0.1920847800136288,1.42 +760,2.7199614866263473,0.1959355072675949,2.88 +761,0.8293238453293266,0.19412439122336617,0.9 +762,1.761416531871315,0.19988581936326347,1.78 +763,1.0548396829808149,0.19216048624353133,1.18 +764,1.4709366677274258,0.19191626603629855,1.48 +765,1.4335498758011833,0.19177800741910953,1.42 +766,1.3530654101815371,0.19223694313305814,1.26 +767,0.6193277109059605,0.1937874664679345,0.54 +768,1.175543391849097,0.19758241971442808,1.2 +769,1.760986690902445,0.19372346391446205,1.8 +770,1.5149591519588115,0.19176345111738313,1.44 +771,1.1267465863710888,0.19238923312150474,1.1 +772,0.8696740721546621,0.19685333406637082,0.8 +773,2.12055564455115,0.19315226106175926,2.18 +774,1.0675474309457313,0.1918412489209149,1.0 +775,1.74136376727914,0.19229641625969668,1.76 +776,2.023302139053452,0.1925477739027015,2.1 +777,0.9540123765751942,0.19520753227968238,0.94 +778,1.0330750301168234,0.1933366659459983,1.06 +779,0.05651608009964937,0.20256037705865715,-0.08 +780,2.2535000938054384,0.19349968316132884,2.48 +781,1.101370200216993,0.1933342140423005,1.26 +782,0.9162463324683396,0.19347669834423897,0.9 +783,1.8977125628180542,0.19432578557752034,1.88 +784,2.181986768559511,0.19649742602309556,2.32 +785,1.1787556026857922,0.19250835096580313,1.2 +786,1.7449101123619415,0.19187980603484736,1.8 +787,0.9891387392584323,0.19475420274133387,1.0 +788,2.50062903107101,0.19408507028455615,2.42 +789,1.0227525665289163,0.1924818945767734,0.96 +790,1.8026110289324477,0.20002408991983306,1.86 +791,2.1308012977158612,0.19267888934419652,2.18 +792,1.247137217478517,0.20269116071406804,1.06 +793,1.649183084427443,0.19223057965728169,1.66 +794,2.4332052465437637,0.195023308328363,2.36 +795,1.9417244437751324,0.19516971769846414,1.96 +796,2.1947017932286594,0.19330987533435876,2.26 +797,1.0358850788216327,0.19352250701966126,1.04 +798,2.267152201269956,0.1938306285781402,2.4 +799,0.8847817078543971,0.19252084180564918,0.9 +800,1.9487111658282186,0.19277306941711503,2.0 +801,1.3376104602692265,0.19255741943127924,1.62 +802,1.8151926616464151,0.19258226601872439,1.72 +803,1.9651134594149942,0.19281495893552886,2.1 +804,1.279283534072316,0.19283707916032536,1.2 +805,1.3648329880860675,0.19317017772858597,1.48 +806,1.4794091233834528,0.19390905128075092,1.44 +807,1.3720067969453704,0.19314330440465222,1.24 +808,1.1232236937988218,0.19241653806792233,1.08 +809,1.289760363319743,0.19192069124821343,1.36 +810,3.2743860012656483,0.20952002838372835,3.3 +811,1.5947160906338946,0.19401212376639201,1.7 +812,1.1369224669315527,0.19306391367993528,1.04 +813,1.2451512136184504,0.20477826471806296,1.16 +814,1.5881385184528818,0.19205249476414246,1.54 +815,2.2948768529238532,0.1934247074494683,2.44 +816,2.2399672845620207,0.19585451332301426,2.28 +817,0.5446756440021949,0.19583988038152939,0.64 +818,0.7543402916115469,0.19765302086294223,0.74 +819,1.9600123395758993,0.19411763847787708,2.9 +820,1.0482040824890277,0.1930077068263168,1.1 +821,1.0037108770441994,0.19232798084398905,1.1 +822,1.2639010905161059,0.19211605157080444,1.3 +823,2.5520038105957785,0.19600120382920733,2.62 +824,1.6373472537217997,0.1933683998747541,1.66 +825,2.447109273574282,0.20030889962037765,2.86 +826,1.1714405205028062,0.19276868125605326,1.04 +827,1.0187201467653497,0.19260205348367856,0.98 +828,0.6670489978999341,0.19244834392435137,0.58 +829,0.7238950007565736,0.19231037349815328,0.72 +830,1.6351704275295451,0.1966116077896263,1.54 +831,0.8859789652977939,0.1928972982413421,0.9 +832,2.0399629641350514,0.19681373519572812,2.04 +833,1.7148250698199958,0.19219643024126118,1.66 +834,1.36802359513038,0.19217800010719366,1.44 +835,1.3472726583233192,0.19228507752758836,1.34 +836,1.1119660279080157,0.19222244316861611,1.16 +837,1.4863642503029122,0.1920308225628347,1.52 +838,3.1760757954237167,0.20394252899570348,3.28 +839,2.617074340832916,0.20004476002632088,2.68 +840,1.2780114372007358,0.19258651291049514,1.4 +841,1.8266550080102468,0.19930376395174368,2.04 +842,1.6995396013815758,0.19212545841700765,1.7 +843,1.5111849393093304,0.19265846414765778,1.5 +844,0.8638390918605432,0.19252312128017346,0.96 +845,2.2480145845909445,0.19524046195585582,2.3 +846,1.3547903214495718,0.1925027704492867,1.4 +847,0.5894033702759311,0.1949087308397573,0.64 +848,0.8539398089745904,0.1989156072561341,0.82 +849,1.6154001922261627,0.19571223981768163,1.7 +850,3.0344554606928074,0.20113311393745006,3.04 +851,0.4795042087308521,0.19558604145955882,0.42 +852,1.0594640600870213,0.19473864644406208,1.28 +853,1.0253834670473405,0.19325966598660393,1.04 +854,0.5150047786330814,0.19763403261217496,0.6 +855,1.5999935542788513,0.19599878634789303,1.56 +856,1.4738380826002992,0.19185670523922682,1.48 +857,2.124236143209431,0.19679622198131033,2.3 +858,3.051503868786839,0.21320339563517818,3.1 +859,2.846713217730231,0.20655962446766699,2.8 +860,1.2670145144666756,0.19278237482251862,1.34 +861,2.6761984355559725,0.20144951204764902,2.58 +862,1.3323060508197542,0.1922417310762517,1.38 +863,1.0541990442126132,0.19825515944297614,1.08 +864,1.2587222065346375,0.19262321474290295,1.32 +865,1.4019345417508835,0.192487941231805,1.42 +866,1.0808507754486159,0.19381283162632426,1.04 +867,1.4801740447955551,0.19279036354043932,1.54 +868,2.2749108103323263,0.19294047593634042,2.26 +869,2.559873626027405,0.19610933409069561,2.6 +870,0.7037751279638846,0.19298869617606657,0.7 +871,0.6112784036682277,0.1960520148674984,0.62 +872,2.2215443118252796,0.1971166767665895,2.22 +873,1.6349763405240014,0.19945183253332943,1.56 +874,1.9224975651581695,0.19327330283511446,1.98 +875,1.6607523109012488,0.1935346005657216,1.76 +876,1.2488197491093662,0.19245094466154952,1.52 +877,1.7532970205471314,0.1930064549420555,1.7 +878,1.3157924320163548,0.19355789420893757,1.36 +879,2.429429017370573,0.19769865581760313,2.1 +880,1.365208574667562,0.1923383096171879,1.4 +881,3.6861047403699714,0.22620578391859425,3.38 +882,0.3525165981039593,0.19636085418943375,0.42 +883,1.5824618685334086,0.19190843596285254,1.58 +884,2.371618755679822,0.195077005892239,2.72 +885,0.40698516209444824,0.19816428263387353,0.26 +886,1.7198774564141464,0.19302661661463988,1.64 +887,1.1422168456252035,0.19460706887712412,1.02 +888,1.157347002936222,0.19863714369821933,1.0 +889,1.527160844520544,0.1934757440847897,1.52 +890,1.254317404360774,0.19246619499155443,1.26 +891,0.9782817793005623,0.19426028635971618,1.14 +892,0.870009556210396,0.19199482032688375,0.88 +893,1.4643187256072845,0.19388153302643074,1.58 +894,1.3378993458147277,0.19454180976469823,1.5 +895,1.3949980690559767,0.19209406784976973,1.3 +896,0.8123178754598501,0.19699424928258746,0.78 +897,2.3905729669020634,0.1946606315171444,2.32 +898,2.013047425665213,0.1944570328023171,1.94 +899,1.5000564354520036,0.19230712994090793,1.46 +900,3.3366013538419597,0.21569453803313599,3.4 +901,3.5121208657599086,0.20755045341696268,3.22 +902,1.5432129186901764,0.1920771650595127,1.66 +903,1.4029858081348912,0.2011453177305713,1.52 +904,1.2649563097389174,0.19385049253133033,1.36 +905,2.2223144701092354,0.19618809293147185,2.4 +906,0.6535157356285031,0.19362966756533084,0.72 +907,1.0588437669988902,0.19651207330580603,0.88 +908,1.2548061275322797,0.19328608075428536,1.36 +909,1.1568817550057928,0.19306505835387835,0.94 +910,1.4473061469411515,0.1924826851559058,1.5 +911,0.3039684632632764,0.1962553703501357,0.32 +912,1.2473447867437764,0.1942041197277998,1.22 +913,2.2483272918167994,0.19358265859666782,2.3 +914,1.364728780219575,0.1931849976717677,1.34 +915,3.124155447434228,0.20421638267106612,3.1 +916,1.794497056016048,0.19289246103380614,1.74 +917,2.440752978606312,0.1970004147290481,2.46 +918,0.5655482449625189,0.1932859872272155,0.56 +919,1.008414836736525,0.1956534416826984,0.74 +920,1.9079485966812384,0.19284164670459936,1.86 +921,3.072131522582574,0.20833319143748474,3.66 +922,0.6561161728549219,0.19468281414990743,0.56 +923,1.3551233912571354,0.19340046762946866,1.32 +924,0.31428999292650905,0.1942631882310278,0.44 +925,0.6133143814393676,0.19351731432674904,0.68 +926,0.97311152017978,0.19225595352478278,0.9 +927,0.7350865212845341,0.19356730714612327,0.74 +928,0.6278303971467278,0.1957294117709053,0.56 +929,1.2211570701809022,0.19240509971325584,1.1 +930,1.8970633199396238,0.19582172499626146,1.9 +931,1.0210355354245206,0.1925673267469987,1.0 +932,3.877420285092551,0.21930407605582572,3.92 +933,1.3295722419186187,0.19489433888852825,1.28 +934,1.5250585270495667,0.19286354720782728,1.4 +935,2.6619792833827938,0.19537570517802338,2.6 +936,1.4584667511126281,0.1921934176065101,1.38 +937,0.8365826007341695,0.19451176507268306,0.72 +938,1.1200803272779214,0.19272521135893028,1.02 +939,4.218220422782579,0.3549832435133425,4.38 +940,1.194424944269954,0.19969333380064513,1.14 +941,3.8119150473521004,0.2266036643982286,3.84 +942,3.1907644217738844,0.20489604595441638,3.28 +943,0.9814670467934801,0.19359453546012909,1.08 +944,1.279187871931399,0.19280502947782321,1.24 +945,2.3628168150772866,0.19419917917785418,2.38 +946,1.1039777429187851,0.19306450083887491,1.16 +947,0.8368257403318231,0.19690599061194938,0.82 +948,1.1489078876116907,0.19322335060194498,1.18 +949,1.6649563682822266,0.19672869706173532,1.86 +950,4.055699586630597,0.27738289737759403,4.24 +951,0.7699257187315696,0.19457839595921797,0.76 +952,1.532379145937813,0.19371157486572582,1.38 +953,2.0679796420380945,0.19412509794585145,2.1 +954,1.08308531881285,0.19397517039262055,1.04 +955,1.1144145337545317,0.194055676430661,1.08 +956,1.1036913298848234,0.19289932058620218,1.12 +957,1.7639501337894017,0.19303008965866025,1.74 +958,1.0725491145603168,0.192932419998826,0.94 +959,1.5349158403626126,0.19204839941830218,1.56 +960,1.0553138059413025,0.1922382120429986,1.06 +961,0.9219021583455356,0.19260119645167686,0.88 +962,1.7858103337935973,0.19214150961970777,1.72 +963,3.5375267790887612,0.20768907173305193,3.54 +964,1.4413344938878399,0.19220980762718867,1.54 +965,1.724203581762589,0.19194361908347765,1.72 +966,1.3989719774516272,0.19369186375710704,1.38 +967,2.3209116310513145,0.19654754818760212,2.42 +968,0.9550220199691313,0.21009926214440428,1.04 +969,1.3842199146209508,0.19358455672635902,1.38 +970,1.2261160791608758,0.19262381180048685,1.2 +971,0.3878240089323355,0.2037295643200836,0.42 +972,1.904075928510776,0.192340614177401,1.8 +973,1.8260262644659249,0.2005617362752521,1.8 +974,2.4278573050177275,0.19866863401196744,2.64 +975,0.9691262407782779,0.19324935165728752,0.96 +976,1.7466414197404876,0.19454488759001565,1.68 +977,1.3163018693048962,0.1932328366002596,1.36 +978,3.432844558475216,0.2164281477199147,3.54 +979,3.0610165554892297,0.19883614113225861,3.18 +980,1.3277993031963233,0.20352424319299284,1.36 +981,1.5533285342111838,0.19660665324699028,1.56 +982,1.551594760139881,0.19202794446731694,1.52 +983,1.676573678861605,0.19219646522817538,1.52 +984,1.3348087736879601,0.19207274959090054,1.32 +985,0.38084536113953993,0.19354892413987732,0.26 +986,1.430834447222327,0.19185856348953015,1.56 +987,1.0118837582286493,0.1924550808841612,1.0 +988,0.7919442522612781,0.1956053780245341,0.78 +989,3.2962830353206423,0.22559555736744116,3.22 +990,1.0442696261789837,0.19539615160245993,1.02 +991,1.2018044019303908,0.19179736564491515,1.14 +992,1.859819939518569,0.19370532848811883,1.88 +993,0.3560057273419326,0.19761518359360464,0.2 +994,1.3628404622637569,0.19252862994042483,1.38 +995,1.2073190432772134,0.19334199638011915,1.22 +996,0.06547449096458147,0.2245414929454783,0.1 +997,1.2369237282027679,0.19931056654099716,1.26 +998,2.301956290058977,0.1949334780125069,2.26 +999,0.8451613734522936,0.19312256428596802,0.86 +1000,0.6547621759165847,0.19317238865088282,0.42 +1001,1.1541501276728297,0.19299708929910056,1.18 +1002,1.1053928842888854,0.1936914338417789,1.08 +1003,0.9071905376508966,0.1922734652410654,0.96 +1004,1.8264136863252989,0.19478101301861048,1.9 +1005,1.5431763734837136,0.19368762138558002,1.56 +1006,1.1868492628972072,0.20041530308793443,1.12 +1007,1.5379268089563571,0.20087519959277522,1.36 +1008,2.0828218200389528,0.19408530617772224,2.0 +1009,1.9772401581503147,0.1932677149526384,1.98 +1010,1.6376942044891538,0.19227912735893105,1.7 +1011,1.5003442417301867,0.19232245045579274,1.62 +1012,0.7021604738480138,0.1935586892049786,0.56 +1013,1.2798232759695956,0.1922982887537883,1.16 +1014,1.3927044630669392,0.1935550184331916,1.4 +1015,2.050439977066224,0.19700543465985554,1.86 +1016,1.6408131342241288,0.1917206727791568,1.6 +1017,1.1738797526979456,0.19468139940010626,1.22 +1018,1.0542451357312674,0.19270587125121424,1.26 +1019,0.8722348017042143,0.19234213179950854,0.86 +1020,1.194789728785485,0.19229185804256038,1.12 +1021,1.6516651892654965,0.19186028198332278,1.56 +1022,1.879160231817917,0.1923028462685834,1.88 +1023,1.1499090008084383,0.23086601279221058,0.82 +1024,0.6862133054702944,0.1934212565782506,0.76 +1025,0.7948575997609066,0.19226932343501266,0.74 +1026,1.2132038789293582,0.19187374555661532,1.1 +1027,1.4473001690689373,0.19208946148290226,1.62 +1028,1.146385061140736,0.19926939125716367,1.08 +1029,1.2831747630120645,0.1924929062642213,1.36 +1030,0.8782693917098734,0.19331603081512738,0.8 +1031,1.7384024527625823,0.1917861135294637,1.66 +1032,0.7229513813873232,0.1934432845956344,0.76 +1033,0.9674627955913384,0.19243113421532046,1.12 +1034,1.0839925284939373,0.1979785751911297,1.04 +1035,1.3476005037468997,0.19380314695949347,1.24 +1036,0.8914773925913457,0.1934327402719921,0.7 +1037,1.792153730727121,0.19236933232481562,1.74 +1038,1.4152673471514148,0.1937140163544052,1.34 +1039,0.8620132302320536,0.19594215570989137,0.78 +1040,0.8920477204576733,0.19274216001776634,0.8 +1041,1.7904962207611992,0.19236440811049113,1.84 +1042,0.6740165884942129,0.19421304043339843,0.62 +1043,-0.062772187033167,0.23623027367110877,-0.16 +1044,1.0928098043850407,0.19224395635161057,1.12 +1045,1.1590182641905709,0.19412899339537745,1.0 +1046,1.6203639251770627,0.19223874104675656,1.7 +1047,2.7125411643995716,0.1977731046582042,2.76 +1048,0.7529373620008655,0.1924928723143842,0.74 +1049,2.7286369918280466,0.1981435432433237,2.68 +1050,0.753859086780539,0.1925913805388634,0.82 +1051,0.9182695414382986,0.1951168592304192,0.88 +1052,1.4819052909783221,0.21601982397298694,1.56 +1053,0.8622785196931129,0.19670996370472077,0.88 +1054,3.023899692055154,0.200584223350356,2.86 +1055,3.280985744923687,0.2068262934491764,3.48 +1056,3.1031617872304174,0.19922219667065844,3.54 +1057,1.4333191974522177,0.1920372704527502,1.62 +1058,0.6495264313225833,0.19473991140628202,0.62 +1059,1.5658229647630466,0.19611179546831983,1.5 +1060,0.6259356371288542,0.1955596373710946,0.44 +1061,0.6065817109087042,0.1965149672670529,0.58 +1062,1.447699715963712,0.19316168995854027,1.38 +1063,2.076857181451531,0.19367554231607345,2.18 +1064,1.085609405472407,0.19211877809502947,1.0 +1065,1.5732898163413114,0.1922514317972812,1.62 +1066,1.2841787013748598,0.2214660583728854,1.36 +1067,0.631229909361974,0.19411273208335417,0.76 +1068,1.220179943472837,0.1929153339757543,1.2 +1069,0.8734494145926956,0.20430835411079337,0.86 +1070,1.2747589900586784,0.19190386200981352,1.3 +1071,1.2234390916911706,0.19442896676637333,1.1 +1072,1.6687278207222564,0.19195954088745706,1.74 +1073,1.6749791610463638,0.19189751006452127,1.58 +1074,1.1936511653099164,0.19512878042284104,1.22 +1075,0.5037169459512865,0.19371481810649696,0.52 +1076,1.8437751968749878,0.19213178295960817,1.8 +1077,0.8550475938646236,0.19351053257534984,0.84 +1078,1.7361849504288336,0.19548804832593558,1.74 +1079,2.337466070804577,0.19730593031985422,2.32 +1080,0.7139731913841918,0.19403962339712502,0.62 +1081,1.3854119756167118,0.19265295606116928,1.46 +1082,3.279453869877385,0.2053830587783793,3.32 +1083,1.0853270973076232,0.19193666784536667,1.02 +1084,2.57141041493936,0.20247590193254827,2.56 +1085,1.1373975596529227,0.1921874026665769,1.12 +1086,1.992081677213021,0.19307273108509926,2.04 +1087,2.205724910875855,0.1927787641781264,2.08 +1088,1.6204594377934547,0.19213046428080677,1.56 +1089,0.9522753026051336,0.19371295070048455,0.82 +1090,0.9835453689327411,0.19609704881440404,1.04 +1091,0.9293159690529937,0.1937674781681356,0.82 +1092,1.620069556299217,0.19187912763744824,1.48 +1093,1.210140954306612,0.19257580351563008,1.1 +1094,1.7238364819462801,0.1923544771396576,1.64 +1095,1.0750547123640284,0.19231569279245322,1.14 +1096,0.8564278733381241,0.19325632316256855,0.8 +1097,0.27666215802751326,0.2017854958805738,0.24 +1098,1.8113056520950575,0.1919420409396932,1.82 +1099,0.8050072157849244,0.19217111570410117,0.62 +1100,2.1547274290407494,0.19512715848891957,2.18 +1101,0.8895988291471766,0.1927962660862846,0.96 +1102,1.2374519197548168,0.1940420856272681,1.2 +1103,1.09486736234595,0.19370334267505196,1.04 +1104,1.7781425834270776,0.19196414104850715,1.74 +1105,0.8636135228540289,0.19236403720178735,0.9 +1106,1.3625221341116265,0.19164331921916272,1.32 +1107,1.8465813098939443,0.19982034838425008,2.0 +1108,1.1549537839061617,0.1922639488205315,1.26 +1109,1.6923293196177682,0.19296398114544197,1.74 +1110,3.972845417545925,0.23345051393968813,4.12 +1111,1.022028122640957,0.19261552565987397,1.08 +1112,0.7282150359969948,0.1933767879201931,0.74 +1113,1.64039145216381,0.19223643457385833,1.56 +1114,2.320004863682817,0.19531234876302636,2.28 +1115,1.5825203286657676,0.19184446382503578,1.58 +1116,0.4565679567333878,0.1966926435047455,0.44 +1117,1.178701620104453,0.19168663538983455,1.36 +1118,1.143024011805521,0.19333148012688126,1.2 +1119,1.3460633282167076,0.19376011252848965,1.32 +1120,1.8417209164521497,0.19371367045342652,1.84 +1121,1.2453913965512382,0.19348857062161914,1.28 +1122,1.7584282561148146,0.19266969169539622,1.9 +1123,1.111216824610071,0.19200750736937996,1.12 +1124,0.5191824313771645,0.19400424556119977,0.5 +1125,3.066875211711331,0.20347685521177356,2.84 +1126,1.2701356276899438,0.19326157296294327,1.18 +1127,2.3608228945627885,0.19818553551030757,2.4 +1128,1.2556993361915185,0.19248217632661535,1.18 +1129,3.2433067352405973,0.21043562902148433,3.06 +1130,2.0291739611874164,0.19289888738153124,2.12 +1131,1.287733445170153,0.19370993402981815,1.22 +1132,1.2553007986930127,0.19320989270001118,1.24 +1133,0.6661902442546519,0.193485408276487,0.78 +1134,1.5845802923912768,0.19333714592497367,1.7 +1135,0.921718273677405,0.1931434049816868,0.9 +1136,1.9512698109577475,0.19503388090303922,1.84 +1137,1.0757777991324473,0.1947874269544842,1.04 +1138,0.5269465694201636,0.1934562077458097,0.38 +1139,0.911445075269643,0.19374760560872256,0.98 +1140,0.9599353239061128,0.19266506725291718,1.02 +1141,1.1198704851359982,0.19458023986039688,0.94 +1142,2.620158540472953,0.19746392655758907,2.66 +1143,0.735055825850353,0.19711224926558102,0.7 +1144,2.370394022184452,0.19815834329304718,2.34 +1145,0.9463321771263193,0.19216109799451062,0.92 +1146,1.2017535685158802,0.19228747010792535,1.28 +1147,1.6803216951943534,0.1924734149291247,1.74 +1148,0.9014560138253196,0.19271748517422257,0.92 +1149,1.8335809471568605,0.19276516999944418,1.88 +1150,0.8813147698073105,0.1921840155256541,0.84 +1151,3.7987264248372044,0.23416662218711728,3.8 +1152,2.024217859275675,0.19286888409753175,1.96 +1153,0.8717023410870852,0.19224291589096398,0.82 +1154,1.1315014593911719,0.194999573711794,1.26 +1155,1.131379706803362,0.19211815291600318,1.06 +1156,2.722217155071052,0.1964429736524517,2.62 +1157,1.0541486392417396,0.19329539127731662,1.08 +1158,0.45434477977961185,0.19438510516323781,1.3 +1159,1.425829656512851,0.1928714572454232,1.38 +1160,2.573659379912145,0.1943072133207291,2.6 +1161,2.7837977144732826,0.19926252788734228,3.0 +1162,1.179138680482985,0.19232009700380856,1.34 +1163,0.8916298575977621,0.19337225692330523,0.92 +1164,0.623671474159337,0.19677723044056164,0.32 +1165,1.3679564249700662,0.19209085280612637,1.4 +1166,1.9491124240072817,0.19621637592356606,1.96 +1167,1.087494085800175,0.1928071589108685,1.04 +1168,1.8007558377334294,0.19229036731285237,1.92 +1169,1.7757461038838422,0.19270518367210135,1.86 +1170,1.236719336226678,0.19846516917530957,1.28 +1171,1.0880757028310106,0.1919656964828139,1.08 +1172,1.7134539312292705,0.19216759695597416,1.68 +1173,1.9846496642093432,0.19422973562480136,1.98 +1174,0.9165908710541095,0.19253180958542532,0.88 +1175,1.4878753786397323,0.19825281826167485,1.42 +1176,1.9977347741536753,0.19536311236718787,2.28 +1177,1.0020485532720866,0.19432655527820508,0.92 +1178,1.8850852736337083,0.19674416317591145,2.02 +1179,1.4213697020752227,0.1923146744740227,1.38 +1180,1.807763196230471,0.19362780994156553,1.86 +1181,0.6348300123940827,0.19436103843560515,0.56 +1182,0.9307193591767198,0.19334888292878083,1.08 +1183,1.4153833961045348,0.1927980188930836,1.42 +1184,0.44462912622236006,0.19383598065619886,0.52 +1185,1.2157774910283474,0.19238048537094585,1.24 +1186,1.9295804333340496,0.19497116200800482,1.98 +1187,1.5087822134992313,0.1922194576358397,1.46 +1188,1.178820905669546,0.19190607248372574,1.16 +1189,1.4377924383400997,0.19164994415147624,1.48 +1190,1.2752085500228438,0.19452047335836137,1.24 +1191,1.177283849215247,0.19562305090094195,1.34 +1192,1.775634276618986,0.19216289370229153,1.82 +1193,0.5236301660940508,0.1958678823273992,0.42 +1194,1.5071689954235743,0.19177289458455435,1.48 +1195,1.3544144420366258,0.1921891243862288,1.5 +1196,1.6470553268082448,0.19244153779433168,1.74 +1197,1.5918982327228854,0.1928862063992494,1.78 +1198,1.6114468231335386,0.19343787068742618,1.68 +1199,1.9241626799634992,0.19297947908042223,1.88 +1200,1.1468100802659342,0.1930761384445486,1.08 +1201,1.6626943291687328,0.19261957343591404,1.66 +1202,1.0335744210190811,0.19254519899312264,0.96 +1203,0.9696836729566072,0.19417617013814903,1.0 +1204,2.50329458357604,0.19466971882182071,2.4 +1205,1.0572256098276376,0.1939784185921007,1.16 +1206,1.2035577531991195,0.3987755351246371,0.72 +1207,0.8517799637764205,0.1936225456004042,0.74 +1208,2.373543216495015,0.1952314746324336,2.46 +1209,0.9055689844386108,0.19350400638243487,1.0 +1210,1.815453901252393,0.19228407986424959,1.82 +1211,2.239629647910301,0.19451433360663395,2.24 +1212,1.1278906289169863,0.19774986789550983,1.06 +1213,1.717446019762637,0.1922888392000494,1.7 +1214,1.3600505758906656,0.19251085767152742,1.24 +1215,0.4266236556831928,0.19481009949370873,0.4 +1216,2.178581472611691,0.19374747591400976,2.22 +1217,1.7493627205190019,0.19267750091726893,1.92 +1218,0.7406014516788297,0.19278549564194336,0.72 +1219,1.533523931023066,0.19162107089358676,1.64 +1220,0.6591539628844569,0.1929007269714246,0.64 +1221,0.7162556684055956,0.19288911756954458,0.68 +1222,1.4031738606375197,0.19678366309484338,1.3 +1223,1.4700909143153296,0.1921239198554623,1.46 +1224,0.8290309741428419,0.1957764765644847,0.68 +1225,1.2841412573840434,0.1977104733089288,1.18 +1226,0.7287733612547327,0.1930359795912743,0.8 +1227,1.58251025270363,0.1918077497691354,1.6 +1228,0.9914426513378678,0.194548841465516,1.0 +1229,1.9208951393580294,0.1962642810763232,1.98 +1230,1.9587662339882077,0.19762307954640687,2.16 +1231,1.050970071994605,0.19308395264050152,0.98 +1232,3.4146795686945914,0.20886073701653446,3.26 +1233,2.018868473414742,0.19305813616400178,2.1 +1234,1.7134332740309284,0.1924102165910744,1.8 +1235,2.2657190233425317,0.19436736965464976,2.42 +1236,1.0694936301046538,0.1919765840907109,1.04 +1237,1.332868584291345,0.19315337881197842,1.46 +1238,0.8748778292419161,0.19464910003520186,0.88 +1239,2.6676805416336236,0.19614622251307257,2.7 +1240,1.8788064193003815,0.19351091115329475,1.94 +1241,1.5807359397310772,0.1956388699740811,1.52 +1242,1.195149076690568,0.19240000548602437,1.14 +1243,0.7132620562877166,0.19341921499460646,0.76 +1244,1.0689085246270724,0.19342096600214215,1.06 +1245,1.5810691395150527,0.19553775769929221,1.6 +1246,1.4826050809702864,0.192875209610669,1.42 +1247,0.747755603933959,0.19406891529473042,0.68 +1248,0.6956738203033033,0.1929836062244314,0.68 +1249,0.8429354387689671,0.19232344258265147,0.72 +1250,0.4057386550354667,0.1935114200730948,0.32 +1251,1.0489577665393965,0.19920181313641983,1.04 +1252,1.0548922285298965,0.1939306656112464,1.06 +1253,2.2028284614633447,0.19485327632696592,2.76 +1254,1.056933075081044,0.1936973658244944,1.02 +1255,2.2744716903305275,0.19461389090334458,2.4 +1256,0.9127772206453275,0.19297232424531102,0.98 +1257,0.695904232291229,0.19273606971193674,0.66 +1258,1.9269168354679578,0.19286440654864542,1.88 +1259,0.7601068215253632,0.19322704534069185,0.82 +1260,0.9808684083537815,0.19218724906934578,1.04 +1261,0.2728843852527496,0.19570183193750101,0.32 +1262,0.255038180262257,0.21460728330003506,0.24 +1263,2.1464908352001006,0.19438561022222645,2.24 +1264,1.7090137714584324,0.19277854033763162,1.8 +1265,1.9559546446059142,0.19805134974421085,1.94 +1266,0.9471710415577461,0.19466271234339397,0.96 +1267,1.1155316692418515,0.1920421408004852,1.24 +1268,1.556995210044906,0.19220258797101503,1.66 +1269,1.3754750569986958,0.1969078054292025,1.38 +1270,0.682660656842542,0.20271114029670415,0.7 +1271,2.015421912153722,0.19268040938873737,1.98 +1272,1.7262475044368242,0.1923570372082489,1.68 +1273,0.9539982894735117,0.1922761711431109,0.98 +1274,1.1294536629735439,0.19264582198239513,1.04 +1275,1.1955928407593004,0.19314666258363875,1.14 +1276,0.4806004437807041,0.19933642011255795,0.38 +1277,1.9026233278841205,0.19266246328755862,1.9 +1278,1.5336726554589801,0.19422124661196033,1.52 +1279,1.3280704331927926,0.196010375178368,1.3 +1280,2.194737465022968,0.19308495509707088,2.1 +1281,1.9281067558692055,0.19321241387517482,1.98 +1282,1.4058502025715263,0.19243807919602532,1.5 +1283,1.2056465662408056,0.19626177058924674,1.14 +1284,1.3687136576748276,0.19168493157965022,1.28 +1285,1.7114492492045712,0.19497686536957984,1.72 +1286,1.408562372260104,0.1933874727406962,1.62 +1287,0.9725952726728626,0.19599990960252336,1.16 +1288,1.0371732519490062,0.19702453709147125,1.1 +1289,1.3693476774190496,0.1916167050831121,1.46 +1290,1.9383566557501122,0.19731539789662003,1.76 +1291,0.6929958879205684,0.1934321737793369,0.58 +1292,2.342738224574662,0.19339175109441656,3.2 +1293,1.0276775775947287,0.19337400255241777,0.8 +1294,0.9107450113327986,0.2034050686946065,0.82 +1295,0.8319455969437599,0.19244386051411352,0.8 +1296,1.5924709557400631,0.19244577567188406,1.5 +1297,1.4585607767168765,0.19215272461946517,1.38 +1298,2.7983732187735595,0.1974315421519419,2.88 +1299,0.6385036171391492,0.19444104870136197,0.52 +1300,0.8971979187069707,0.19245366800293243,0.96 +1301,0.27674735994951716,0.19407749840189495,0.36 +1302,1.0213044515000065,0.1955143026788389,1.06 +1303,1.3712946668593156,0.19162353396628545,1.44 +1304,2.2275816688346812,0.2386045063735195,2.24 +1305,1.3301073004644954,0.19170830632986582,1.28 +1306,1.3041855767514403,0.19227964158143226,1.38 +1307,0.00041712535133919815,0.2733423129091755,-0.04 +1308,0.9064272523226422,0.19301966376125373,0.86 +1309,1.4077636988836724,0.19365056034882833,1.22 +1310,0.5906926120729596,0.19909768433898645,0.8 +1311,2.584754216324915,0.19889785727051473,2.64 +1312,1.0810716971596377,0.19293413007391716,1.2 +1313,0.9514939536084976,0.1928433053073493,0.9 +1314,0.962644790832774,0.19241200790640264,1.0 +1315,1.2529948501951274,0.19235541853038052,1.2 +1316,0.5727176482842693,0.1942630475290402,0.5 +1317,2.072908935536183,0.19286011242851692,1.98 +1318,1.5853512487758699,0.19186937516957955,1.62 +1319,0.8696262383308961,0.19209748488043676,0.76 +1320,2.94285529679595,0.19872109608395844,2.8 +1321,1.4837221177694189,0.19341565447534412,1.44 +1322,0.5074469613034007,0.19946422453007653,0.34 +1323,2.0102026710933125,0.19699920802256934,1.98 +1324,1.8238422211575078,0.19258509689291545,1.84 +1325,1.8978139460975316,0.1963983284403299,1.78 +1326,1.5994927692380423,0.19348156649029366,1.54 +1327,1.400413885416088,0.19361154158595395,1.38 +1328,1.1738987879423148,0.19481115312513764,1.18 +1329,1.954911739000154,0.19233658037179505,1.96 +1330,0.8424450100118972,0.19344717091926272,0.86 +1331,2.976883368855726,0.1999944777133616,2.9 +1332,2.6210083026685402,0.19496112463585472,2.64 +1333,0.5177557991841382,0.19554031253466436,0.48 +1334,1.255776066190068,0.19336496997266403,1.32 +1335,0.5815372892052122,0.19507827403016162,0.6 +1336,1.142702705073615,0.19248342839627414,0.96 +1337,0.823576176409905,0.19241780154629987,0.76 +1338,1.3014437608148062,0.19379055348800303,1.28 +1339,2.1070322366303524,0.192796905072677,2.0 +1340,1.018365952080074,0.19584678272951406,0.96 +1341,0.7511131340873605,0.19248465589522354,0.7 +1342,0.9723232843141321,0.19210131609470693,1.16 +1343,1.9686201164055706,0.19384298628366692,1.88 +1344,1.843018314456867,0.19256428880219895,1.86 +1345,3.076124979252357,0.20482892324960347,3.04 +1346,1.7261246774276562,0.19616011324450272,1.74 +1347,1.3793597966275981,0.19325688433882765,1.32 +1348,1.0702491244197527,0.19560467946064464,1.14 +1349,0.4756014599056919,0.19268296709365526,0.44 +1350,1.1700673689678536,0.19243621512450815,1.36 +1351,0.6092851367332321,0.2009482330946259,0.5 +1352,2.1059945181636954,0.19667938012540467,2.52 +1353,1.280244193772862,0.19437284730564178,1.3 +1354,1.1210931565801387,0.1930424295057914,1.04 +1355,2.22476140450772,0.1959906596386583,2.18 +1356,1.1760177077926426,0.19356502620808555,1.22 +1357,1.4137345835502475,0.19269334905011942,1.44 +1358,1.144275993069034,0.1951823656469466,1.16 +1359,1.0706914229230997,0.19398838262877036,1.16 +1360,2.0045710634383513,0.19350129227819912,2.28 +1361,2.5792691303115833,0.20439139321089336,2.58 +1362,0.6964925024905564,0.1932902272265582,0.78 +1363,1.0735682112535812,0.19343906959523624,0.94 +1364,1.0948283908481726,0.19261445829539192,1.02 +1365,1.059066614504299,0.19250753003264878,1.04 +1366,1.8222392646949381,0.1923844880292468,1.86 +1367,1.1067834411091426,0.1922939588746858,1.14 +1368,2.633276956771145,0.19479048995638398,2.6 +1369,2.665495191404854,0.1952615610392407,2.66 +1370,1.3858332690427102,0.19183304099568113,1.42 +1371,1.7769489970640184,0.19222743785414675,1.8 +1372,2.378882479757943,0.19319898600145133,2.4 +1373,1.9959580464162126,0.1932322771777057,1.98 +1374,2.7760856592789147,0.19899707538794406,2.92 +1375,2.508997797458574,0.19414880822064737,2.6 +1376,1.1512185819275662,0.19249094575875492,1.18 +1377,1.6119156176356841,0.19228558451322586,1.56 +1378,4.175545916621293,0.2625474466230201,4.34 +1379,2.2158698145067377,0.23887467706042584,2.12 +1380,1.2276763571805014,0.1924669861593728,1.22 +1381,1.5916393624922347,0.19252095265979435,1.94 +1382,1.9223472393218928,0.19888842270485094,2.04 +1383,1.1764195568860303,0.1918418473099647,1.2 +1384,1.3880607135036942,0.19295483798467367,1.5 +1385,1.2945968240869417,0.1975556583673549,1.34 +1386,1.775309598338588,0.1923810982985938,1.72 +1387,1.0685656525482172,0.19242677176319278,1.08 +1388,1.653024114339281,0.1926341315888566,1.7 +1389,0.971808958518618,0.19202736605519807,1.1 +1390,2.433974556617549,0.1975884260518113,2.32 +1391,2.4530717457670277,0.19359607525431147,2.38 +1392,1.2334823457670994,0.1930019406055331,1.28 +1393,0.013753375144822666,0.22126145451990903,-0.14 +1394,0.6464247685640472,0.19405395012257176,0.48 +1395,0.6748968204712402,0.25349639909305394,0.54 +1396,0.7107269113807413,0.19472399576086594,0.52 +1397,1.513235495784294,0.1919111764950599,1.58 +1398,1.3823230576808068,0.19157754547780745,1.38 +1399,2.2269533653046607,0.19294363096912898,2.26 +1400,1.5000197281661571,0.19356714664816882,1.48 +1401,1.9562045953061689,0.19395838110562943,2.06 +1402,2.7338583829558547,0.19880443500042724,2.6 +1403,0.5568559638977963,0.19436626513883154,0.56 +1404,1.0215666602249995,0.19215478483627182,1.24 +1405,1.7157551771210398,0.1922313380367549,1.72 +1406,1.2567318467483477,0.19349535777503818,1.2 +1407,1.4557630526758962,0.19362093767347346,1.46 +1408,1.448842916917997,0.2097284933222112,1.58 +1409,1.84944026572783,0.19838208601465246,2.2 +1410,1.0180948925742555,0.19268029098893807,1.14 +1411,0.7497265413557908,0.1941574199029038,0.7 +1412,2.3753635007184557,0.20439487586568547,2.26 +1413,0.5208193545156212,0.20462912057734298,0.54 +1414,0.8009581334446021,0.19244178858375244,0.8 +1415,2.006163104864205,0.20151344780689937,1.84 +1416,1.719679769991894,0.19292415282833364,1.64 +1417,1.6365074831179283,0.1937293617528679,1.5 +1418,0.9648658371797336,0.19199063598192628,0.9 +1419,3.114425440600028,0.20175856239000067,2.92 +1420,0.02342637042997131,0.20173940402460233,-0.12 +1421,1.9443917864187035,0.1945944976645793,1.94 +1422,1.5504994687339502,0.19170191795806452,1.62 +1423,1.8677338862234767,0.19239481717844575,1.9 +1424,1.5761595064725626,0.19235076941474089,1.64 +1425,1.5591543570496333,0.19651727794184656,1.72 +1426,0.6373363312338491,0.19530888436633778,0.62 +1427,1.0218958679986474,0.19211506271015358,1.08 +1428,1.30650287575889,0.19212112412355342,1.24 +1429,1.4889481408245238,0.19256445455611024,1.54 +1430,1.0389829934066488,0.1924981732502637,1.14 +1431,1.2234039901884484,0.19209353484251745,1.28 +1432,3.0090502801012344,0.1994670637261593,3.2 +1433,1.75565079253133,0.1920900513619957,1.7 +1434,1.225217089415517,0.19453458579368726,1.04 +1435,1.6213335224074394,0.1923141271285826,1.68 +1436,2.5126885675528814,0.1991454059735836,2.4 +1437,1.5005871312040004,0.19358446571583524,1.46 +1438,1.4381744676424089,0.19276729175543336,1.44 +1439,1.4278754785503796,0.19227642872058062,1.5 +1440,1.0945832302407763,0.19390526853956844,1.1 +1441,1.8556271612873982,0.1932305647397878,1.9 +1442,0.3092108527743034,0.20768871667910346,0.08 +1443,0.7622973362593517,0.19386243747488247,0.76 +1444,0.4690505635251614,0.19339542625765452,0.42 +1445,0.7807523721050988,0.20214565785563612,0.68 +1446,0.6600728272528129,0.1937112026558312,0.7 +1447,1.2623179018128883,0.19229308210985419,1.18 +1448,1.1874910370179115,0.19240227967207946,1.22 +1449,1.3072203923980044,0.19300252624788333,1.46 +1450,3.2303995881637584,0.21383785537367492,3.12 +1451,0.46030053667600646,0.19396396786770745,0.46 +1452,1.8332983610831142,0.19292376388382046,1.84 +1453,1.6577735726255054,0.19419030706003587,1.7 +1454,1.6450574184942188,0.19206445022141405,1.68 +1455,0.9324026505630836,0.19370376409879447,0.92 +1456,2.0968242894061278,0.20295924439009538,2.1 +1457,0.9689320455174673,0.19256089294763215,1.02 +1458,0.8273258081540118,0.1934642267156218,0.82 +1459,0.9763609523783283,0.19444850867818847,0.84 +1460,0.8259594988736834,0.19773505865505922,1.0 +1461,2.7348340280195935,0.19827256744693947,2.6 +1462,1.2216293202559716,0.1919644796333865,1.16 +1463,1.8964512340073276,0.20480612053554015,1.84 +1464,2.742844775501822,0.1973642871005945,2.68 +1465,1.3441782599355654,0.19151202593452907,1.68 +1466,1.0396400703150976,0.1918045994574842,1.08 +1467,1.6578680177374525,0.19424074694587495,1.62 +1468,1.4292608832693054,0.19371245385541447,1.4 +1469,2.2080695779264015,0.1929449167966307,2.34 +1470,1.3590395791091239,0.19219833651172688,1.26 +1471,0.5485718337813492,0.19831864126898863,0.54 +1472,1.0438391522963513,0.19227241337668227,0.98 +1473,1.1268107046221272,0.192278865647119,1.1 +1474,2.2794151355671386,0.19526120039420977,2.22 +1475,1.9989007213735852,0.19778572391107824,2.36 +1476,0.1656533223957246,0.19553954268794463,0.18 +1477,3.4910805173643142,0.21017279685414308,3.24 +1478,1.5663546895892186,0.19292655478164855,1.6 +1479,1.642448582066646,0.1922120022111655,1.64 +1480,1.4928177235082356,0.19485658443296822,1.46 +1481,1.3977241824118578,0.19243726995947386,1.38 +1482,2.4599573651995565,0.19406692132794304,2.46 +1483,1.261549055401399,0.19275587188511992,1.38 +1484,0.0824091348942777,0.20652673232512078,0.1 +1485,2.396576095433169,0.19578031598395204,2.54 +1486,1.3768065541416603,0.19388439897185,1.68 +1487,0.9793639787300408,0.19187222212597915,1.06 +1488,2.6421317552282004,0.19537488706664227,2.7 +1489,1.0039993902369715,0.1925100142908853,1.04 +1490,0.535926144093454,0.19712850889899905,0.34 +1491,0.6045274797574574,0.19797120591477882,0.5 +1492,2.2440316391068875,0.19321231053627003,2.32 +1493,1.936171557778788,0.19847798760330687,1.98 +1494,1.7067098300885113,0.19343209719989435,1.76 +1495,1.2205712473131825,0.19897381737586337,1.14 +1496,1.074914128395489,0.19227618525576262,1.1 +1497,0.9884457951435297,0.19208903553773912,1.08 +1498,2.5909231809823567,0.19683846554877035,2.74 +1499,1.3256505021156335,0.19257320576453762,1.5 +1500,1.0009333303577672,0.19220639835610526,0.9 +1501,1.5252182746584189,0.1920047248300578,1.56 +1502,1.5038866380855285,0.1957274687938884,1.48 +1503,0.7290530513344691,0.19472166266726387,0.78 +1504,2.3530517733366287,0.195152885758162,2.36 +1505,3.0128399330287983,0.22165384976984104,2.96 +1506,0.9041478830380227,0.19224820811978996,0.86 +1507,0.458919208429752,0.1959632226799857,0.38 +1508,1.506237081891674,0.19323462904887467,1.46 +1509,1.5514672822860098,0.1941334113879393,1.54 +1510,0.9478826773629936,0.19274297596682413,1.02 +1511,2.7366221407026807,0.19647947863924953,2.82 +1512,1.130526516760146,0.21103126637919892,1.22 +1513,1.5049441970602246,0.1935855284859026,1.48 +1514,1.6615828584944334,0.1919337306129877,1.7 +1515,1.2155988933053155,0.19606599761437044,1.4 +1516,0.17725704563548783,0.22967586852982966,0.16 +1517,1.7701156399805522,0.216002977315502,1.96 +1518,0.666442993795973,0.1946674138098563,0.64 +1519,1.0872929124875044,0.1917161440889785,1.02 +1520,0.8272382491101857,0.19823799938466605,0.8 +1521,1.2735001614520818,0.1927772322466258,1.34 +1522,0.9889839167845742,0.19186947797692078,0.86 +1523,1.2544580903001283,0.1938056107287338,1.42 +1524,2.011373585972511,0.19288730254719458,2.14 +1525,1.0502408404036214,0.19208875222702776,1.1 +1526,1.470750567376634,0.19188027370231747,1.4 +1527,3.6006786188316435,0.21744184744127776,3.62 +1528,0.3665510899934499,0.2117565529497025,0.34 +1529,1.3063081505136602,0.19163695771141712,1.3 +1530,0.9418721344608438,0.19269156104420307,0.86 +1531,0.9928645666550548,0.1924884123725058,0.9 +1532,0.8779098754392236,0.19280854411881376,0.86 +1533,0.7420166314686818,0.1932957334036181,0.7 +1534,2.273668655916478,0.1933703073558934,2.26 +1535,0.8175175628960418,0.19275540180927872,0.66 +1536,2.8304765769041116,0.2017809117414825,2.8 +1537,1.1117093331620311,0.19495822308477923,1.12 +1538,1.4083404628508345,0.1956262181991616,1.34 +1539,0.7190978041243281,0.19360398941711163,0.68 +1540,1.0187044431370906,0.1923513702088287,0.84 +1541,1.36670642708012,0.1922826748621364,1.5 +1542,0.8625100440414433,0.19406235201061037,0.92 +1543,2.2162521786162057,0.19386406167771475,2.14 +1544,0.7854932666653238,0.2057472282993922,0.68 +1545,1.1940307210077274,0.19368815746719623,1.06 +1546,1.1020987589643316,0.19255981976458156,1.0 +1547,1.3199719507272767,0.19291210404240705,1.28 +1548,1.5992899658377167,0.19209189794763135,1.68 +1549,0.90226652414125,0.2067597372194463,0.86 +1550,0.5756962876766347,0.1973411591918447,0.56 +1551,0.5249260020005431,0.20319274203658894,0.48 +1552,0.5094762788516483,0.19333517814751797,0.48 +1553,1.3174642853322331,0.19394478034045215,1.2 +1554,1.5750149410808159,0.1950844008395085,1.58 +1555,1.9559300342551365,0.19246887876954819,1.9 +1556,1.5524185746000705,0.19918519923420627,1.52 +1557,1.457639801718312,0.19183209168934343,1.52 +1558,0.8681938070209365,0.19477047846398451,0.9 +1559,1.47133805663942,0.19927354290004848,1.54 +1560,2.0410244313000496,0.19604957780382076,2.04 +1561,2.9931339225873095,0.20000043351581384,2.28 +1562,0.6221222648640548,0.19560287216193797,0.7 +1563,2.060547994098305,0.19392661009346587,2.04 +1564,1.620260703741852,0.1926496002839336,1.7 +1565,1.600502888106829,0.1922201161476263,1.72 +1566,1.3959367890161363,0.194809645139419,1.5 +1567,1.3201020131978578,0.19226512077799793,1.38 +1568,1.3718218699974671,0.19178255571867853,1.44 +1569,2.9394121043079813,0.19855396582533466,2.84 +1570,1.0193413873388208,0.19413507175139838,1.0 +1571,1.4822318415003202,0.19291374034915162,1.56 +1572,2.205845046384393,0.19269516710745382,2.16 +1573,1.7494609560331944,0.19201263762516357,1.8 +1574,1.4884483196799176,0.1923321475076452,1.42 +1575,0.7327023858690302,0.19288044528260628,0.82 +1576,0.8899958341481198,0.192673442871783,0.84 +1577,1.3758648948840198,0.1920897696113806,1.38 +1578,0.7113762171529303,0.1931138097127885,0.82 +1579,1.4694511062526936,0.19179656504133477,1.58 +1580,1.390351379933279,0.19186080617340473,1.36 +1581,0.6389202472825111,0.1956824507046339,0.76 +1582,0.9693337105426889,0.19382252964666372,0.84 +1583,2.4888626913650955,0.1959284429855503,2.5 +1584,0.91028021377153,0.19899497982947284,0.9 +1585,1.4985258623464603,0.19319889725353614,1.5 +1586,1.0845113206822643,0.19368435493024513,1.14 +1587,0.7900042447494733,0.19273019814877157,0.76 +1588,2.2229500253615355,0.19434098267221078,2.34 +1589,1.0572058240849969,0.1929088372484864,1.0 +1590,1.3594358026268316,0.1920053414353192,1.26 +1591,2.090466087572777,0.19358743607685772,2.12 +1592,2.235354452730299,0.19284150624801064,2.32 +1593,1.076551290656615,0.19312601687094044,0.96 +1594,3.1391610080226466,0.19999637223206668,3.16 +1595,2.7726108250998904,0.20178407881453259,2.7 +1596,0.8268188750434136,0.19270770536108098,0.86 +1597,3.2011170269708553,0.20416933846843688,3.04 +1598,2.673779435740044,0.20420985947522594,2.82 +1599,3.2427490285290337,0.20671096598776575,3.26 +1600,3.319372640561834,0.2131941976172578,3.42 +1601,1.58409914851539,0.195109597782792,1.54 +1602,1.0078763990150645,0.19273006410526416,1.14 +1603,1.155765917980172,0.19421379660433086,1.12 +1604,1.1140907639959834,0.19397064223824978,1.3 +1605,0.7428715057487127,0.1930600391688559,0.64 +1606,1.8230759566839665,0.19377783401369766,1.92 +1607,1.2425968964199474,0.20106021141784441,1.26 +1608,1.5845374829891745,0.19241670963011118,1.42 +1609,0.7310339574406437,0.19408448049906288,0.8 +1610,1.779187232203244,0.19199971446175657,1.78 +1611,1.53655639704728,0.19245402570396666,1.48 +1612,1.5808514788822214,0.1923849486088396,1.62 +1613,2.0979807305949705,0.19389931580121947,2.18 +1614,1.0543127275669169,0.19260533036576885,1.04 +1615,1.2823515013346678,0.19356056965526225,1.26 +1616,1.0987556266481993,0.19283979312317226,1.1 +1617,0.8604744754603639,0.19318522842494687,0.72 +1618,2.6039452131277714,0.19648996755291973,2.72 +1619,1.3512729404840864,0.19210618452241868,1.36 +1620,1.5018499952576518,0.1922687337583701,1.52 +1621,2.049997868719147,0.19285667572014595,2.04 +1622,1.0687066959685123,0.1926000238167215,0.98 +1623,0.6882812947752686,0.19548416012014772,0.56 +1624,1.4690524894151147,0.19453490750683491,1.48 +1625,1.0423667091381978,0.19239775178793742,1.1 +1626,0.9278214419009081,0.19204797140224072,1.0 +1627,1.3928931554278665,0.19243501313408756,1.26 +1628,0.7845505522226941,0.19332911170686443,0.66 +1629,1.262334046038831,0.19201312190979555,1.34 +1630,1.1218329368593678,0.19202064837617389,0.98 +1631,1.4074893810893028,0.19256798632801653,1.52 +1632,1.6343203081599689,0.19171112167396162,1.8 +1633,3.1623328846557412,0.20222323343334292,3.4 +1634,1.60058088396408,0.1921156162774953,1.6 +1635,0.8012296580989093,0.19503826745476138,0.76 +1636,1.7187913894434064,0.1935792413762817,1.8 +1637,1.1234297112413034,0.1950539246458788,1.2 +1638,0.9740938133880177,0.19284578250296824,1.12 +1639,3.476974236987592,0.2087787880089823,3.7 +1640,1.1276242670847334,0.19224084764946855,1.16 +1641,3.1380711769999805,0.20560331520599126,3.04 +1642,1.5971955750283011,0.19349626174627654,1.6 +1643,1.4128047658253968,0.19457462339817513,1.38 +1644,1.0016452851312327,0.1924253424727743,0.96 +1645,0.9717754499685198,0.19401299425945367,0.96 +1646,2.298044521744711,0.19393038626095085,2.26 +1647,1.6832062363990024,0.1929818396483491,1.6 +1648,1.3572538629216866,0.1929637904591336,1.38 +1649,1.3792493148447211,0.19382085694421422,1.42 +1650,0.6555291224510698,0.2265715119268645,0.56 +1651,0.970993640148111,0.19282820762796993,1.06 +1652,2.6999217292338398,0.19560960534043917,2.66 +1653,1.3172515312824458,0.1927989907304292,1.3 +1654,4.043950875725569,0.24250440996505201,4.04 +1655,1.3620449514380266,0.19209875454333733,1.34 +1656,2.410936465188309,0.19419842479783062,2.56 +1657,1.3741373868285627,0.1928732084349298,1.48 +1658,2.1096539314701306,0.19377166196222065,2.12 +1659,0.6581223837285575,0.19294863635597997,0.6 +1660,1.45227114399114,0.19197560660004642,1.46 +1661,2.9547783961416907,0.20494949028792162,2.78 +1662,0.9445485367453856,0.19295614324295188,0.92 +1663,1.8678278784872604,0.19223305929435155,1.98 +1664,1.2758087487506162,0.1920623306739106,1.18 +1665,1.2255895042180982,0.19168984921295196,1.14 +1666,0.6085951825299678,0.1957696041832726,0.52 +1667,2.152576958180467,0.19453283022819115,2.2 +1668,1.7254349385980947,0.19569268341044227,1.92 +1669,-0.11674115805999952,0.35077734067636934,0.04 +1670,1.944768648226137,0.19267006796144007,1.86 +1671,0.9131389599275672,0.19348218376685775,0.74 +1672,2.3173093741945565,0.1945981249546634,2.36 +1673,2.2861831157989436,0.1999377637821797,2.46 +1674,1.4429341377091975,0.19450250992858092,1.56 +1675,1.1440732818163943,0.19211247683578422,1.04 +1676,2.9254131923167033,0.21063231035427277,2.84 +1677,1.6122130898426588,0.19370511609970667,1.8 +1678,2.3255962983062086,0.19489453333502163,2.4 +1679,1.2134069196588642,0.1941858425286186,1.22 +1680,1.559143936952918,0.19198306584153638,1.52 +1681,1.5285597882657371,0.19254405790341805,1.6 +1682,0.20301792853860912,0.19418653954843965,0.0 +1683,0.46073666507321454,0.19628196245776514,0.46 +1684,0.6049799880779045,0.19744213257692447,0.42 +1685,1.16623204663293,0.19463251639618723,0.9 +1686,0.9898553497996176,0.19261676078272758,1.04 +1687,1.6027832181947796,0.1926361413922929,1.66 +1688,0.28172395055625143,0.19573391215185107,0.26 +1689,1.4307854009015082,0.19260870292859833,1.72 +1690,0.9514860991051495,0.1924396032850463,1.12 +1691,1.3998709759600056,0.19458549331682357,1.46 +1692,2.0928413813814504,0.19456416074395658,2.16 +1693,1.0458667034689566,0.19482450480369734,0.9 +1694,0.39651130719453276,0.19447897324895982,0.46 +1695,1.8246143962787786,0.1920163508367046,1.72 +1696,3.767292334457769,0.21786792278903125,3.6 +1697,1.9154622739877794,0.19314585043311222,1.94 +1698,0.8061055178110572,0.19332307635710425,0.76 +1699,0.9747019421523944,0.19584860950571203,0.96 +1700,1.326288730240011,0.19182041452923032,1.3 +1701,1.5545737469909358,0.1923633052978702,1.6 +1702,0.17794814373064538,0.19508358092129352,0.04 +1703,1.2731577011408493,0.19334671651576127,1.32 +1704,1.8195972171737718,0.19233913053085291,1.82 +1705,2.255248884250888,0.1936786579920865,2.44 +1706,1.8875663758082886,0.19295328830374678,1.92 +1707,1.2458782459282705,0.19269729886369283,1.24 +1708,0.6240958696180869,0.19925138983728127,0.7 +1709,1.7957586666505114,0.19243850600050716,1.88 +1710,1.741937289128503,0.19186727643590246,1.8 +1711,1.984305672568213,0.192773613005364,2.14 +1712,3.3189477414835062,0.21481794725031653,3.22 +1713,0.6278247831963983,0.21140229808432273,0.68 +1714,1.771497046254328,0.19249911478077178,1.8 +1715,1.4675600606253965,0.19461961453638402,1.5 +1716,1.7349260799198238,0.19269105243116935,1.7 +1717,2.9361878526393412,0.20359322333875834,2.84 +1718,0.8404217514896364,0.1934298143074938,0.78 +1719,0.8581513228382325,0.19262885424558837,0.86 +1720,1.5873697007717822,0.19396891548378295,1.58 +1721,0.7041268223376131,0.19376019709254674,0.74 +1722,0.6538296785678921,0.1935331792923031,0.54 +1723,0.6791002328461011,0.1926674141123418,0.62 +1724,1.8512259762743475,0.1929496392533636,1.84 +1725,0.692847887181935,0.19307094629715865,0.76 +1726,0.9216923897562572,0.195925084515115,0.98 +1727,2.2145207845654986,0.19267513231971337,2.24 +1728,1.6507063133132491,0.19198323231423264,1.76 +1729,1.048523801305929,0.19197898411919984,1.0 +1730,1.051601271623054,0.19324020483538884,1.18 +1731,1.3585961497997574,0.19165955307147634,1.54 +1732,0.6621877344456837,0.19433254914312176,0.64 +1733,2.356004384072334,0.19789340630630264,2.46 +1734,1.1064998745183998,0.19164113981744815,1.18 +1735,0.833582233261343,0.19290137472338606,1.02 +1736,1.3396945379675889,0.19163429119545203,1.38 +1737,2.313760326101464,0.19417428192455644,2.42 +1738,0.8684095842050872,0.19336139383482523,0.8 +1739,0.8930219011050258,0.20825777407150392,0.9 +1740,0.9296875564439948,0.19266546225798611,0.96 +1741,1.3340266471737379,0.19187999938262038,1.28 +1742,1.142517008136044,0.1917492088720392,1.3 +1743,1.4086243589195138,0.19240918295278897,1.42 +1744,0.2992372486280943,0.19276467923228896,0.22 +1745,1.4703745481945663,0.1917750149888161,1.66 +1746,1.6233540865396558,0.19218887147632926,1.58 +1747,1.7619240017360451,0.1930005521412623,1.84 +1748,0.9607188494901266,0.19228063224826145,1.08 +1749,2.073361959472766,0.19516741407157473,1.84 +1750,1.1686054028050923,0.19476173982430045,1.1 +1751,1.6608991254639345,0.19364800294441226,1.66 +1752,1.6191827474383929,0.1957670375670404,1.6 +1753,1.8019639321494352,0.1926937432551499,1.76 +1754,2.162658806688117,0.19325914053451057,2.08 +1755,1.4569823295437145,0.19205143956285564,1.56 +1756,2.2398264142622923,0.20937579190378086,2.46 +1757,0.7842274448126925,0.19753996616648997,0.76 +1758,0.6688360311935244,0.2218031947775077,0.44 +1759,1.4105464948470288,0.1935065138039058,1.44 +1760,0.6151013579942206,0.19602531514845037,0.72 +1761,2.4538095296232014,0.19447923310581267,2.56 +1762,1.2900123885447283,0.1921708164750167,1.26 +1763,0.8127117185396249,0.192226593520856,0.82 +1764,1.041750081641133,0.1922165977323776,1.02 +1765,0.7355143606520067,0.19308616751254606,0.66 +1766,1.1374462900269733,0.19403711532216303,1.24 +1767,1.5080076150450341,0.1918748185131285,1.52 +1768,1.1053107550313928,0.19278476411417306,1.1 +1769,1.4824379866919437,0.19311226393714748,1.76 +1770,2.760060839927666,0.19715196179661448,2.66 +1771,1.2757841702540893,0.19583352712986982,1.24 +1772,1.5153167776757246,0.1920160815903033,1.54 +1773,1.0528460225400855,0.19508751193552273,1.12 +1774,2.042385184985607,0.19316078484212681,2.02 +1775,1.367525921030523,0.19278183225797313,1.32 +1776,2.044560192190732,0.19461307337316824,2.16 +1777,1.4653067444238368,0.19206886308525098,1.68 +1778,0.9295323190566251,0.19340569721542392,0.88 +1779,1.8564903094055132,0.1927748367940304,1.86 +1780,1.7952710030241588,0.19432326781484913,1.96 +1781,0.8623404826455476,0.19261448697580136,0.9 +1782,0.9996078378597937,0.19289835245668363,0.98 +1783,1.1339536593829895,0.19218828617040826,1.12 +1784,0.43380276658864103,0.20937747298749,0.2 +1785,1.2819256344369765,0.1918846283304224,1.22 +1786,4.000885172535848,0.24920648687239766,3.94 +1787,0.7500934794766407,0.19435605877534146,0.66 +1788,1.7536683916169493,0.19316107028090512,1.82 +1789,1.0642522896592541,0.20978990598544908,0.86 +1790,1.1506730954719617,0.1940601865275513,1.26 +1791,1.5216268692323678,0.1920536363840738,1.5 +1792,4.405626676378804,0.5311204561633704,4.98 +1793,0.9589101571870002,0.19275046947902236,1.08 +1794,1.8379527105952636,0.19487052598982862,1.94 +1795,1.9764611796500495,0.19252597519434198,1.92 +1796,1.0583806327552865,0.1922790495589066,1.12 +1797,0.7345128420337308,0.19515450466352657,0.68 +1798,0.7953981315079308,0.19295753321960643,0.74 +1799,0.6333913442491981,0.19447321005840712,0.64 +1800,1.5852316047080763,0.19233615108808377,1.64 +1801,1.7331091180643061,0.19281955434638617,1.56 +1802,0.9975367393309242,0.1921724489489144,0.94 +1803,1.0005202081474942,0.19234122682255478,1.02 +1804,1.7497864221888189,0.19289413816407416,1.7 +1805,1.3332413429509278,0.19511760359655142,1.38 +1806,1.6315108282165638,0.19253228524799176,1.74 +1807,1.3509825043820736,0.19924878104794655,1.28 +1808,4.1677906462319605,0.25456387617844595,4.24 +1809,1.1648151953079036,0.19259163591831538,1.08 +1810,1.9472407153676285,0.19294133109695558,2.0 +1811,0.6995576390098663,0.19636632034335574,0.74 +1812,2.2571440672688854,0.1956876285500027,2.18 +1813,1.7921586813511765,0.1919474102553543,1.92 +1814,1.407655226618815,0.1951517720421762,1.34 +1815,0.8532888949436477,0.19308830670249605,0.78 +1816,1.5533837369398102,0.19227025405109963,1.62 +1817,1.5148725581448077,0.1939869699204227,1.58 +1818,0.9261805192678589,0.19846362865166156,0.72 +1819,1.2190069211571193,0.19254326361685487,1.12 +1820,1.3253299415239064,0.19215536568654246,1.34 +1821,1.787241400535256,0.19242676675816822,1.86 +1822,3.5167937257515054,0.21002120753861456,3.34 +1823,0.9095980100481857,0.19207039739218448,1.02 +1824,1.5171479288988654,0.19180790778647772,1.6 +1825,1.4728611181150977,0.192280942984715,1.44 +1826,1.4710441842474986,0.19340475661590292,1.36 +1827,1.7477745221876106,0.19255549931994065,1.7 +1828,0.7447606687827864,0.19610426680211723,0.78 +1829,1.5397313687175402,0.19383641390635792,1.6 +1830,0.6414440976778706,0.1929419139469891,0.6 +1831,1.040245457154493,0.19234273897683785,1.14 +1832,1.38419611040174,0.19181883258534252,1.38 +1833,0.5058492298870392,0.1938597052801685,0.54 +1834,1.7288811674484017,0.19242747334368498,1.78 +1835,1.1023528751651148,0.19410775133361383,0.98 +1836,2.2534071516909173,0.20676838665545877,2.36 +1837,3.8030755980449955,0.22018726653327203,3.7 +1838,0.6128797065704208,0.19246289168525918,0.58 +1839,1.2833328567578435,0.1948335538781684,1.26 +1840,1.892218578714631,0.19252122948109146,2.0 +1841,1.5331189511953514,0.19694817702964357,1.56 +1842,1.2169623415939825,0.19228830468018895,1.26 +1843,1.7008969039847002,0.1924871694019647,1.66 +1844,1.9039847605825462,0.19332672858469158,1.94 +1845,1.9107715183089788,0.19198472327587407,2.0 +1846,0.5454625047659882,0.19348371588384275,0.56 +1847,2.001445971442761,0.19605306485735421,1.86 +1848,1.7330746947318665,0.1944056570208973,1.76 +1849,1.6412472558611078,0.19259335510287431,1.62 +1850,2.5422718321435807,0.19603611097855766,2.54 +1851,1.2040109670253147,0.19270279058832057,1.02 +1852,1.6984185022976797,0.19240758391964297,1.82 +1853,1.4324150536421123,0.19369102693767104,1.44 +1854,1.0041086319510772,0.19581843047232247,0.96 +1855,0.7883871041018886,0.19320734609197635,0.86 +1856,0.6554265509966242,0.19364119292514065,0.64 +1857,0.7856942991033518,0.19532570464500265,0.88 +1858,2.156936417898162,0.19369929681081632,2.2 +1859,1.6506178016143669,0.19205010662589764,1.66 +1860,-0.03102722944798364,0.2587161728363637,-0.1 +1861,0.9652604978346866,0.19305466448835384,0.84 +1862,1.9789848572856754,0.19316892286524193,2.02 +1863,0.543963685102002,0.28820118553124713,0.28 +1864,1.252522742186874,0.1923540110412582,1.28 +1865,2.641326218663146,0.1968947518008269,2.48 +1866,1.5374536527625655,0.1945132635539495,1.62 +1867,1.3998289807872255,0.19206609112114803,1.3 +1868,1.6136376798803647,0.19232502436053825,1.68 +1869,0.6976987822513476,0.2100109811298736,0.56 +1870,0.6790733067043759,0.19274028597488338,0.72 +1871,0.976515794871879,0.1937546959715253,0.94 +1872,1.263085229284456,0.19252736091873077,1.24 +1873,0.8962975965744238,0.1928271733784053,0.88 +1874,2.5544044154072636,0.19590339652523095,2.58 +1875,1.3749403154950044,0.1915680890645126,1.44 +1876,1.8281820219761644,0.19294906029950903,1.8 +1877,1.6308482118553624,0.19415518777445834,1.66 +1878,0.9915466608988379,0.2050672564630884,1.06 +1879,1.168189280640537,0.1932685167621241,1.18 +1880,0.5605284950943985,0.19543706208438755,0.56 +1881,1.1295744284428388,0.19318581513900143,1.12 +1882,3.2271809117495027,0.20088509599014448,3.02 +1883,1.0318657124724626,0.1920325393677471,1.08 +1884,0.7170805658937085,0.1940665292141511,0.58 +1885,1.313223694348229,0.19242260279098797,1.5 +1886,1.1810699873236898,0.19264953214719233,1.22 +1887,2.187231566230252,0.19359487339098705,2.2 +1888,0.9890525034664974,0.1924204014328355,0.98 +1889,1.6932774119522471,0.19191106419465084,1.86 +1890,1.8562263683027251,0.1920932999211236,1.86 +1891,2.302056186230088,0.1997126744142993,2.34 +1892,0.9286629566543438,0.21225308573143356,0.7 +1893,0.9112089503077851,0.1929848975525249,0.84 +1894,1.3620848425342147,0.19245932768799875,1.4 +1895,0.879462777340628,0.1922488122830675,0.78 +1896,0.9187919449742838,0.1930808232119029,0.98 +1897,0.9932517059635368,0.19421202356560138,1.1 +1898,1.0099643077567682,0.19216844225382093,1.02 +1899,0.7176250216905831,0.19833031958588124,0.62 +1900,1.8649191273588799,0.19241517853433607,2.0 +1901,1.2901219808706599,0.19244443640266476,1.34 +1902,0.6702098576783064,0.19294793447262037,0.74 +1903,1.143523177415648,0.192839639687573,1.16 +1904,0.9531074104115853,0.21635858513635642,0.82 +1905,1.0959434931504135,0.1924823991510276,1.94 +1906,1.2703819996591235,0.19290144295126216,1.46 +1907,2.446728026456985,0.19475140301266483,2.26 +1908,0.9615924988741846,0.1964993314528146,1.04 +1909,2.3219070552492176,0.1964088946794671,2.34 +1910,1.2504171694777209,0.19328704545434197,1.26 +1911,1.7923437602870345,0.19320545788235644,1.8 +1912,0.6925504069113813,0.1931806051620276,0.56 +1913,1.1809178270206622,0.19360039550888983,1.12 +1914,1.5265537661727744,0.1923277413803541,1.52 +1915,1.161308704783489,0.19237760781414728,1.12 +1916,0.95377983010034,0.19252874043721782,0.78 +1917,3.041685896943272,0.209859736821603,3.18 +1918,1.5622403275534356,0.19263179060228783,1.58 +1919,2.141556757840228,0.19255467702662027,2.18 +1920,1.2687265730021395,0.19225786079304658,1.22 +1921,1.4911582077728949,0.19288577436591672,1.64 +1922,0.9075577016495502,0.19230117022211674,0.94 +1923,1.2651069961134032,0.1935666301079798,1.18 +1924,0.979482328979516,0.19647062490046346,1.16 +1925,1.3715860607094954,0.19448824177338792,1.32 +1926,1.6241320377649786,0.1917670726851948,1.7 +1927,1.8307719383506416,0.19299103538942472,1.98 +1928,1.6222603611301865,0.19363841358437814,1.54 +1929,1.4964409078489225,0.19379137158770815,1.48 +1930,1.677971869482144,0.19263414128464915,1.58 +1931,2.0665455619813495,0.19356096254803945,2.18 +1932,2.163364974398687,0.1932548937302822,2.2 +1933,0.5611445859490227,0.19377510704242892,0.52 +1934,1.1900259587180986,0.19262718871273324,1.2 +1935,1.5764259960161175,0.19225897405694187,1.64 +1936,1.736278543596161,0.19251931410047157,1.74 +1937,1.353116291959156,0.19218402371553414,1.4 +1938,1.0589029288303808,0.19241337453983468,0.98 +1939,1.3571156659124441,0.19181366386744017,1.3 +1940,1.0065777967497227,0.19325360323363508,0.92 +1941,0.6663816356058798,0.1933985659171195,0.38 +1942,0.3371959051449731,0.20134102317144262,0.36 +1943,0.8036509514741073,0.19225046646076058,0.76 +1944,1.3988598183004037,0.19242468562836368,1.48 +1945,2.998411513876594,0.20207354254354631,2.82 +1946,0.3137213990871506,0.19642780884527805,0.32 +1947,0.39204747208987945,0.19619611637755818,0.42 +1948,1.3134606289040947,0.19346746506912443,1.36 +1949,1.0771380194265183,0.19479055521297867,1.06 +1950,1.4317135989946332,0.19367008090024346,1.46 +1951,0.9595711355986549,0.19619841765946733,0.82 +1952,1.6748397428067174,0.19267668588038248,1.68 +1953,0.6113133768876078,0.19832765686371545,0.62 +1954,1.290692550316947,0.1920076834867039,1.16 +1955,0.5079824435936255,0.19520016669295556,0.46 +1956,1.1549715731519021,0.19243065304644147,1.24 +1957,1.0914287197389227,0.19221069107021393,1.18 +1958,0.7007647018339598,0.19435578438534334,0.7 +1959,0.8416218405712708,0.1924433018692789,0.78 +1960,3.1730808219737585,0.2073641966760325,3.32 +1961,1.4910553691078614,0.1919188178032462,1.46 +1962,0.715436877654422,0.19526093391382007,0.8 +1963,1.4206269610622662,0.1917745070110455,1.44 +1964,1.3392816776604524,0.1927431285500687,1.38 +1965,1.0024455742348741,0.19299874245218143,0.98 +1966,0.6212047619275887,0.19299295273027245,0.7 +1967,1.2096637157526309,0.19527239183291492,1.18 +1968,0.39411698876099477,0.19438325335276097,0.38 +1969,3.723530125073664,0.22310714557669392,3.54 +1970,0.8633119326453547,0.19233821581971933,0.84 +1971,1.2134936099815996,0.19203353394680822,1.3 +1972,0.3228236814346874,0.20801185431608038,0.36 +1973,0.9886533284361056,0.1984088584999514,0.86 +1974,1.338072826394407,0.19151690506592342,1.52 +1975,1.1735944894031793,0.19179938562516258,1.3 +1976,1.0877494746227714,0.1944551151436394,1.04 +1977,1.9751608653818642,0.1929052462047671,2.04 +1978,1.6833552046961962,0.192737617354396,1.74 +1979,1.6342293352966268,0.19386903744174552,1.58 +1980,2.687423241684726,0.2074875565927831,2.6 +1981,1.148295843268659,0.1936762847464065,1.1 +1982,1.3183406779563778,0.192619506687717,1.46 +1983,2.0659991975841874,0.19391702654818604,2.02 +1984,1.211580464914324,0.19407596873431374,1.28 +1985,0.30799968405517353,0.19513110330033923,0.42 +1986,1.7308448424805927,0.19305551716324637,1.6 +1987,1.2306936398493362,0.19163409580004917,1.26 +1988,0.9801167068509602,0.19286759229815403,1.08 +1989,1.4524149274753042,0.19548749470279764,1.4 +1990,0.9728290235176531,0.19248849661125064,1.0 +1991,0.9316382996509414,0.19474980150073398,1.0 +1992,1.340138253860315,0.19603994394264077,1.32 +1993,1.655880401725669,0.19249438868478558,1.66 +1994,1.4421358581742196,0.19211025075752586,1.46 +1995,1.4707405542380552,0.19355596922588794,1.38 +1996,1.4101720923366599,0.1928661713921468,1.32 +1997,1.6346972276009724,0.19205714502185436,1.74 +1998,1.7297819459101462,0.1948425437611882,1.84 +1999,0.7912285505186953,0.1933776618521405,0.76 +2000,1.77432514531383,0.19213237845055753,1.74 +2001,1.1107876133671701,0.19255166954093136,1.18 +2002,1.8730282603082045,0.19915054054348674,1.9 +2003,1.9261948100291693,0.19305676674091476,1.96 +2004,1.973796889706167,0.19755214255823927,1.8 +2005,1.5652351574273191,0.192401989885788,1.48 +2006,2.982063148251523,0.2160842848025818,2.96 +2007,1.3169392323123428,0.19240304845474027,1.3 +2008,2.8324739270797195,0.20155402937526842,2.82 +2009,1.5169949415640693,0.19413174006493658,1.72 +2010,1.1980159702141582,0.19487446586348559,1.28 +2011,2.5905193451893713,0.19821863047345092,2.56 +2012,3.7765722285124963,0.24364583047964722,4.22 +2013,1.086619758841843,0.19254845852730262,1.14 +2014,1.0059363303541216,0.19268516004556194,1.1 +2015,1.7098050918305305,0.19399645888385536,1.72 +2016,1.7674265657083983,0.19248376677297496,1.72 +2017,4.2669193292684096,0.3022714249766775,4.4 +2018,1.196572947959607,0.19202506838098587,1.32 +2019,2.007805973921274,0.1931020200391999,2.0 +2020,2.095169760085,0.1924079579295313,2.12 +2021,0.7792129542117538,0.19244010602801595,0.7 +2022,0.31800259797852304,0.2101376780709862,0.2 +2023,0.8860592566990291,0.23130448947747995,0.62 +2024,1.831438642606757,0.19313977648966896,1.8 +2025,1.0784436947852378,0.19187467870551278,1.02 +2026,1.5797713048746664,0.1930973227525807,1.66 +2027,3.1365589613829967,0.20436759308124974,3.1 +2028,1.3195242839265409,0.1960680851531523,1.32 +2029,1.769576130121131,0.1920312401306157,1.76 +2030,2.072378941933071,0.1939790371688762,2.16 +2031,1.237446026553521,0.20006801450489464,1.08 +2032,1.2658589188688496,0.19169035717186234,1.18 +2033,0.7657391372907871,0.19362358400913152,0.7 +2034,2.057308443693888,0.19459032684100458,2.02 +2035,2.5344493132045005,0.19599846451795586,2.56 +2036,1.4284411903964203,0.19199576419239223,1.36 +2037,1.9512729674211013,0.19224439822131592,2.0 +2038,1.5453692865062822,0.19232894463620664,1.64 +2039,0.9854942676271627,0.19794021320719335,1.14 +2040,1.000971797022253,0.1930166640367875,1.1 +2041,0.9576702442795253,0.1970006297532589,1.0 +2042,1.7660703084863294,0.19208550015411494,1.86 +2043,1.9744520839646484,0.19383820100883503,2.04 +2044,1.1232354512704945,0.19204532606411823,1.1 +2045,1.4484654666517573,0.19249844734999744,1.5 +2046,1.6904216338323894,0.19174287538661222,1.76 +2047,1.1656286792632744,0.19222634640179714,1.12 +2048,0.7309335799970866,0.19499464445074144,0.38 +2049,2.507887044298949,0.19427680314827814,2.38 +2050,0.7077807599521342,0.19525716184973996,0.62 +2051,1.117306739505612,0.19202961373248437,1.16 +2052,2.503457120641834,0.20233280010491597,2.48 +2053,1.298870439993427,0.19295091110894494,1.3 +2054,1.7423846754347552,0.1945512760246386,1.72 +2055,3.4298949649101425,0.21313326088758547,3.44 +2056,1.6155934631159323,0.19447255562413437,1.64 +2057,1.0028312835814153,0.19425164394179978,0.94 +2058,3.2598205658234867,0.20508019343523615,3.2 +2059,1.1434815655702608,0.19298134586541627,1.2 +2060,1.2106304196770465,0.19230503376198305,1.2 +2061,3.969726381415053,0.2238153211485314,3.82 +2062,0.7028381264680346,0.1925170312778733,0.64 +2063,1.5060612536283062,0.19244543909322165,1.5 +2064,1.2397466353874322,0.1920412214878603,1.3 +2065,1.092732267175148,0.1921370872174149,1.12 +2066,1.6786063498471502,0.19234001958757765,1.54 +2067,0.8881429289472709,0.19256277280243772,0.88 +2068,2.0524108105925953,0.1927372717670608,2.18 +2069,1.2126131075065163,0.1917489339501319,1.16 +2070,2.8268026199717693,0.20128655794607006,2.74 +2071,0.8434064437838225,0.19245433016687147,0.82 +2072,1.282773257713528,0.1919473626130373,1.28 +2073,1.2751328857431372,0.19933268140393384,1.2 +2074,3.122051717492607,0.2061602380740804,3.08 +2075,1.4937440020950397,0.1921520000648985,1.56 +2076,1.4732847946006928,0.2008711987943406,1.58 +2077,2.055587149535747,0.19313812175265233,2.1 +2078,2.545017419915244,0.19433087996918055,2.6 +2079,1.8370289896602547,0.19307904604682802,1.88 +2080,1.9372253482882003,0.193636211408754,2.02 +2081,1.0641445378994248,0.19237800864221738,1.0 +2082,1.326162462550696,0.191752717745675,1.34 +2083,0.7846529635337292,0.19716154636102093,0.92 +2084,0.6923446425545738,0.1929330356537279,0.64 +2085,0.7960871165143,0.20892078234610262,0.44 +2086,1.3721425770085234,0.19257939655708428,1.46 +2087,0.7440419005089978,0.19386339565151153,0.8 +2088,1.205153310898504,0.19188601564068863,1.28 +2089,0.7729009407640937,0.194566620094628,0.7 +2090,1.0272979351869167,0.19335621715150245,1.04 +2091,2.5548225092405725,0.20582266616605774,2.74 +2092,1.905606915510384,0.19716894719072656,2.06 +2093,0.7224837765571883,0.1956905204739463,0.62 +2094,1.5559297813913342,0.19239761095789334,1.56 +2095,2.0956096085151414,0.19271774848567455,2.12 +2096,1.4636228173319341,0.1915713424453509,1.38 +2097,0.3173172660620014,0.1971022130346648,0.24 +2098,1.2428055641519768,0.19340366134875284,1.2 +2099,1.514166681470226,0.19342465382293006,1.64 +2100,0.7414768756498806,0.19490141031980102,0.66 +2101,1.938454448734372,0.19413937166476936,1.92 +2102,1.412900533652007,0.19441678355343853,1.38 +2103,1.1243022916622025,0.19258797192431373,1.12 +2104,0.7926923953627374,0.19227985060141778,0.78 +2105,1.738171317209884,0.19251548883730965,1.84 +2106,1.5235296186006715,0.19386091697512436,1.52 +2107,0.4918062238680423,0.19790873737702214,0.42 +2108,2.145176551318117,0.19334791156089973,2.18 +2109,4.083143758207396,0.25816626205470095,4.22 +2110,1.4022100059163543,0.1925850247912381,1.42 +2111,4.343624602503342,0.409392536705395,4.56 +2112,0.9820878949413152,0.19177189720567228,0.9 +2113,0.8910864946639205,0.20402128611003614,0.94 +2114,0.6232784824938098,0.19407495645247155,0.58 +2115,1.1369472407034764,0.19330056567586656,1.12 +2116,1.1019781361355183,0.19216058268251576,1.1 +2117,0.9210111285562772,0.19272958007018975,0.96 +2118,0.6707061123889555,0.19753602878580678,0.64 +2119,2.644777888412871,0.19481681629922035,2.42 +2120,0.9038931472685507,0.19450192747370135,0.82 +2121,1.031660055379826,0.19203112598400027,1.12 +2122,1.1830489777487467,0.19242735401122796,1.2 +2123,1.3523113711414916,0.1925199614159346,1.38 +2124,2.0014320750974757,0.19479769864122487,1.84 +2125,0.6356287906519555,0.19304760200050605,0.74 +2126,1.1011234669186538,0.19481741617889453,1.08 +2127,1.8137188926429029,0.19184664701474108,1.82 +2128,1.0458718867849748,0.1921505812738474,1.06 +2129,1.582984391926876,0.19287727074983183,1.48 +2130,2.158792172978369,0.1949165730676643,2.26 +2131,1.3699792862017897,0.19285043337916033,1.5 +2132,3.250658261772338,0.22394478823618713,3.44 +2133,1.8585970237833398,0.1961123877238367,2.06 +2134,1.0065582860412987,0.19735986907896177,0.98 +2135,0.819046423106776,0.19268210227735197,0.8 +2136,1.2663892607060379,0.19198815986944667,1.48 +2137,1.7566630911101835,0.19798595763044324,2.32 +2138,1.4027606003412179,0.19164646033240446,1.42 +2139,0.020376556055925032,0.19971607051341803,-0.16 +2140,0.680021070859754,0.19305703440898103,0.68 +2141,1.1432849123386002,0.1924127474838166,1.2 +2142,1.55374623629212,0.19191976582814504,1.5 +2143,2.009473492316555,0.19321983641341153,2.0 +2144,0.5217854510546629,0.19356289486608597,0.54 +2145,3.245205342573143,0.20802130346471945,3.3 +2146,2.0261442668403977,0.19312732122126722,2.06 +2147,2.156075564963458,0.19586634735685757,2.12 +2148,1.3486063523997704,0.19248162459500331,1.4 +2149,1.129605863647225,0.19280546218014274,1.18 +2150,1.230545055445043,0.1946581932253521,1.4 +2151,2.698722873830125,0.19617187414903028,2.82 +2152,0.8910127402478341,0.19322650820225426,0.96 +2153,2.1877082160990926,0.1932018836593247,2.22 +2154,2.158442460549747,0.19442718396869077,2.1 +2155,1.6932528418274218,0.19545014249951076,1.78 +2156,2.5224187703343444,0.2006126531007274,2.48 +2157,1.3937795051970165,0.1933921807337251,1.46 +2158,2.1197007828051198,0.19307486930658255,2.22 +2159,1.2152593831121128,0.19441822791731264,1.24 +2160,1.4081913920291789,0.19363029392138534,1.52 +2161,0.5839024048685499,0.1944672409353418,0.56 +2162,3.0525418880132213,0.20495016484829376,2.96 +2163,0.58555565444138,0.19326177182267937,0.66 +2164,0.9841528142824871,0.1928436950301981,0.78 +2165,1.478943708385716,0.194957336661529,1.42 +2166,1.302695286350804,0.19385868895071875,1.28 +2167,1.175830076068706,0.1928203421798244,1.18 +2168,0.7859456299586776,0.19321801581978568,0.72 +2169,2.0620673258388265,0.19299434006982533,1.98 +2170,2.5640584781310554,0.20762742047779587,2.72 +2171,3.767600912403869,0.23161687063340905,4.06 +2172,1.042522875052351,0.1918757859681773,1.22 +2173,1.1673494530366173,0.19233470195078237,1.2 +2174,2.9634980768668338,0.1982794321949983,2.88 +2175,0.8657342050067425,0.19614385744037047,0.84 +2176,1.343169482258808,0.19414463412953623,1.38 +2177,3.2197869593656177,0.2038470636246268,3.34 +2178,1.4725462720342732,0.19160063827431875,1.64 +2179,0.6912810282262645,0.1941339384494006,0.64 +2180,0.8408233863475547,0.1944055439524856,0.76 +2181,1.5400412828963268,0.19160829044761848,1.68 +2182,1.0697099804551304,0.19238278426180633,1.02 +2183,0.07081759223228046,0.2526123721353712,0.04 +2184,2.7106466667122713,0.19731152091654516,2.54 +2185,0.8693486417742693,0.19324578552423072,0.84 +2186,2.759037082609041,0.20152507598523392,2.8 +2187,3.4956520947435474,0.20714834825199274,3.34 +2188,1.7398280073526107,0.19398567983402426,1.74 +2189,1.992764408999951,0.19243665418799843,2.04 +2190,0.726420903808418,0.1959520890572917,0.7 +2191,1.434633437976078,0.1919409948479642,1.3 +2192,1.7464717456677543,0.19351564338098065,1.56 +2193,0.6264210559659449,0.19336126372641393,0.48 +2194,1.7431471470306996,0.1965826205770908,1.76 +2195,2.490695335925826,0.1950485428091641,2.48 +2196,1.1293105155106535,0.19224904424042225,1.14 +2197,1.1845150283711718,0.19315232535055277,1.32 +2198,0.8443170098227069,0.1928125943100806,0.82 +2199,2.175317100572991,0.19274778190642594,2.0 +2200,1.0640118756315036,0.19642566171815257,1.24 +2201,1.7766862149294744,0.1947256223467963,1.7 +2202,1.2848953990720626,0.19375106924724134,1.26 +2203,1.077890831510445,0.19297079759875035,1.32 +2204,1.2822125215416222,0.19341573775736481,1.28 +2205,1.5771195573876855,0.19322744686406224,1.62 +2206,3.164432859031311,0.20713081463426175,3.2 +2207,1.2432798383918793,0.19213539776218028,1.2 +2208,0.6015896197020081,0.19372119320324613,0.48 +2209,2.276289171706171,0.1933552163949539,2.3 +2210,1.7666838255136867,0.19328521054020684,1.84 +2211,1.1473812011021027,0.1925680445739342,1.06 +2212,1.4528683829083344,0.19687306386547124,1.42 +2213,2.8013711079651453,0.19959620899175107,2.7 +2214,0.5437094243016563,0.21325882138335486,0.64 +2215,1.8092215435198562,0.2063501944880115,1.58 +2216,1.4538627274910705,0.19216816550286525,1.5 +2217,1.785478071057025,0.19275247905676177,1.72 +2218,1.2326002313937212,0.19187360976895607,1.26 +2219,1.3265925013606945,0.19320509582016615,1.36 +2220,0.9419661512979602,0.19308323599648944,0.88 +2221,1.0735324934240915,0.19207678278953616,1.04 +2222,0.5966518721564253,0.19623158591978843,0.58 +2223,1.2823317525050437,0.19189525107925506,1.44 +2224,1.235363447002825,0.1927566338209505,1.22 +2225,1.68917839694296,0.19273234937056383,1.74 +2226,0.5991649283226637,0.19266351301138013,0.52 +2227,0.3630914050999112,0.19875120345642178,0.48 +2228,1.403542568529804,0.1942564299529576,1.26 +2229,0.7945273824821917,0.1943475106090906,0.66 +2230,1.2804656159160115,0.19584173768390048,1.22 +2231,0.5141664337946579,0.19289546158118476,0.42 +2232,0.9440420900380366,0.1922081051827989,0.88 +2233,4.261147546052882,0.39290561605570073,4.62 +2234,0.48397463260370754,0.19397909258197363,0.4 +2235,1.684189789425568,0.20567503670888754,1.42 +2236,1.9477863524673222,0.19329247218850057,2.12 +2237,2.583951049108784,0.1946715259725575,2.46 +2238,1.6474746094959865,0.20224350932240798,1.7 +2239,0.9170664981606413,0.19694603107106642,1.02 +2240,1.4467854799458615,0.19269423152022197,1.3 +2241,0.9840017027481989,0.19353478044105152,0.98 +2242,3.161481859206971,0.20477970598398,3.24 +2243,1.723283343382883,0.19327016198606367,1.76 +2244,2.1485483914567447,0.19735339674469954,2.3 +2245,1.1560653555328773,0.19376685704181335,1.18 +2246,1.3868201748068665,0.19190999540183595,1.28 +2247,0.6485393258830823,0.2004651258168819,0.84 +2248,4.015503759646,0.24625202359565362,4.18 +2249,1.8509630680156444,0.1924020082085984,1.82 +2250,1.446708362481814,0.1928529498098495,1.42 +2251,0.18323233544095663,0.20192400247829007,0.16 +2252,2.5808835451821754,0.1997966675720779,2.56 +2253,2.7897325678647795,0.1974846908843082,2.86 +2254,1.2288759648555714,0.194575207713001,1.3 +2255,1.3329966402248288,0.1922998362518557,1.36 +2256,1.6343104904791468,0.19294781489384713,1.64 +2257,0.6945317698600975,0.192921413726942,0.72 +2258,1.1881028451999698,0.1921468322452313,1.2 +2259,1.4107348486847386,0.19215819613621396,1.42 +2260,1.5993322879162748,0.19316518467577617,1.68 +2261,1.612621116898405,0.19614493604638786,1.68 +2262,1.5449952036261618,0.1920224125478875,1.58 +2263,1.0197602046666376,0.19194147691111985,0.96 +2264,2.054215101791781,0.19485156466413864,2.1 +2265,1.6013500481925083,0.19415997363984513,1.62 +2266,0.5195157239851658,0.19366723790462875,0.46 +2267,2.4844404808673493,0.19801191599634335,2.46 +2268,0.9845484686163011,0.19333765853899673,1.0 +2269,1.1279336834982918,0.1918729418185396,1.1 +2270,1.6836386496186813,0.1922647486731609,1.62 +2271,0.9410259654844029,0.19284656304634476,0.9 +2272,0.8002996050819724,0.19325962625214663,0.86 +2273,1.5437954455953666,0.1919219249645128,1.64 +2274,1.3593326390197027,0.192234381739618,1.76 +2275,1.1383896773589792,0.1921005777936938,1.06 +2276,1.2254444055500247,0.19186280056284383,1.24 +2277,1.3766178339957622,0.19179642229042324,1.26 +2278,1.0864552851393907,0.19243834150517033,1.2 +2279,1.1638848199768677,0.19193915045395485,1.26 +2280,3.3221172712095517,0.20519533103284623,3.48 +2281,1.1495434879535762,0.1922516572936171,1.12 +2282,2.5766474832380033,0.1973745523234918,2.46 +2283,0.897028659292181,0.19297630199030127,0.92 +2284,0.8316976821699282,0.19358963132615895,0.92 +2285,0.8287253967573007,0.19289740382147239,0.82 +2286,1.2948975329494385,0.1928480433400979,1.18 +2287,1.4283104283275176,0.1926998582991889,1.54 +2288,2.778044131250374,0.201869679663974,2.82 +2289,2.1178850553289874,0.19553400464324264,2.28 +2290,1.1946134634380523,0.19218414596953273,1.2 +2291,1.3188059367231308,0.19449637028438618,1.4 +2292,1.548116279652803,0.19391864935614217,1.54 +2293,0.5490476167323473,0.19367396717956467,0.54 +2294,0.7535728450558712,0.19339468378124083,0.66 +2295,1.3484487963322036,0.19215520444676829,1.4 +2296,1.5603330054594857,0.19203369511427815,1.72 +2297,1.772145883536758,0.19188095209604653,1.84 +2298,2.2888477095811433,0.19525629758953292,2.4 +2299,1.68330024762705,0.19286912970912756,1.86 +2300,0.9131740843838556,0.2011952428419292,0.88 +2301,1.928922157179572,0.19830769251070812,2.0 +2302,1.1813217954135662,0.19411518449656406,1.36 +2303,1.7342338360297282,0.19217140387848283,1.82 +2304,1.2560232743633892,0.19711943382538297,1.14 +2305,2.5044743625199284,0.19742620992762439,2.54 +2306,2.938237328404259,0.2035853539812869,2.96 +2307,0.8078143644944524,0.19272835800924124,0.82 +2308,1.1440025335971327,0.1919839350916731,1.12 +2309,3.625563820172777,0.2329378068705491,3.76 +2310,0.8726615859616129,0.20493464446696105,0.86 +2311,2.01931486008129,0.19348143850332208,2.14 +2312,1.0675587996986668,0.19269684839271264,1.04 +2313,1.6672286151975517,0.19217748171450705,1.62 +2314,0.6275316185761386,0.20280513262086897,0.74 +2315,1.6983448431230364,0.19248394418121265,1.74 +2316,1.1271092749209433,0.19273237209672645,1.1 +2317,1.2461909700880018,0.19440494829871832,1.34 +2318,0.6077749791901081,0.19452924085463832,0.52 +2319,3.0766561289737777,0.2089310807539747,2.96 +2320,1.018178370410825,0.19250038650034895,0.82 +2321,1.9013377735427155,0.1929786228575976,1.8 +2322,0.34905392772959365,0.1933202579119594,0.24 +2323,2.108552339992768,0.1959424597885069,1.96 +2324,1.0503112222587867,0.19299316426346627,1.04 +2325,1.4096825488151201,0.19193728925898595,1.4 +2326,1.4451616499306064,0.19371629751532726,1.26 +2327,2.1629080636169946,0.21174690476870572,2.08 +2328,1.7113135436757463,0.19280580881772344,1.8 +2329,1.212917048886188,0.19225354216832635,1.16 +2330,0.6589166083885627,0.19384789942003083,0.6 +2331,0.4227458185322912,0.2005047392920852,0.3 +2332,1.1321500327201854,0.1927026525677606,1.14 +2333,0.8115927018335376,0.1926229202839337,0.68 +2334,0.868022831736647,0.19423917888385994,0.84 +2335,1.5654589622477135,0.19193445249086416,1.62 +2336,1.6625019817988629,0.19840648873028707,1.76 +2337,3.1016850376731493,0.1995659420644821,3.04 +2338,1.1401300596738522,0.19482623998085596,1.14 +2339,1.875965700130569,0.19223850665594414,1.92 +2340,1.2246486526427076,0.19277065047506947,1.2 +2341,1.3064410317381383,0.192163384635346,1.32 +2342,1.2516626352151747,0.19338030089832156,1.36 +2343,1.153265422991217,0.1942044909267801,1.2 +2344,1.0397007385018466,0.1953680898713796,0.86 +2345,1.5763939287152353,0.19330561467431936,1.66 +2346,3.733275269764102,0.2543223710893423,3.92 +2347,1.654586468948057,0.19280417222192103,1.68 +2348,1.5991353401833872,0.19245511341939564,1.58 +2349,1.236552664932018,0.19258164138482486,1.28 +2350,0.8851203752587566,0.19479570055455847,0.84 +2351,1.5607148270066102,0.1924845442859428,1.4 +2352,2.7684712878748683,0.20558833787506176,2.78 +2353,1.8118858156306046,0.19334697101235865,2.12 +2354,1.2457378649097062,0.1922145078169972,1.3 +2355,1.7900030094813304,0.1993199707367038,1.8 +2356,1.3754298684696358,0.1965770620790353,1.52 +2357,0.7428357283617717,0.19672471447934123,0.78 +2358,0.6185856795449447,0.19427107362778434,0.68 +2359,1.2914861735408798,0.19258827308007875,1.26 +2360,1.9352452106651543,0.19255495160468697,2.1 +2361,0.9043558582196414,0.194319783749842,0.98 +2362,0.8283779019317836,0.19394245232805427,0.82 +2363,0.7149523773818465,0.1944320815253027,0.76 +2364,0.7030393859424122,0.19309672457728688,0.82 +2365,1.5253928058836315,0.19260664786275114,1.62 +2366,2.4137236740430787,0.1944341825762304,2.42 +2367,1.0892543627253697,0.19340622814403385,1.2 +2368,1.1000258426177125,0.19370280274353105,1.1 +2369,1.6920574468934908,0.19713509152654787,1.7 +2370,0.9862916955252374,0.19254862237865472,0.98 +2371,1.0674587497427592,0.192740367976068,1.02 +2372,0.9386914836591775,0.19235523149098982,0.9 +2373,1.0415267856454808,0.19303955705468798,1.1 +2374,0.8980797279163588,0.1927631476890664,0.9 +2375,1.1969938204763424,0.19719151428769008,1.12 +2376,1.6461207664735933,0.1926437073586919,1.68 +2377,1.457178418275379,0.1928393294576376,1.3 +2378,2.321828257865017,0.19535900811954884,2.24 +2379,1.0359308605324045,0.196013342856738,1.12 +2380,0.8957326381051725,0.19244780571206327,0.84 +2381,3.414221554423735,0.21049554064316045,3.68 +2382,1.611142953456143,0.19569189919407412,1.54 +2383,2.3929496516834345,0.19742743766402276,2.4 +2384,0.9182391097430993,0.19336670125285443,0.88 +2385,1.2056214914801955,0.1935890730468438,1.2 +2386,1.1111607624615796,0.19512589719684026,1.12 +2387,1.395246220776467,0.19260604067618126,1.52 +2388,1.0303141663047373,0.19239804760383183,0.88 +2389,1.4290514258929155,0.19188894689008157,1.36 +2390,2.170161210060104,0.1943946821642615,2.08 +2391,1.9057727393069457,0.1928313074723794,2.02 +2392,0.7237120725371882,0.19413625857194916,0.7 +2393,2.094087187545235,0.1938782045820099,2.02 +2394,1.4379581185782802,0.19364058120770664,1.52 +2395,0.7819109851929746,0.19219042122220215,0.82 +2396,0.4396231746555581,0.19457197239553076,0.4 +2397,0.9135069631076491,0.19248868554059081,0.88 +2398,2.3039161016910543,0.201505018548168,2.32 +2399,2.3471797076435252,0.1949941924693837,2.26 +2400,1.7471910034145286,0.19677322932847682,1.74 +2401,1.6013585044443235,0.19277573141249044,1.52 +2402,2.4337602056494068,0.1965002762863238,2.4 +2403,0.972295931767611,0.19290697229235065,0.98 +2404,2.3182647598334465,0.1979361938027196,2.3 +2405,1.8728015976906396,0.19251693140460005,2.04 +2406,1.0463778344197805,0.19251407087155606,1.12 +2407,1.7602970573076058,0.19423469051031936,1.72 +2408,1.088832188001081,0.19387217910790125,1.04 +2409,0.5842736165899471,0.1986591183035526,0.74 +2410,2.5467364596994417,0.19523264901252702,2.44 +2411,1.8484376249883847,0.1928003162158129,1.78 +2412,0.5416077734962133,0.19427555054552662,0.48 +2413,0.6069515809049162,0.19362002170188444,0.5 +2414,0.36284005753853554,0.2005059398001552,0.28 +2415,0.8685033686750239,0.19488921712561874,1.0 +2416,1.2701137395874382,0.19428842924241527,1.36 +2417,1.7513263328450663,0.19335711278731146,1.68 +2418,3.7429676875570927,0.2200875087566021,3.74 +2419,1.6248925577252673,0.19268772149742316,1.6 +2420,2.004022716673082,0.2096734069123007,2.2 +2421,1.4055079974860045,0.1915626996236769,1.28 +2422,1.881405942316889,0.19438247937899505,1.96 +2423,2.280873531566144,0.21083290693406576,2.3 +2424,1.1573256341067775,0.19650100230635012,1.3 +2425,1.0206523717936071,0.1930198303354418,1.08 +2426,1.9492570825971645,0.19526874621469598,2.0 +2427,0.8944100418411094,0.19337691019897807,0.82 +2428,1.1626403820338287,0.19223632867976562,0.96 +2429,2.5419278353625114,0.1960340366592271,2.58 +2430,0.7358922967161763,0.19473445915715126,0.9 +2431,1.0901536394459428,0.1943824720550525,0.94 +2432,1.5563770918311728,0.19170271652328152,1.56 +2433,2.347876489806254,0.19546817117068907,2.32 +2434,1.4970807502966212,0.19620417981581367,1.46 +2435,2.495056583152127,0.19742136385750395,2.62 +2436,1.1837433096833245,0.1944832147088592,1.22 +2437,1.671232412848052,0.19201824130646758,1.76 +2438,2.7559536653825982,0.2022644630269619,2.56 +2439,1.4694524185071054,0.1940785167198882,1.54 +2440,1.864880944462683,0.1939276493941367,2.04 +2441,1.036467145540923,0.19447652009958832,1.04 +2442,1.1537427094405772,0.19344178577206286,1.18 +2443,3.367645901350121,0.22886137626146758,3.28 +2444,0.9430136955481152,0.19288556817920177,0.8 +2445,2.4499323735237053,0.19376301245959188,2.52 +2446,2.4965137494236314,0.19639470902478184,2.6 +2447,0.6917308738098025,0.19268346131926445,0.68 +2448,1.7980165783516084,0.19553489115060765,1.82 +2449,1.1853258327055705,0.19212295819119596,1.14 +2450,1.3453124492204815,0.19304568996890187,1.26 +2451,0.43252425274403583,0.19623061136938935,0.44 +2452,1.0525685770278188,0.19691121659268326,1.16 +2453,1.3274226162428788,0.1916729499163284,1.4 +2454,0.9228728349399655,0.1922636601286649,0.94 +2455,1.6940102298309525,0.19247337968755665,1.68 +2456,1.6665690263903952,0.19222986135883194,1.7 +2457,2.5733289249800646,0.19544034007669825,2.66 +2458,0.5605869512255883,0.1951437904612051,0.54 +2459,0.43925165287530676,0.19547009354633452,0.28 +2460,3.8389759457732913,0.21637634898276378,3.82 +2461,0.5610860717557205,0.1966257154181075,0.44 +2462,0.9980039748190239,0.19492449881387855,0.9 +2463,0.5031994382902725,0.19759456975771147,0.44 +2464,1.3517397229199735,0.19269153627147478,1.58 +2465,0.7170953762668586,0.1934262605346054,0.76 +2466,1.5093752598188526,0.19226994246905807,1.48 +2467,3.2661791450901414,0.2042273902809107,3.24 +2468,1.0183354644029623,0.1922103625434267,1.06 +2469,1.4203879982014533,0.19314988434183905,1.42 +2470,1.0294927567799728,0.19253205744698876,0.96 +2471,3.6910158252534746,0.23840787368644314,3.72 +2472,1.459935146058624,0.19283506655687466,1.46 +2473,1.0343783648863991,0.19347641966956233,1.18 +2474,1.0641746387154645,0.19443868279481422,1.12 +2475,3.270725108751971,0.20408409551233242,3.14 +2476,0.9437485014141775,0.1931456650031594,0.94 +2477,1.4895197537886813,0.19267756587185408,1.48 +2478,4.090386520535144,0.23371628162614452,4.18 +2479,1.4568007300120267,0.1942183415987474,1.48 +2480,1.709158294114673,0.19350374766140568,1.6 +2481,0.23339944926014722,0.19835478257365904,0.18 +2482,3.1388701466989786,0.2081740314465276,3.22 +2483,0.4518390239106673,0.19488781535531738,0.34 +2484,2.872232266200242,0.20086475844935678,2.84 +2485,0.5474773567376405,0.19951718395811827,0.56 +2486,1.08192911834746,0.19476502604182894,0.92 +2487,1.1825120272052385,0.19240155945766493,1.28 +2488,1.2242020043538209,0.1928873966638013,1.2 +2489,1.257539575359797,0.19239894535438776,1.36 +2490,1.104468394494171,0.19319388006575555,1.1 +2491,0.260736929483135,0.19686664507256457,0.1 +2492,1.168803569419199,0.19684410134478902,1.18 +2493,1.5548684406609419,0.19551170316330058,1.42 +2494,1.6134334148589624,0.19271676410433797,1.58 +2495,0.4158541682885253,0.19824563128814107,0.48 +2496,0.6626166472712121,0.19359391843080148,0.64 +2497,1.3491570857881388,0.19557635108395818,1.38 +2498,1.1229311912542657,0.19224820765597633,1.24 +2499,1.5627343290795968,0.19214627542890886,1.5 +2500,1.6533910399776803,0.19504938157086685,1.92 +2501,1.887929694987427,0.192628774519984,1.9 +2502,0.825506710821029,0.19750008623091067,0.78 +2503,1.1705936225550295,0.2000786087172795,1.24 +2504,1.3630571571521322,0.19216163423368612,1.24 +2505,1.3764361288403433,0.19754137569683505,1.38 +2506,1.5342201826956026,0.1917742090041961,1.66 +2507,2.141564005082967,0.19865138673567975,2.14 +2508,1.1902161473093753,0.19209140281196338,1.2 +2509,1.6899010316834455,0.19777795482494245,1.6 +2510,1.4312358427169225,0.1937115228401452,1.5 +2511,0.9015068993805548,0.19358003377287325,1.1 +2512,1.3507069742005409,0.19235415127712086,1.32 +2513,0.5019154703116189,0.194957787192498,0.44 +2514,2.048095821054209,0.19821467924881903,2.12 +2515,1.1830126214505525,0.19372586540665002,1.16 +2516,1.3300724954879972,0.19339628146463742,1.3 +2517,1.0825332513228063,0.19315484661552826,1.1 +2518,1.5953164632951133,0.19327849212417209,1.52 +2519,0.9537873599346525,0.1923901072557854,0.9 +2520,0.9170152397196207,0.19295941795015678,0.88 +2521,1.441281473789616,0.1927163625411436,1.6 +2522,1.3131720164217087,0.19248526423051723,1.3 +2523,0.8034309883653488,0.1927633969083937,0.84 +2524,3.528443471008397,0.2305594440124536,3.64 +2525,1.3876250164334887,0.19211772940044075,1.42 +2526,1.2040346031449816,0.20016986916371463,1.34 +2527,0.8050973869547717,0.19283761036137842,0.86 +2528,1.767704421002485,0.19175574063860296,1.74 +2529,0.9679760230404333,0.19363737544706822,0.84 +2530,0.8626141780865999,0.19235363046931486,1.0 +2531,1.1502004623392188,0.19276135071592737,1.18 +2532,1.3885817238846063,0.1920729748190551,1.44 +2533,2.1594716577847026,0.1935978364495866,2.22 +2534,3.0283003174253973,0.2047230501963398,2.86 +2535,0.9669113383691372,0.19225055711704991,0.86 +2536,2.407617609952632,0.19357986495833565,2.38 +2537,0.7995623723084146,0.19213330990934452,0.92 +2538,1.1596919608029705,0.19341499350982222,1.24 +2539,1.159917184605272,0.19247259595047192,1.12 +2540,1.7855220924627422,0.19239111382676147,1.74 +2541,3.9595938993248283,0.25660689560591143,4.22 +2542,2.111763524796426,0.19640067806112027,2.16 +2543,0.6565347090950815,0.19288144128249562,0.64 +2544,2.0178124417511456,0.1938991895542988,1.98 +2545,2.029969855734928,0.19438690357816343,2.1 +2546,0.4958199378979802,0.19279534864868914,0.44 +2547,2.4708229442042584,0.19525925259717766,2.56 +2548,1.6423310159732334,0.19325104384335734,1.82 +2549,0.7658867305426695,0.1924558176306286,0.82 +2550,1.5943291978306742,0.19314547519357878,1.6 +2551,1.56565172265732,0.19250699759825515,1.56 +2552,0.8209116079294438,0.1932691724035307,0.84 +2553,0.9597884654483173,0.1925167157013873,0.86 +2554,0.6925923802000846,0.20738408871427808,0.52 +2555,0.7590055342925042,0.1944123393146711,0.78 +2556,1.1984013803622378,0.1930664571230748,1.24 +2557,1.3169224619666111,0.1954160349846486,1.3 +2558,0.42636031472892943,0.1981285084409163,0.4 +2559,1.0943527592739932,0.21022515254229981,1.16 +2560,1.4347567128597976,0.19650651894669932,1.36 +2561,1.5136343912607617,0.19202371291973064,1.6 +2562,1.5848321940717525,0.2010961294733929,1.52 +2563,0.5863994146035201,0.19774324791978215,0.64 +2564,2.443453374858714,0.19538949147080883,2.38 +2565,0.6772843699399682,0.19242365371568668,0.6 +2566,1.5426032369273064,0.19326341313442222,1.6 +2567,1.3398973833449213,0.19323536498018135,1.48 +2568,1.1003865724222615,0.19463738282353163,1.02 +2569,2.7625060067722624,0.20453409408646184,2.84 +2570,1.1746905304694057,0.19885983861030201,1.08 +2571,1.9867554241918506,0.19252426031296327,2.02 +2572,0.9130416275706712,0.1939359835105953,0.84 +2573,1.6614895214531642,0.19775694727686005,1.72 +2574,0.9628163432174452,0.1936054890725962,0.88 +2575,2.998167175519247,0.20157521000485226,2.98 +2576,1.0329058231075439,0.19307059366521856,1.08 +2577,1.423819886345861,0.19186016481836785,1.42 +2578,1.738321044070957,0.19640343925722561,2.04 +2579,1.6056492243060743,0.19322521739302562,1.58 +2580,1.2401355341395708,0.19315714363721145,1.12 +2581,1.4771209037146593,0.19329917766325982,1.4 +2582,2.2171055472743153,0.19518010662911936,2.18 +2583,1.2475114247458214,0.19253506877388735,1.38 +2584,3.4456045861699534,0.2138566984426511,3.52 +2585,0.7060022353764261,0.1938955005514248,0.68 +2586,1.2534046253294817,0.19585583996957548,1.36 +2587,1.2712118717434175,0.1921626740810644,1.22 +2588,3.4433581447801647,0.21521163248545083,3.4 +2589,1.0774873596528587,0.19211850617666493,1.12 +2590,1.6272493420932181,0.19556325457143686,1.48 +2591,1.7921490941453748,0.19933298935955318,1.86 +2592,2.289354011449126,0.19506299526680412,2.26 +2593,1.702376712624424,0.1918480866663989,1.84 +2594,0.6747502028677448,0.19481319790301577,0.58 +2595,2.0559483555101488,0.19372931831568793,2.1 +2596,1.0947129205590147,0.19200420453069833,1.08 +2597,2.178540806689646,0.19327401925587506,2.12 +2598,1.7733405546451393,0.19395197582392124,1.88 +2599,1.6448218940328592,0.19754422878829628,1.6 +2600,1.5796055522480201,0.19638720355575426,2.08 +2601,2.0098005481987964,0.19247912182841997,2.06 +2602,1.1207577098800345,0.19268424647672064,1.08 +2603,0.837667359816836,0.19389155829415763,0.76 +2604,1.0947111849266968,0.19219013953108063,0.88 +2605,1.533052143566929,0.19349708045787536,1.46 +2606,0.7121507886977114,0.193360825558422,0.7 +2607,0.45922218685048266,0.19403835547837842,0.48 +2608,1.6744116942041782,0.19200917392097974,1.84 +2609,1.2927174067136673,0.19189706663646372,1.28 +2610,1.3408558480302495,0.19316442939922912,1.42 +2611,1.3693347945016927,0.19248056220063517,1.3 +2612,0.67516748127106,0.19377729010465783,0.58 +2613,1.1764347484750055,0.19232368226874014,1.08 +2614,0.8182230926282545,0.19279971055657705,0.8 +2615,1.2377714261058643,0.19505714228983023,1.22 +2616,1.8654032158290188,0.19377180962562052,1.76 +2617,3.7237659181865315,0.22720603602443573,3.8 +2618,1.1375065820816919,0.19278916322720602,1.0 +2619,1.6413990891677126,0.19247658250848484,1.68 +2620,1.5519978808728339,0.19965329343792332,1.6 +2621,1.0538648242399948,0.19193450940613535,1.32 +2622,2.1998213906430677,0.19419954617611726,2.28 +2623,0.8857534440311041,0.19242496008927437,0.9 +2624,1.6014137718258126,0.19196087993034017,1.56 +2625,1.336802703562737,0.19289564640652884,1.34 +2626,3.0844467033492697,0.20171189423638153,3.2 +2627,3.133653773759408,0.20292575883214117,3.2 +2628,1.0168619710172222,0.19238756297384615,0.9 +2629,0.49973712878316556,0.19626240226927433,0.46 +2630,2.4907277339857035,0.19388273625359023,2.5 +2631,1.7372870030487504,0.1952706096838614,1.86 +2632,0.8711427712677309,0.19378657383911357,0.78 +2633,1.005803366335123,0.1936545375961506,0.94 +2634,1.4089816470449867,0.19232954202596045,1.46 +2635,1.031486629913068,0.1925113201901301,0.9 +2636,2.4365896195483647,0.19938774284127334,2.36 +2637,2.003136566477958,0.1933778180148636,2.0 +2638,0.46220694134692986,0.1966395356642152,0.36 +2639,1.021449216431336,0.2007219824735869,1.04 +2640,1.12141938291203,0.19187383569181618,1.04 +2641,1.3004626064071485,0.19263329394340653,1.18 +2642,1.1539708182172208,0.1918110464361017,1.34 +2643,1.1172171723382065,0.19667593892858662,1.12 +2644,1.7149435916554654,0.19386579454732816,1.86 +2645,1.7009954045854738,0.19209870078413244,1.66 +2646,1.815365639647275,0.19343189331441255,1.88 +2647,0.7342632122764701,0.19284749095835751,0.74 +2648,1.4924969176715117,0.19404957309998705,1.54 +2649,1.23357747584507,0.1919816058380703,1.22 +2650,1.6835407435649326,0.19225012991740728,1.62 +2651,0.8589966902890613,0.19253179966906595,0.9 +2652,1.3439281045958933,0.1929108948927954,1.36 +2653,2.381054647723125,0.2048156862262644,2.44 +2654,1.0341487353440626,0.1922783749324856,1.08 +2655,0.7090523903052417,0.19608030021208922,0.56 +2656,1.8348048435636417,0.19201070312177157,1.76 +2657,1.8671189242064448,0.1947431498430695,1.8 +2658,1.6766021432463698,0.237159000367136,1.9 +2659,1.659360618387049,0.19289379158709832,1.7 +2660,0.9648831473419555,0.19475467951942932,0.94 +2661,3.4186985498345894,0.23103984396085514,3.2 +2662,0.7480277585571433,0.19250958118840866,0.72 +2663,0.9034075382279245,0.19408280787323812,0.9 +2664,1.0050068977839541,0.19237705730964705,0.92 +2665,1.7040639736392547,0.194452122263302,1.7 +2666,0.977242498769789,0.19292754285527217,1.04 +2667,1.2342390277632824,0.19605719501519733,1.1 +2668,2.4887310881877682,0.2000385873565663,2.48 +2669,0.4309599527438741,0.19475084389414402,0.42 +2670,1.0958692912062422,0.19307136842863976,1.02 +2671,0.973114101146249,0.19249336471409617,1.0 +2672,1.0658403589845533,0.1930064416363034,1.06 +2673,1.3523234683268002,0.1928566454806357,1.38 +2674,2.027430127365226,0.22802597960569784,1.84 +2675,1.5355653214182028,0.19278822586915662,1.48 +2676,2.446161305986569,0.1953217012844642,2.46 +2677,1.4266214332109883,0.1926942584759538,1.46 +2678,2.3104994883697683,0.19446513408838753,2.28 +2679,1.0165673289879016,0.19249054072748492,0.94 +2680,1.9239713047755553,0.19216272413924976,1.84 +2681,2.8700379042064834,0.1987913877996574,2.82 +2682,1.2912785677925256,0.1921138898812204,1.46 +2683,1.342547204280677,0.19197188016746264,1.32 +2684,0.12656635043720899,0.2040286689486004,0.1 +2685,0.7480322089890259,0.1937457515693973,0.7 +2686,2.0077057124962594,0.19814768037720445,2.06 +2687,1.4025472626701077,0.19204487336672924,1.42 +2688,1.2375601249285997,0.19300762677471764,1.22 +2689,0.9686502404226522,0.19213434812084873,0.82 +2690,1.9527174618122953,0.19228757604972369,2.02 +2691,1.9358172874930104,0.19251981566153642,2.12 +2692,0.673488049347529,0.1937088534945548,0.64 +2693,1.6617483729144618,0.1922460895777621,1.86 +2694,1.1998577050402992,0.19278929248870255,1.26 +2695,1.8763957285529513,0.19349520711851867,1.9 +2696,0.2974980696686491,0.19449997759813462,0.2 +2697,3.3252663654899934,0.20559663670353504,3.24 +2698,2.0168091236753978,0.19439388722065876,2.08 +2699,0.9171649738144674,0.19553718884126656,0.8 +2700,0.9438921819227972,0.1952598348827108,0.78 +2701,1.83093848399773,0.1935884117939763,1.96 +2702,1.338938143904746,0.19261415995242856,1.36 +2703,1.3360060287583582,0.19204010500167112,1.4 +2704,1.6916668666904218,0.19316824929190968,1.8 +2705,1.1489708666877418,0.19312982930696626,1.14 +2706,1.7502283084601458,0.19296380108876682,1.76 +2707,1.0103546646758672,0.19206409700162952,0.9 +2708,1.5768427731256653,0.20618054708896968,1.62 +2709,1.14538374601262,0.19174175132350008,1.08 +2710,1.4111377990795098,0.1931026574648391,1.26 +2711,0.8956591387927353,0.19244676292524435,0.74 +2712,1.6399916739471814,0.19382316091696075,1.54 +2713,1.086351840539772,0.1944060543716038,1.24 +2714,1.1678609038941947,0.19206044367974848,1.18 +2715,1.8078731901913456,0.19202273321453037,1.76 +2716,1.4337812784258719,0.19255775360032884,1.46 +2717,1.3403071233873542,0.19182785518629217,1.3 +2718,1.9829290743061896,0.19261491733996894,1.76 +2719,1.119282948233066,0.19652315700022835,1.1 +2720,1.031442840555156,0.19306893934235783,0.94 +2721,1.3598609688296395,0.19158703307566377,1.32 +2722,2.367266092836221,0.19467156384433168,2.48 +2723,0.8874343847192647,0.20826974231043188,0.86 +2724,3.496658193732257,0.2083819804718246,3.58 +2725,1.4190673745453402,0.19292608607673578,1.3 +2726,0.6944586426294008,0.1933999166490822,0.62 +2727,2.4535776849805724,0.1940862864849217,2.36 +2728,1.2442813062823217,0.19167059278568602,1.36 +2729,1.0158721655396774,0.19360975078165404,0.94 +2730,0.9367181417297306,0.19372888581696462,1.16 +2731,1.1319446563402393,0.19231055838783856,1.0 +2732,1.5364681476450905,0.19270902492886943,1.42 +2733,1.382959190538514,0.19397146852032118,1.48 +2734,1.7005280248755672,0.19388241447574542,1.72 +2735,2.2934859812468225,0.19641244500444038,2.46 +2736,2.0102894214006537,0.1935528141704823,2.08 +2737,1.6870685424453842,0.19744696658244804,1.54 +2738,2.479077432588325,0.1959057876537753,2.56 +2739,1.1074592971290538,0.19232986976107974,1.22 +2740,1.382053443367186,0.19242176602692135,1.34 +2741,1.52861659797933,0.19178994608581468,1.58 +2742,2.825124894518511,0.19588763866083134,2.96 +2743,1.5013682724916406,0.19210235805682924,1.5 +2744,1.1634212879499173,0.19592721945377164,1.04 +2745,2.0283891583879163,0.19279987594901168,2.08 +2746,0.8782593071669189,0.19303485097605105,0.9 +2747,1.0206097373715264,0.19699154566441157,0.92 +2748,1.2141810029338802,0.19535498353610803,1.16 +2749,0.7300192000426615,0.19555394015307406,0.74 +2750,1.710730400179147,0.1926438145505502,1.9 +2751,2.2265172417801744,0.19411430929728365,2.24 +2752,2.221960272297879,0.19354972836496334,2.18 +2753,0.9004233553767231,0.1949511310548972,0.94 +2754,2.7929157063345467,0.19640831424005326,2.76 +2755,1.6322456203998148,0.19212963385294188,1.58 +2756,2.193594839462429,0.19416301869789548,2.12 +2757,3.586070481982757,0.2132920377651203,3.8 +2758,0.23563443297428543,0.1983637765162197,0.18 +2759,2.2095163038559416,0.19686810473338015,2.28 +2760,0.4464060904269096,0.1932301447154064,0.52 +2761,1.678954037067506,0.1940321116171338,1.68 +2762,1.1653989473030557,0.192743244770579,1.2 +2763,0.4529979810501623,0.19534763262102586,0.46 +2764,0.9777330126649537,0.19447150056730528,1.08 +2765,0.8526578310728143,0.1940424083199075,0.88 +2766,1.995553283889857,0.19472081341347452,2.04 +2767,1.624901107039935,0.192561280508143,1.64 +2768,0.6329365523137898,0.1949187042362033,0.72 +2769,2.335484639800493,0.19679890843779202,2.28 +2770,0.8819782811132586,0.1940384008253374,0.92 +2771,0.1031898355452543,0.2323224974287695,-0.08 +2772,1.6318743521402834,0.19265711538494742,1.62 +2773,2.483824098312588,0.19400210561816894,2.46 +2774,1.9773184267436172,0.20183548097289322,2.14 +2775,1.7382920649490043,0.1940364138827061,1.8 +2776,1.222320153481896,0.19171866381509614,1.36 +2777,1.3685642218642795,0.19444273593451364,1.42 +2778,0.2971068791868796,0.19994428319905277,0.18 +2779,1.2634837169569795,0.19295610051932116,1.4 +2780,1.479008580689007,0.19211296184697235,1.56 +2781,2.215848054060739,0.20004164335246385,2.34 +2782,1.6607313733500075,0.2142962765398569,1.72 +2783,0.8674916745207937,0.19419186973019012,0.92 +2784,1.5768113055672424,0.19217296668921183,1.6 +2785,1.9514064915383877,0.19373127579782826,1.98 +2786,1.4904728807547012,0.19241963283121838,1.52 +2787,3.4560463065629183,0.22651740380404872,3.28 +2788,1.427903108668136,0.19352900234482462,1.32 +2789,1.335058010851069,0.19400149663625685,1.36 +2790,1.543443070036259,0.192533608342312,1.78 +2791,0.9368794016975337,0.19799853121901576,0.98 +2792,1.4227167713917885,0.19229766983518218,1.36 +2793,1.2587617674666869,0.19488358054759605,1.26 +2794,1.2038987578940952,0.1919934940912624,1.34 +2795,1.7675880358752534,0.19249467793607436,1.8 +2796,1.183876093322255,0.19295662174594974,1.06 +2797,1.3387475450539061,0.19881506657804932,1.6 +2798,1.083588388978829,0.19177261274508361,1.22 +2799,1.1585225333916598,0.19260070130819362,1.16 +2800,0.5198257870515053,0.19614623373098397,0.36 +2801,0.4121041057355481,0.19397696550075538,0.38 +2802,0.6916777889417749,0.1935453442152312,0.6 +2803,1.738386842056872,0.19199279572297973,1.84 +2804,1.07735079235399,0.19221243585236208,1.28 +2805,0.9843168719063837,0.19497788210463715,1.0 +2806,0.8348148913562077,0.19348073067548838,0.84 +2807,1.302015467739977,0.19712799948336618,1.26 +2808,2.070008507628359,0.19248961469003223,2.08 +2809,2.063765448958543,0.1933112607992667,2.08 +2810,0.6419325219810745,0.19428450285573892,0.6 +2811,0.8608279163883439,0.1921233311756459,0.84 +2812,1.601490132505862,0.19309371912696027,1.66 +2813,0.5871834892384498,0.1951311125753468,0.62 +2814,0.8254210029921105,0.1932603949166046,0.84 +2815,1.7065158776152773,0.1994310517940632,1.68 +2816,1.8568871132217857,0.1948017816734535,1.82 +2817,0.6662698033764296,0.20682711651222052,0.5 +2818,1.110783030548499,0.1930332501064925,1.3 +2819,1.685638497421483,0.19222475780605816,1.64 +2820,1.5671317980531243,0.19180071595658596,1.54 +2821,0.43418056278889194,0.19312740200428596,0.4 +2822,3.7659918468505174,0.22305659247736556,3.88 +2823,1.16627234479737,0.1920975673006365,1.26 +2824,2.384515516360629,0.19514884714773809,2.6 +2825,0.7722574814963354,0.19296041099669742,0.68 +2826,0.830054228765396,0.19273782588003932,0.78 +2827,1.973662451524627,0.1950122145216276,1.92 +2828,0.7633921023494348,0.19733981324945093,0.64 +2829,1.0272949559326991,0.19214575775681536,1.1 +2830,1.2468938805999952,0.19391771707281433,1.2 +2831,1.4330229054486634,0.19309964209139766,1.48 +2832,2.12523056474337,0.19607615907968068,2.18 +2833,2.0619268157568826,0.19300511883803972,2.06 +2834,0.9391882196896719,0.1922087544954884,0.88 +2835,1.6605899719735615,0.19319670430078792,1.68 +2836,0.6957710558884105,0.19259148237995344,0.8 +2837,1.680284151691914,0.19219925342324304,1.62 +2838,1.7331891621789857,0.1929436863228027,1.66 +2839,1.2189908719675375,0.1919710429619674,1.28 +2840,1.6150619000910198,0.1918218884994852,1.5 +2841,2.4425896586338314,0.19467548014517636,2.42 +2842,0.468871045314184,0.19304450012674856,0.32 +2843,1.593725684262607,0.19448110557586495,1.62 +2844,0.7407375579619067,0.19940567502509154,0.66 +2845,2.5129618013485406,0.1978543933218175,2.52 +2846,0.8840729319760503,0.19236493924702516,0.9 +2847,1.3109998191207626,0.19888021668457198,1.04 +2848,1.6122163641007572,0.19213000479041917,1.7 +2849,1.5345386726486274,0.1918871724806164,1.6 +2850,1.0578765024706045,0.19295216222958542,1.14 +2851,1.4584052325469066,0.19199894312915275,1.44 +2852,2.3121984446911203,0.19375592775816483,2.2 +2853,1.5011702482426306,0.1927175999204107,1.68 +2854,0.9001458004655007,0.19325827377285407,1.02 +2855,1.5357594305331097,0.1959599557447773,1.7 +2856,0.6495977599545104,0.19700456001898445,0.76 +2857,1.4638240455204072,0.19256840959661342,1.46 +2858,0.20474294668398452,0.22344279316122828,0.16 +2859,0.8864502555282434,0.1921090950930696,0.94 +2860,1.7319254811942382,0.19325199851338704,1.78 +2861,2.2086948556003567,0.19284137608155388,2.18 +2862,0.8337996418988429,0.1935459955151713,0.74 +2863,0.5899499579362373,0.19445462891295648,0.54 +2864,0.5069475535350034,0.19462256939112,0.62 +2865,1.2528142413216847,0.19215598660708744,1.22 +2866,1.4397858546257871,0.20157297400410168,1.34 +2867,1.0654883865508817,0.19281038566568504,1.22 +2868,1.730460478621794,0.19218099067379776,1.62 +2869,1.8631058502835027,0.19277856039473826,1.88 +2870,0.9798685443539257,0.19311567820608158,0.92 +2871,0.9088126354616626,0.1933445061695881,0.94 +2872,2.2079654291397035,0.19311049878660203,2.32 +2873,2.360758630941834,0.193418411371517,2.3 +2874,0.8962604520011452,0.19429332047323125,0.86 +2875,1.2624507920986772,0.19250060075313033,1.26 +2876,3.42984698986707,0.21001797432711428,3.5 +2877,1.7720110077342643,0.19458444133394173,1.8 +2878,2.677023154934822,0.22459530677162268,2.72 +2879,1.974652181325586,0.19272358697877906,1.96 +2880,0.8439465310842782,0.19413013465608453,0.88 +2881,1.340031430917874,0.19228580313636445,1.36 +2882,0.6963716265224194,0.198199599436597,0.76 +2883,1.6850510174227495,0.19312686802512904,1.72 +2884,1.617997214097874,0.19314665915254367,1.62 +2885,1.6946754939091702,0.19250478462538625,1.74 +2886,0.8259007073044713,0.19249532561434812,0.86 +2887,1.160077068616744,0.19163779183487345,1.28 +2888,1.0963579519384141,0.1936398300616032,1.28 +2889,1.666243564896639,0.19276142380723252,1.64 +2890,1.3738570359310365,0.1945000803633969,1.5 +2891,3.5561660691697736,0.21780745148591268,3.46 +2892,1.663276091737727,0.19227832563878164,1.76 +2893,1.2620239386992602,0.2254534027978343,1.48 +2894,2.0242783872612633,0.1929699486883461,2.06 +2895,2.6549460740913644,0.1960334029751351,2.64 +2896,1.3125768615279498,0.19166599581096253,1.52 +2897,1.5296184647399875,0.19313116449675483,1.58 +2898,0.4850432906585085,0.19403708051835922,0.52 +2899,1.8778151201333801,0.19335028606947402,1.92 +2900,1.3982661763856226,0.19230401545745068,1.32 +2901,1.0466063634817346,0.19256358011710495,1.08 +2902,1.3516774273386098,0.19212999559634178,1.44 +2903,1.1885605825753838,0.19876937291236008,1.12 +2904,1.3125980656904868,0.1981449582707531,1.12 +2905,2.394149432943457,0.1932419243552898,2.38 +2906,2.139736706855698,0.19370880218437736,2.06 +2907,0.6549969539675913,0.1940053118857784,0.72 +2908,0.9736950918813778,0.19275549658578425,0.86 +2909,1.1266092430867718,0.19213287427054526,1.04 +2910,0.35470833755388886,0.1946941641716386,0.2 +2911,0.9491166406137217,0.19273088405303396,0.98 +2912,1.2610113785542176,0.19151599536569683,1.22 +2913,0.3942686232715693,0.19438012206586788,0.28 +2914,1.166061466947426,0.19367673783820077,1.16 +2915,1.0578962184259013,0.19502117354726445,1.02 +2916,3.1768822800613994,0.21162881006198314,3.26 +2917,0.5623509619089169,0.21020968440911542,0.5 +2918,1.2623285626796945,0.19206403933842428,1.24 +2919,2.542530389307925,0.19467766993171842,2.56 +2920,0.948442455012207,0.1932717534314169,1.06 +2921,1.4922917582182058,0.19194622646479537,1.4 +2922,2.86367645473365,0.19713267096221151,2.82 +2923,0.9988820902294067,0.19329178458181684,1.0 +2924,2.8571652307128628,0.1990214760159022,2.76 +2925,1.429727598933796,0.19303763864223802,1.38 +2926,0.5912610497175153,0.19452845978423056,0.7 +2927,1.497654562340784,0.19159197877635722,1.46 +2928,0.3383872293271488,0.19542522010367014,0.26 +2929,2.3537453760840195,0.1937182498736122,2.36 +2930,1.0042334388267888,0.20409761523439235,1.04 +2931,0.3313063764561508,0.19863326282051189,0.38 +2932,0.8469299660976932,0.19341083605309264,0.84 +2933,0.19305182814898947,0.19527958800429165,0.0 +2934,2.0838076481346897,0.19953357895265808,2.18 +2935,1.6939097746250869,0.19360761797756923,1.74 +2936,1.7484095061634624,0.19580879389871203,1.8 +2937,1.8544582709982689,0.19277116961758614,1.84 +2938,1.3263437332495882,0.19587143894390252,1.24 +2939,1.900172209356516,0.19209232808422674,1.86 +2940,0.4921398488882631,0.19288506328636368,0.28 +2941,3.303651941144808,0.21352501919608594,3.18 +2942,1.6760076346843014,0.19227455605752933,1.68 +2943,0.8003180978855311,0.19306907236966084,0.68 +2944,1.053505723629248,0.19470032579884577,1.08 +2945,1.3361490582481585,0.19219973538757787,1.48 +2946,2.0021825689016715,0.19302117535373955,2.1 +2947,1.2005923156122198,0.1920752134408311,1.3 +2948,1.10646314963881,0.1933492647241175,1.06 +2949,1.3718872429869067,0.19313866966252796,1.36 +2950,1.993130654569367,0.19376456433909567,2.18 +2951,1.2828650979536342,0.19423434267124312,1.2 +2952,1.4331718987052562,0.1923343874035749,1.44 +2953,2.331214200396795,0.19310020787412202,2.32 +2954,1.4958914134582977,0.19373911257989515,1.44 +2955,2.9399120071801703,0.2048753931576337,2.88 +2956,2.319357759784396,0.19980235653634096,2.46 +2957,0.6723638031093766,0.19233609131827992,0.74 +2958,2.1400376769496554,0.19363427564612432,2.5 +2959,1.67096514464891,0.19335782700562062,1.68 +2960,0.8498167712663869,0.19256771220589397,0.76 +2961,2.1574994184537934,0.19470496591015873,2.18 +2962,1.864873992003742,0.19259397281590682,1.76 +2963,0.8332425436240141,0.1925426832773706,0.74 +2964,1.1098046300332611,0.19285814646745575,0.98 +2965,1.8471956112887367,0.19519137107987602,1.96 +2966,1.2755635688051767,0.19341988673273286,1.34 +2967,0.3622336046078858,0.19466302527344612,0.28 +2968,1.0787199736083175,0.19382413400476467,1.12 +2969,1.4173226509639574,0.19182596159905366,1.58 +2970,0.8735676998640085,0.22032654130259136,1.1 +2971,1.5141091588932292,0.19171029503751438,1.56 +2972,0.667959275186639,0.1936008938223341,0.64 +2973,1.4133734283754715,0.1943266321440979,1.4 +2974,1.4591806026392846,0.19555991408241533,1.54 +2975,3.755314834028461,0.25760119167968837,3.9 +2976,1.2214648912851476,0.19356371400021502,1.22 +2977,1.82216395810199,0.1937039965954035,1.74 +2978,0.5666349313409982,0.19307028741759347,0.56 +2979,1.391383397234209,0.194780656200337,1.28 +2980,0.7176954128111812,0.19521914999433837,0.6 +2981,1.4206429640887595,0.19173297163572786,1.4 +2982,0.4157555720575776,0.19956446906081252,0.28 +2983,1.5056634223973124,0.19293799994035263,1.22 +2984,1.5760952857120265,0.19289242377371515,1.62 +2985,0.7954382131622935,0.1973319539371722,0.58 +2986,1.5860741680961152,0.19173785670302848,1.52 +2987,1.2311998393871773,0.19681148788252695,1.5 +2988,1.391806237063395,0.19269476269849015,1.38 +2989,1.6295417481041894,0.1946117483983549,1.7 +2990,0.03038787422020439,0.20335127323605415,0.08 +2991,1.375009717622214,0.19255884641522325,1.34 +2992,1.5395558847285309,0.19655066202722782,1.56 +2993,1.9188037718517195,0.1948168184832759,1.98 +2994,1.574876086414394,0.1933332451196309,1.6 +2995,1.5425579810732555,0.19421407670492796,1.56 +2996,1.6124441503153117,0.19629025218295124,1.68 +2997,0.9397217270178726,0.1935013869496083,0.84 +2998,1.071120341011556,0.19357574330955427,1.12 +2999,1.1501974804965012,0.19173099534146493,1.18 +3000,1.495020055537211,0.19192655124646885,1.68 +3001,0.8485833145683466,0.19335533854845716,0.84 +3002,0.2954921160905797,0.19423229302069492,0.22 +3003,1.2257969752143514,0.1921964109528414,1.28 +3004,1.964918383469262,0.19455340573813057,1.96 +3005,2.2177020145807025,0.19296183369627398,2.12 +3006,1.3638160565902449,0.19251623201786092,1.3 +3007,2.7105726163896446,0.20095487485536964,2.8 +3008,0.7787737766303633,0.1925215358830807,0.72 +3009,1.431147739881896,0.19184435772997938,1.36 +3010,1.7128796426572301,0.19199558869546599,1.86 +3011,0.8209910198717902,0.19255118583146616,0.8 +3012,0.8937219735374442,0.1935137586005827,0.86 +3013,1.0810660793568316,0.19178254911745599,1.08 +3014,1.6708899752745894,0.19229667533357794,1.7 +3015,1.7393409409160552,0.19206807368427478,1.8 +3016,1.6602963163152205,0.1929552734549449,1.64 +3017,0.9615713489975986,0.19306749363986675,1.04 +3018,1.20474885343013,0.19195001639365009,1.26 +3019,1.486865427189589,0.19179513016494695,1.42 +3020,1.1804402713970492,0.19213328926375525,1.22 +3021,1.3777255231381038,0.19207406085147213,1.4 +3022,0.6303847322189715,0.19490128068779042,0.6 +3023,2.4680571283888413,0.1979244135996261,2.32 +3024,1.0926677413224577,0.19193933970655744,1.18 +3025,0.9796068782482714,0.19597105126955164,1.06 +3026,1.378201064263879,0.22234965051742633,1.42 +3027,1.1411137748679265,0.19386793703724434,1.1 +3028,0.6014681539258029,0.19348903352330923,0.52 +3029,1.0941484866239244,0.19211685392110192,1.18 +3030,2.2213534020551946,0.21705232961969118,2.22 +3031,2.0467864734817787,0.1927618995967279,2.02 +3032,0.9323520982714677,0.19355426021927669,0.9 +3033,1.7037855289441413,0.19200847991448483,1.74 +3034,1.5745515650417974,0.19769671494077956,1.6 +3035,1.1771695554073838,0.19291071104303573,1.16 +3036,2.904910932945288,0.20137041270418507,2.96 +3037,3.4073753407526732,0.2261871966478295,3.34 +3038,0.7781154515762627,0.19380898699380603,0.68 +3039,1.0154963926890228,0.19205803086213125,1.06 +3040,0.9883298794487252,0.19773091794929692,1.1 +3041,0.37361230593170935,0.19441062378435975,0.28 +3042,0.6024208305372478,0.22180867561963435,0.6 +3043,2.183261061641024,0.19373412310193255,2.26 +3044,2.34361960114729,0.19411329229138946,1.96 +3045,0.6128161772181673,0.1947218942770068,0.6 +3046,0.34585295283404216,0.1951390854351554,0.38 +3047,2.1833818467505366,0.19329680677799774,2.1 +3048,1.298403522313167,0.19373071624885996,1.24 +3049,3.679022526762516,0.22148674030491866,3.58 +3050,1.5233869438588132,0.1932780342162495,1.64 +3051,1.7642378265533618,0.1922128032607053,1.88 +3052,1.6722251647952038,0.19349587504716162,1.82 +3053,0.996934448358052,0.19291764211539744,1.1 +3054,2.910464788066839,0.19891644647634887,2.86 +3055,1.2718270261485665,0.19632304121452473,1.4 +3056,0.9220691269936476,0.19992971320414032,0.66 +3057,0.5051319359510349,0.1947921195862351,0.44 +3058,1.566513364007466,0.19212364008461202,1.58 +3059,1.7053782933239634,0.19325475795652097,1.62 +3060,1.2744945569469706,0.19227272074651025,1.28 +3061,2.324005413738885,0.19474854661397686,2.46 +3062,0.7754064380028525,0.19350263017611435,0.68 +3063,1.8185189226965295,0.19360608658710327,1.96 +3064,1.3641204813799885,0.19225191184228382,1.46 +3065,1.212005081500355,0.19213499737519274,1.32 +3066,2.2022361551195444,0.19400462558549658,2.2 +3067,1.3768406296158804,0.19172854935050185,1.34 +3068,0.1229996972828773,0.2630354196959547,0.1 +3069,1.3960865945135805,0.19329817146835293,1.54 +3070,1.166301593550679,0.19306766817174442,1.2 +3071,1.529506131273608,0.19201822895796583,1.48 +3072,2.7527088402941495,0.20290679154010774,2.54 +3073,0.4638924050439015,0.19694552329866255,0.46 +3074,1.953488155607451,0.21027171145591125,2.04 +3075,1.4897255028699585,0.19325573709453156,1.6 +3076,3.0404113480031696,0.20082223147504352,2.76 +3077,1.7609433774136556,0.19296548368236194,1.76 +3078,1.0227500503404605,0.19654289992079396,1.0 +3079,1.9717729670637216,0.19762602838534618,2.06 +3080,1.7586914738948836,0.1939322756380281,1.8 +3081,0.5603300517063583,0.1930797300336444,0.6 +3082,1.083762033833764,0.2148760910860367,1.14 +3083,2.077098532816579,0.1942045117506215,2.08 +3084,0.9781261349815114,0.19401812657982964,0.96 +3085,1.9361268082034822,0.19272294055023587,1.96 +3086,1.730603947029444,0.19425895805316074,1.82 +3087,1.2300396911555196,0.19866189274979515,1.32 +3088,1.5554683467521033,0.19382667411526097,1.76 +3089,1.7131568277794593,0.1924309115398215,1.82 +3090,0.86029026900172,0.19509315684682252,0.84 +3091,2.047561229463683,0.19360160453941347,2.04 +3092,1.3475078971300438,0.19217807029636572,1.3 +3093,1.3016099042724805,0.19197856024743945,1.3 +3094,2.2309850589913656,0.1961421443228697,2.18 +3095,1.6501448119432616,0.19213256394089473,1.98 +3096,1.0639225900845601,0.19230205841515768,1.16 +3097,2.085397688725308,0.19969352728342282,2.32 +3098,1.0281616736752919,0.193272191402967,1.04 +3099,0.6561835535801355,0.19425206186173047,0.62 +3100,1.4777461086922101,0.19363737592804142,1.5 +3101,1.8112529859393915,0.1946830488349588,1.86 +3102,0.5271615013768272,0.19295094906515767,0.44 +3103,1.1447590830951593,0.19190306783568956,1.22 +3104,1.305314753544358,0.19548978305503872,1.36 +3105,1.7986763858078931,0.1970592092539225,1.82 +3106,1.2143251375856612,0.1938032394543183,1.22 +3107,0.3199063280722396,0.19786015007437527,0.3 +3108,1.4549388634767122,0.1922641384329418,1.46 +3109,0.8578110089462467,0.1968649617329557,0.74 +3110,0.7641962984207598,0.19204305941673305,0.74 +3111,2.021593326489263,0.19509669034624436,2.06 +3112,1.2761089430909478,0.19233283424196285,1.16 +3113,2.314018883522842,0.19595969356035572,2.36 +3114,1.098397651480989,0.193929231994446,0.92 +3115,0.3038818330913391,0.19556586180155255,0.3 +3116,1.0611653426009053,0.19357240870606418,1.0 +3117,0.8428993139110568,0.19286465817383763,0.86 +3118,0.8013124045220512,0.19871856293973156,0.7 +3119,0.6993388450646321,0.19325184628099618,0.68 +3120,1.0982542715245205,0.19183424345964817,1.16 +3121,2.3084582885471217,0.1951026490020222,2.38 +3122,1.8405229157819476,0.19239778624707454,1.98 +3123,0.8820927944692438,0.194290494885956,0.84 +3124,1.2869699810447268,0.19223028548731846,1.36 +3125,0.7621117029860307,0.1934237550814458,0.66 +3126,1.3177370672389066,0.1920993889600813,1.28 +3127,1.0006055917063112,0.19692129851801274,1.04 +3128,0.800133929391063,0.19311895014810226,0.72 +3129,2.8966411896474384,0.1993156106221258,2.82 +3130,0.9205360034399512,0.19346601707730518,0.98 +3131,0.8395601867034617,0.19322459859898455,0.98 +3132,0.4979585673146807,0.19421966813207114,0.5 +3133,1.2650451708674377,0.19291135623566802,1.32 +3134,3.1728644852408103,0.2050218550658997,3.2 +3135,1.260203857035783,0.19186799544470604,1.3 +3136,1.6912823565260324,0.19215816818237103,1.74 +3137,1.1508408951094888,0.19487774115959777,1.16 +3138,1.944208827840432,0.19211271366326152,2.66 +3139,2.1437057699641486,0.19516562566600837,2.14 +3140,1.4551681174548299,0.19244635730140364,1.5 +3141,3.051561426793515,0.20090518172228158,3.0 +3142,1.0462076396940634,0.19306205102973506,0.9 +3143,1.9340312251011578,0.19302820777689464,1.96 +3144,0.9806842230555346,0.1923354967431237,0.9 +3145,0.8539891440139598,0.1930121086407404,1.0 +3146,1.5285897327883844,0.19227302861527595,1.56 +3147,1.3616660998171182,0.19241608030382867,1.46 +3148,1.3363027689333387,0.20563585850378807,1.28 +3149,2.9427510951650713,0.20358477484741572,2.9 +3150,1.159245747673459,0.19202354257712273,1.24 +3151,1.4743826842293672,0.19682361791498876,1.52 +3152,0.8153647304328024,0.19324541619067606,0.78 +3153,1.312215529665853,0.19201021506822846,1.4 +3154,1.1494223868202602,0.19535630732010048,1.12 +3155,0.6409930892808888,0.1926970837239937,0.62 +3156,3.1344945178053583,0.20083306246132449,2.96 +3157,2.919656739746474,0.19983977340240036,2.84 +3158,2.379627216197042,0.20007309085907385,2.38 +3159,1.1079143738886699,0.1924477682993243,1.1 +3160,0.7299212292383417,0.19364171768133076,0.68 +3161,0.6000442079716373,0.19330562580140798,0.52 +3162,1.599597994736309,0.19496273813773168,1.48 +3163,0.5233192232638006,0.19720039833703568,0.26 +3164,1.5309339215838498,0.1961896684257544,1.7 +3165,1.408048689743198,0.19202439937405233,1.38 +3166,1.4903665916951039,0.19216287290140358,1.64 +3167,2.436853030070679,0.1945866706429649,2.34 +3168,0.47610587953212624,0.19751913739195107,0.4 +3169,2.262252470292544,0.1973775096670162,2.3 +3170,0.4376620317377289,0.19319440877423888,0.42 +3171,1.7924304732138947,0.19447104860502007,1.68 +3172,1.4396339489891283,0.19255276484071238,1.44 +3173,0.41887139573030163,0.19641942362400977,0.42 +3174,1.429375787644346,0.19400120352088318,1.44 +3175,1.9452300848640633,0.19526130310385295,1.84 +3176,0.7324179307286056,0.20053301564023587,0.48 +3177,2.3079390703193083,0.19453388539190367,2.2 +3178,2.9780392509928206,0.19963922243797635,2.98 +3179,2.2818675636535626,0.19287638936857562,2.38 +3180,0.839181539315605,0.1929338587223234,0.78 +3181,2.398189737205746,0.19422236757024502,2.42 +3182,3.175282550138878,0.23100874491973095,3.52 +3183,0.0781080409091861,0.19710203820696257,-0.06 +3184,1.9486594140319267,0.19271738013093365,1.94 +3185,-0.0643205111374825,0.2216887842251012,-0.18 +3186,0.9028397967279287,0.1922538919297321,0.94 +3187,2.3615768323411293,0.19834811943192235,2.48 +3188,1.3392719721527917,0.19711032463395234,1.3 +3189,2.0028186461215136,0.19848806430614707,2.26 +3190,1.402618863610392,0.19245237699697706,1.66 +3191,1.157171709251093,0.19289333922714147,1.04 +3192,1.2023486540580293,0.1931597502784018,1.18 +3193,2.2679861913330597,0.1940662620734043,2.24 +3194,1.446917812746245,0.19200920670406052,1.34 +3195,1.558853643839654,0.19230594645565757,1.52 +3196,0.6394709215692331,0.19259828338804547,0.66 +3197,2.0680201389136763,0.1942795133871994,2.0 +3198,3.023214347480932,0.20142536251963525,3.08 +3199,0.9819854467654507,0.19423088397842095,1.1 +3200,0.9048295693141379,0.19588599051466193,0.88 +3201,0.9316671735737585,0.19331522697073003,1.34 +3202,1.17559090649566,0.19415493591989735,1.16 +3203,2.035283050509277,0.1926228957154714,2.06 +3204,1.0275517715859563,0.19248557158857288,1.0 +3205,3.4604759461492574,0.21084454157545598,3.64 +3206,1.51978957441302,0.19268179397356341,1.48 +3207,1.9460888773255154,0.1931063299604426,1.84 +3208,1.5316108357070424,0.19189813057094113,1.44 +3209,1.607884664410737,0.19237068265615115,1.58 +3210,1.232852493734525,0.19235667287844666,1.3 +3211,1.6869114305745465,0.19379207928479056,1.8 +3212,0.7588919980199038,0.19348510911527325,0.76 +3213,1.7654827423297053,0.19312563252143375,1.76 +3214,0.578018281739904,0.1940236953323965,0.46 +3215,1.6344463342445645,0.19196591974941823,1.78 +3216,0.6974568134336798,0.19392723068123566,0.6 +3217,0.610955254582596,0.19302235326200226,0.68 +3218,0.8518673778357999,0.1929427102212166,0.68 +3219,0.8686515850918677,0.1922270065351759,0.84 +3220,0.9918711585599245,0.19285804961516173,1.04 +3221,1.0402264690059417,0.1936685707427611,0.98 +3222,0.6982963410429943,0.19418629870738102,0.68 +3223,1.111310725232261,0.19257780203497174,1.1 +3224,1.2607839823017666,0.19429771014992608,1.14 +3225,1.3393649685027715,0.19203036427338127,1.32 +3226,1.270193816788297,0.19166049834451812,1.1 +3227,1.0554621534919275,0.19198343263161408,0.98 +3228,1.3182955117486093,0.19422771902491093,1.34 +3229,1.7883306407483697,0.19263242237041778,1.72 +3230,0.7991624764887919,0.19292829460797928,0.74 +3231,1.1164031872129745,0.19221302978039762,1.14 +3232,2.844605408255314,0.2009281123824998,2.82 +3233,1.7795710280063308,0.19521638542872052,1.72 +3234,0.9836780994951977,0.19294355207610783,1.1 +3235,2.8702807145608715,0.22833083724044714,3.06 +3236,1.3807234482809636,0.192717179406073,1.3 +3237,1.7496932740230746,0.19254800674091857,1.68 +3238,1.027539834258906,0.19211577395504337,1.08 +3239,2.9632047202467144,0.19909093603873568,2.9 +3240,0.5517653545024523,0.19316025115762114,0.5 +3241,3.3346114643445737,0.20983444271202656,3.7 +3242,0.6233481782872317,0.19416941629228293,0.64 +3243,1.8814074744711715,0.19236158893265545,1.74 +3244,1.2057113502292656,0.19187467801495436,1.24 +3245,1.4193233949065625,0.19220649669084905,1.44 +3246,1.382286070899521,0.19198659275679691,1.16 +3247,0.5197564646902557,0.2149351612456813,0.32 +3248,0.62079302394319,0.19735702287356216,0.54 +3249,0.3856228109931865,0.1948429560848746,0.36 +3250,0.9224459176372597,0.19233514671441115,1.0 +3251,1.6170111177294308,0.19849151676478485,1.64 +3252,1.912723288231104,0.19438760280258213,1.96 +3253,1.7541073944849672,0.19568992486687334,1.82 +3254,1.271662511235267,0.1921462712423965,1.2 +3255,1.433168300997648,0.1943138549261676,1.3 +3256,1.5050178965301364,0.1925226658597557,1.5 +3257,1.9540908247395437,0.1926840445957331,1.92 +3258,1.8235057707532003,0.1924364743146033,2.02 +3259,1.7411177797864705,0.1923705061689013,1.72 +3260,0.9968796719957678,0.19947017450068147,0.9 +3261,1.2899327618294962,0.19326667420068833,1.36 +3262,1.0325944420940902,0.1920365218472328,1.12 +3263,1.240857147519343,0.19283850050883253,1.38 +3264,0.580300992069716,0.19297327243543663,0.54 +3265,1.259554046065348,0.19292653892595746,1.16 +3266,1.2835162027861728,0.19497107224615678,1.36 +3267,2.3547624021425624,0.19493757414110252,2.34 +3268,1.7375794868136611,0.2004997938048111,1.86 +3269,0.7732606941745517,0.1950605960372899,0.76 +3270,2.3336657966872365,0.1969810331327746,2.26 +3271,1.5392978307737368,0.1929986748267974,1.54 +3272,2.025024978633423,0.19396160152177347,2.06 +3273,1.0533006554720594,0.20274728047511803,1.0 +3274,1.1329070256786111,0.19220940322346589,1.0 +3275,2.140286269809669,0.19465320415627083,2.34 +3276,1.6701928464763918,0.19223449424224331,1.76 +3277,1.351405021767906,0.19157011404534122,1.4 +3278,1.2810279149412804,0.19264461121231874,1.32 +3279,1.4324977330632245,0.1932592090266042,1.48 +3280,1.3687015896656596,0.19192743390866215,1.58 +3281,1.358769086676261,0.19331126641282914,1.58 +3282,0.42328483017488905,0.20117577272368234,0.42 +3283,1.708684925288002,0.19376319918492452,1.62 +3284,1.5897216000793963,0.1926859195763279,1.6 +3285,3.2730260039942745,0.20497745602251824,3.26 +3286,1.6670534244578614,0.19364537851994942,1.62 +3287,1.4456359614911913,0.19311895724228878,1.48 +3288,1.8371366871002421,0.19276369039491742,1.76 +3289,1.4011721526735106,0.19269311227484218,1.5 +3290,2.1861908322800594,0.19362409011058554,2.22 +3291,1.9662549907245865,0.19397268973074652,1.94 +3292,2.075676461876306,0.19645699227375138,1.96 +3293,1.8540383785655616,0.19212946233823122,1.78 +3294,0.588484263395991,0.19509139057425048,0.48 +3295,2.351775749631169,0.19609879345594558,2.34 +3296,1.357492064985395,0.1928312426670904,1.4 +3297,1.16390758095165,0.19324310272207654,1.3 +3298,1.1076728566617322,0.1932368161056605,1.08 +3299,0.987525636718892,0.1933503638403657,1.0 +3300,2.949283975094414,0.19861604796161653,3.0 +3301,1.14989558324987,0.19313810239908114,1.14 +3302,0.8097719435537978,0.19385071415505484,0.72 +3303,0.752090173928837,0.19351299037613995,0.86 +3304,1.273061815050093,0.19183148702177977,1.28 +3305,1.1326190626824268,0.19175118092719698,0.96 +3306,1.2076407680377428,0.1923143536449959,1.22 +3307,4.062235880222055,0.2407769189388928,4.2 +3308,1.7144484446375663,0.19338483922124697,1.76 +3309,1.3414259773084019,0.1931242557140416,1.34 +3310,2.1020451917941743,0.19469073326185846,2.08 +3311,0.5719295093242898,0.19363504131752793,0.62 +3312,1.8905471639338223,0.19311440161537693,1.86 +3313,1.9521270452721535,0.1979422127114697,2.0 +3314,1.4281460202184166,0.1980210535871654,1.54 +3315,2.1958648604658637,0.19356037659794884,2.22 +3316,2.821054670295237,0.2018518271253312,2.68 +3317,1.7583112381179107,0.19231851107113518,1.68 +3318,2.593722549430702,0.21056476526170517,2.36 +3319,1.0421587279368532,0.1999544499124125,1.08 +3320,0.9900304035424798,0.19355562476324648,0.9 +3321,1.3999581580191598,0.1933199214392653,1.36 +3322,1.3590933723494216,0.19213384094374328,1.36 +3323,1.5496079657772603,0.19234151119209345,1.66 +3324,3.312288836554446,0.22689920142405945,3.42 +3325,1.2110302540725635,0.19179878402409775,1.18 +3326,1.2371424084867795,0.19450255792540283,1.32 +3327,0.6743758993025,0.19499683316638092,0.86 +3328,1.1560461078179638,0.1946473934564778,1.12 +3329,1.5505133290026376,0.19290741419202395,1.58 +3330,1.0062977841546643,0.19436844515374085,0.9 +3331,0.23312047260803626,0.19677377375530097,0.02 +3332,2.7736060438378014,0.1973858711119779,2.76 +3333,1.1772100132903076,0.19224457578406828,1.26 +3334,0.6582760950028672,0.19436766825291002,0.52 +3335,2.759856276126959,0.19815701244206357,2.62 +3336,0.8386243105917042,0.19239931823693493,0.84 +3337,1.7938142167221724,0.1928275210218292,1.62 +3338,1.5111619200939361,0.19206926422238407,1.58 +3339,1.010951229931194,0.19568752923916163,1.0 +3340,0.9125298337019889,0.19724271186459608,0.76 +3341,1.3944774166127387,0.19205941165670384,1.38 +3342,1.2862887764993363,0.19306489509465577,1.28 +3343,0.5927247992248819,0.193114930641475,0.64 +3344,2.2198832026801436,0.1957377850165814,2.32 +3345,1.3748983714328236,0.1927596090442132,1.24 +3346,1.239923239033239,0.19203617312857854,1.18 +3347,1.620301302317372,0.19212343045228855,1.66 +3348,1.44625167680146,0.19337745443165982,1.52 +3349,1.9618954236136967,0.1933300649915846,2.02 +3350,1.8003048344724735,0.19357589171934314,1.74 +3351,1.125902629921422,0.19214692203103842,1.1 +3352,1.5654434166608406,0.19324096570152435,1.58 +3353,1.8898612464759776,0.1933162425347451,1.86 +3354,1.229826995468812,0.19226685169599145,1.3 +3355,0.9831284422466395,0.19293426573453118,1.08 +3356,2.9728732890546596,0.1996517719297153,2.94 +3357,1.8557340986051023,0.19199137815757192,1.94 +3358,3.0118154347175152,0.2028204821093617,2.98 +3359,1.1395012296673,0.19346108238726709,0.98 +3360,1.785487921518539,0.1952024511109904,2.08 +3361,1.8656507151490174,0.19287518434932566,1.96 +3362,1.103508102823279,0.19385067954796115,1.08 +3363,0.6150259572686303,0.19409369438125157,0.7 +3364,2.0802749437600805,0.19446100887628737,2.38 +3365,1.6424058240358934,0.19403141373291122,1.62 +3366,3.240771258766871,0.20372380463256734,3.6 +3367,0.9696648901444669,0.19218538331618434,0.96 +3368,1.2676840810344454,0.19540023864617975,1.22 +3369,0.7715306936427244,0.19881935725889072,0.84 +3370,1.8424038679946926,0.19274523939856147,1.92 +3371,1.255400256948056,0.192026222274746,1.22 +3372,2.6716533826040405,0.1984055388468942,2.56 +3373,0.7236248722800869,0.19371202660113412,0.52 +3374,1.2148996630675408,0.19465786880493327,1.26 +3375,1.3634120579844047,0.1923261832302907,1.42 +3376,1.5280779787271768,0.1930817973823047,1.54 +3377,0.2428427369653563,0.19515420975180273,0.24 +3378,2.4644002590063505,0.1936236821570168,2.56 +3379,1.7262444509481507,0.19221081498943884,1.68 +3380,1.02508576163758,0.1923647456224705,1.04 +3381,2.0983419374480907,0.1925004702906516,2.1 +3382,1.8646090759074698,0.2372014483654507,1.84 +3383,2.6078236739002327,0.19878088354438583,2.52 +3384,1.6252852879103066,0.19538069416212497,1.68 +3385,1.5488974588350781,0.19510026352523996,1.54 +3386,0.6949768271864625,0.1926118841214436,0.68 +3387,1.4617594043663948,0.19160681291266787,1.64 +3388,1.6522862797451316,0.19322767582952122,1.74 +3389,0.778940182690016,0.1926936630168494,0.72 +3390,0.0035594919626737997,0.2178478975741846,0.02 +3391,0.4484961669469354,0.19490020702008282,0.34 +3392,0.9339943750382447,0.19584080591645683,0.86 +3393,1.236784384044785,0.1934664554950908,1.22 +3394,1.4096338753246331,0.19404870764249116,1.4 +3395,2.617899915033892,0.1994256328792846,2.74 +3396,1.307286245675344,0.1931348258037463,1.86 +3397,1.4328452909747411,0.1929214563574833,1.44 +3398,1.6657871937444741,0.19201767219115293,1.58 +3399,0.9370426056765457,0.19281397660506217,0.96 +3400,0.9220217845143241,0.1931149219761222,0.86 +3401,0.6360671815693215,0.19678496056851288,0.5 +3402,3.6654460026218687,0.21045026816985893,3.62 +3403,1.0730373761368077,0.19226762799996872,1.12 +3404,1.9383653977838509,0.19230354575905625,1.86 +3405,1.7276333283415481,0.19177138925330212,1.7 +3406,2.284155681667517,0.19398601990792197,2.54 +3407,1.205683689187636,0.19178410515165373,1.22 +3408,0.8911400747082658,0.19239540523686427,0.9 +3409,1.2690609853024664,0.19348200280389027,1.22 +3410,1.5961080869071629,0.19300102744554112,1.52 +3411,1.0926259544251766,0.19231447613400066,1.22 +3412,0.8003247334492349,0.1931260257071158,0.82 +3413,1.3227181622894046,0.19270057393909795,1.24 +3414,1.043742515149344,0.19272186517873788,1.04 +3415,0.15156646651027428,0.1948032374930458,0.08 +3416,0.94614673093441,0.19245012871957393,0.92 +3417,0.8043296691937871,0.19775961567624792,0.82 +3418,1.7456356700858637,0.19262352780071978,1.68 +3419,2.898476288453056,0.20385627495777223,2.6 +3420,1.3402221724875978,0.1920218971011414,1.32 +3421,3.433441798605627,0.21172882615897212,3.54 +3422,0.34281103925594403,0.2021095946965916,0.5 +3423,0.847207020918336,0.19243361154952598,0.72 +3424,1.9361267143598107,0.1922858220664528,1.92 +3425,2.046788656116082,0.1932767577891376,2.02 +3426,1.201279942135129,0.1958624539668352,0.78 +3427,1.7499593624591454,0.192806383500752,1.74 +3428,1.4076281768855305,0.1973976959413346,1.3 +3429,1.5353134988417385,0.19257346014335666,1.46 +3430,1.1132729574571028,0.1923314720876984,1.06 +3431,2.3700169533510027,0.19467593503471836,2.38 +3432,1.0407436937450893,0.1944182697610257,1.02 +3433,1.6404410540977419,0.19680028813010103,1.48 +3434,0.9957160072102149,0.19282075170126936,0.92 +3435,1.2260148459145603,0.19633292761580168,1.2 +3436,1.7532798170223294,0.20722129632940478,1.9 +3437,1.4102826769632526,0.19232659820610518,1.38 +3438,1.4558911444609346,0.1922348435451581,1.4 +3439,2.1714224073337287,0.19328265253511853,2.38 +3440,1.0372131828739355,0.1922879525659127,1.0 +3441,0.9832800893131748,0.19529774097590213,0.94 +3442,0.9289141132212166,0.19324167348325164,0.88 +3443,0.7743367169007498,0.1928865597231257,0.72 +3444,1.1617752187701815,0.19193394450487014,1.22 +3445,3.7868252504619337,0.22133636837854453,3.72 +3446,1.5985404163824568,0.19206028487599575,1.82 +3447,1.2128162703144159,0.19201975419819567,1.3 +3448,0.39283558121358597,0.1930080446955911,0.46 +3449,2.3295578993688566,0.1942188264449543,2.22 +3450,2.714904684629311,0.19667143072546361,2.72 +3451,0.8627100301379627,0.19219873943027752,0.84 +3452,0.3540704859402459,0.2282294958438017,0.26 +3453,1.4982986646942194,0.19264733885744187,1.54 +3454,2.264612882331996,0.1939159599174165,2.32 +3455,2.228339207663368,0.19462756915705476,2.3 +3456,0.9436765042899862,0.19214337765152104,0.84 +3457,1.5534390581832969,0.19201161610422385,1.82 +3458,1.0791501148798246,0.1928056069879399,1.06 +3459,0.3164967326499659,0.19386250493321,0.28 +3460,0.9081608294581929,0.19308352408897114,0.88 +3461,2.0120204395721575,0.19267739239846077,1.86 +3462,2.350071947871857,0.2015242245662691,2.18 +3463,3.650689050630705,0.21150155368588286,3.64 +3464,0.989981833783458,0.1944253164647697,0.94 +3465,1.4726552317749753,0.19235031015030715,1.5 +3466,1.1546367787607656,0.19184465672293935,1.06 +3467,2.1381712107443485,0.20732030127392545,1.98 +3468,2.0739443112907963,0.194721942514552,2.16 +3469,0.5916513606592022,0.1965446618970396,0.7 +3470,1.9540351381070313,0.1922778319960534,1.76 +3471,2.0551910643624622,0.19245928564725828,2.02 +3472,0.5131729327821062,0.1962408768272901,0.42 +3473,1.5206260491892416,0.19196469469936986,1.52 +3474,2.8441061025748646,0.2014403366466019,2.58 +3475,0.5425100429138277,0.19316111801951893,0.54 +3476,0.6539602120432009,0.19382959547641715,0.68 +3477,0.704121655037143,0.19511131651076286,0.72 +3478,1.459579979056286,0.19201685252028178,1.48 +3479,0.911186972474606,0.19327017507166114,0.76 +3480,1.098215651073256,0.1927690655906882,0.94 +3481,4.410062009865973,0.36352472060068425,4.66 +3482,1.5902702248466292,0.19195544752848365,1.44 +3483,1.0813373617045232,0.19292422219222977,1.04 +3484,1.2525404026846743,0.20058239939001699,1.28 +3485,1.1833166641085904,0.1923483643318144,1.28 +3486,1.4197632941740248,0.19313991989381896,1.56 +3487,1.2955256370610875,0.19272280060625627,1.22 +3488,1.6922158477373856,0.19227184208072523,1.7 +3489,1.6355377537819682,0.19303559229498005,1.74 +3490,1.0944025935433959,0.19587663532438213,1.14 +3491,1.0263471166935774,0.1946057189890856,0.94 +3492,1.62989544586581,0.19230125748934712,1.66 +3493,0.5920224290813239,0.19686520514494632,0.52 +3494,1.574671703164483,0.19185076746483354,1.52 +3495,2.396648589140289,0.19631796386401698,2.5 +3496,1.0186832642938106,0.19280114389393108,1.0 +3497,1.763968923025757,0.19533834763492752,1.54 +3498,2.0610904516526873,0.20379055261631068,2.14 +3499,1.600425691569034,0.1992799992543284,1.78 +3500,1.9517150546520852,0.19333506818139257,1.88 +3501,0.5624216816780812,0.19537006200851842,0.56 +3502,1.1649158520521952,0.19217266636400043,1.04 +3503,0.6118118966666564,0.1967776353933861,0.58 +3504,1.7773403759815145,0.19287142057615447,1.8 +3505,1.2975336212533208,0.19158316286558635,1.32 +3506,0.8934717915951054,0.19432182825154987,0.9 +3507,1.2819025878090593,0.1924122719137793,1.06 +3508,1.413228781231631,0.19221933128433344,1.44 +3509,1.3466365871083492,0.19177563319051844,1.44 +3510,0.7751905454462036,0.1933173152938416,0.82 +3511,1.9689037848901818,0.1930579841025974,2.04 +3512,2.087310892727078,0.19265977915631755,2.02 +3513,1.6536402810833626,0.19205692772456648,1.76 +3514,1.1302800743342831,0.1919471142297487,1.2 +3515,1.6071854524605267,0.193103846869052,1.54 +3516,1.9522306235762064,0.19854915367716952,2.5 +3517,1.2427700506584913,0.19284116792739855,1.22 +3518,1.7105611728293417,0.20450739106262447,1.62 +3519,1.4159442874371293,0.19205789921332722,1.44 +3520,1.6903247894851678,0.19639396334856546,1.78 +3521,1.770934493380555,0.19336598466351682,1.76 +3522,1.933909372126648,0.2009442326442143,1.88 +3523,1.5580578266335912,0.19238470709867567,1.54 +3524,2.984423508062075,0.19987439989762373,2.94 +3525,1.8975769323193545,0.19229003001167688,1.98 +3526,1.638552650047965,0.1930146763896525,1.6 +3527,1.1134888555243658,0.1921307296422548,1.02 +3528,1.0523485781552888,0.19297992651628876,1.02 +3529,2.823966484361154,0.2083812963891738,2.72 +3530,0.7635009148189362,0.1931885112158729,0.78 +3531,0.7096400490382684,0.19319354000636815,0.7 +3532,1.636559791656477,0.19292611347121322,1.62 +3533,1.6492845217504999,0.1920244361959529,1.6 +3534,3.515018966465016,0.25991743583695726,3.88 +3535,0.9814307772575952,0.19207330927316535,1.0 +3536,1.5468993575933436,0.19337578294809776,1.38 +3537,1.3559507436946565,0.19240757137495154,1.2 +3538,1.227792807415987,0.2027908334162113,1.44 +3539,1.7465400096903054,0.19422749641392548,1.74 +3540,2.727060996262176,0.1980538676283024,2.74 +3541,0.871489044171843,0.1926563412209523,0.88 +3542,0.9574242483067841,0.19423095897726297,0.98 +3543,1.242477289461648,0.19368004547573048,1.26 +3544,0.30552108466588956,0.1950167743166079,0.36 +3545,3.229695596208208,0.20768534989291287,3.4 +3546,2.969436993621779,0.20236026348572927,2.88 +3547,1.8697217654074643,0.19378822274356464,1.86 +3548,1.099098691956804,0.19258612861993277,1.18 +3549,1.0540413483932594,0.19227461737280369,1.1 +3550,2.7986419791602963,0.19820464244611166,2.7 +3551,0.9194342001098081,0.19281738102595453,0.94 +3552,1.7014624866879973,0.19179085209704375,1.76 +3553,1.7473688453218643,0.1948743329346976,1.74 +3554,0.6205393785570661,0.20253380940605753,0.62 +3555,0.9436962175307424,0.19280245401638385,0.98 +3556,1.1777912626026965,0.19290513150724808,1.1 +3557,0.9926577975309088,0.1947895706746499,0.92 +3558,1.456543621222297,0.19322814125625107,1.54 +3559,0.7783529290929194,0.20041352646715155,0.78 +3560,0.7977693555769849,0.19312971799687906,0.72 +3561,1.1240855941655945,0.19204146228237784,1.22 +3562,1.0623968782517887,0.1928627037267456,1.92 +3563,2.731504515089418,0.19704516182248588,2.96 +3564,0.87099410346802,0.2295292385912686,0.92 +3565,1.2561298043355849,0.19963056870565113,1.22 +3566,1.0275786223723427,0.19282965772944502,1.0 +3567,1.9986463537905634,0.19573455542792983,1.92 +3568,0.132737480124264,0.2063121536079471,0.14 +3569,1.4757251533367701,0.1925082608403679,1.52 +3570,0.6824768941198927,0.19335361113523092,0.62 +3571,1.151480578970459,0.19213699887083527,1.14 +3572,1.0190449477282448,0.19203593103145597,1.04 +3573,1.881231392413016,0.20250283312842662,1.82 +3574,0.7773825752297427,0.19851747139878917,0.86 +3575,1.1282857392099417,0.19360975315292053,1.3 +3576,1.5185040859008905,0.19611974988782055,1.56 +3577,0.6180167183687817,0.1937467744947674,0.54 +3578,1.4766395156175647,0.19549986150328133,1.6 +3579,0.76285322387703,0.19285892600440196,0.98 +3580,3.565399790130655,0.2153586283265229,3.82 +3581,1.2592040186571807,0.1922594601052111,1.32 +3582,0.6838564537109311,0.1946404258541552,0.58 +3583,0.33795669847676235,0.1945985404417347,0.22 +3584,1.392559560930001,0.19375320285353415,1.44 +3585,2.2230372102315594,0.20143934255645712,2.14 +3586,1.3020562982163626,0.19196245805959303,1.34 +3587,0.3560101519579679,0.19533648551483465,0.44 +3588,2.063144710177007,0.20473503756540715,2.18 +3589,1.9118919185757677,0.19286979476173427,1.82 +3590,1.0524338015393053,0.19447432263852113,1.02 +3591,0.6495080233734583,0.19623444592337663,0.44 +3592,0.9052815430436607,0.19279569665709007,1.06 +3593,1.4217634900702536,0.1932918252630413,1.54 +3594,1.2888793633969216,0.19326963825373408,1.42 +3595,1.7654575717795322,0.19231710058196427,1.78 +3596,0.7015332241988035,0.19238703134423665,0.6 +3597,1.4115287817666746,0.19357022400427487,1.3 +3598,1.8137077545452533,0.1921133131286299,1.82 +3599,2.172214872560827,0.19445554248330282,2.16 +3600,1.8944470006808234,0.19505454422936602,1.94 +3601,0.7447080586359589,0.1929967203398366,0.6 +3602,0.6455686972538088,0.1934479366044437,0.68 +3603,3.977527557556084,0.2354977100656219,4.14 +3604,2.389338373159259,0.195029405694387,2.32 +3605,2.062925116939516,0.19218671393430506,2.04 +3606,0.5274898657654616,0.1972571954860428,0.36 +3607,1.3255712140637237,0.19220870225677034,1.34 +3608,1.4225016653359632,0.19268529484916244,1.3 +3609,1.5211508162965397,0.1923919539582815,1.42 +3610,1.2998304797459848,0.1926006986899145,1.16 +3611,2.2438364367264723,0.19465061801211622,2.28 +3612,1.7507040070203463,0.19589510191459725,1.84 +3613,0.9244666225698386,0.19387480512461233,0.76 +3614,1.3018122364515752,0.19287872355152283,1.3 +3615,1.238135247918113,0.19370599187066637,1.22 +3616,2.220151226310413,0.1946151875456235,2.14 +3617,1.1913340846870724,0.19294536089529832,1.1 +3618,1.174659440855614,0.19380775333383204,1.22 +3619,0.7719516023941213,0.19550826207226651,0.54 +3620,1.3474153288666373,0.19249079120425122,1.34 +3621,1.3903500459689382,0.1982871924167895,1.36 +3622,0.6682453959709069,0.1932997352840266,0.62 +3623,1.369309925354854,0.19385812941403277,1.4 +3624,0.8746472423277747,0.1924574000452733,0.92 +3625,1.2773959418709135,0.1918859730280497,1.22 +3626,1.1287682164442763,0.19241755476431444,1.16 +3627,1.6257764719694676,0.19550697660800975,1.66 +3628,0.6499307923845605,0.19435556071051194,0.56 +3629,1.290928865756841,0.19218937452336107,1.34 +3630,1.4387400323283814,0.19287093449975898,1.42 +3631,0.8962354665080983,0.19291798202564234,0.96 +3632,2.2836301573827726,0.20209739385352926,2.22 +3633,2.149909766043477,0.1938768482670489,2.14 +3634,1.184291512411162,0.192787323830356,1.24 +3635,3.7234787357462014,0.23499882522145144,3.66 +3636,2.4502013339923976,0.19932626934775072,2.54 +3637,0.8540887301041553,0.1925018029848467,0.98 +3638,-0.06839810895083298,0.3017051428399199,-0.14 +3639,1.485886781630938,0.19215315256269666,1.56 +3640,1.5515990582299994,0.19541857226826395,1.72 +3641,1.766185790051503,0.19352741961863895,1.76 +3642,0.1333980209453638,0.19495813180770302,0.16 +3643,0.7005421070227791,0.19536155480731832,0.62 +3644,0.8321109759294161,0.1932812679757722,0.7 +3645,1.5488799407058598,0.1922912381148712,1.5 +3646,1.1754337158387789,0.19196399089149038,1.14 +3647,1.0454336468546601,0.20275709435145212,0.88 +3648,0.9552057411011474,0.19276290637300306,0.84 +3649,1.1027922376464798,0.19395368905084265,1.1 +3650,0.9767975775374391,0.19478589685142142,0.9 +3651,1.4704852033408184,0.19160296358957354,1.5 +3652,0.8512440765879918,0.19366686301292413,0.96 +3653,0.9929975646414895,0.19328990701028018,1.06 +3654,1.0029424077163296,0.19193681192325,1.08 +3655,1.4344611764894402,0.19519970934973074,1.42 +3656,1.7752988142602395,0.19220058938384046,2.3 +3657,1.5681236795368725,0.19219060073403985,1.42 +3658,1.2446517464487372,0.19530246841067964,1.26 +3659,1.3033731249830551,0.1933262720602059,1.26 +3660,1.7386994029679035,0.19293745358283726,1.72 +3661,1.1762303228408348,0.19283106811627337,1.18 +3662,2.0551165172357186,0.19335056575525464,2.04 +3663,0.8427893078265822,0.19316320591785627,0.82 +3664,0.8787144159439451,0.19326076251777635,0.9 +3665,1.1176183844239422,0.19328652395286586,1.2 +3666,1.9637244722207607,0.19808167623335202,2.02 +3667,2.561282955426678,0.2004144404510313,2.66 +3668,1.0387774378937604,0.1930702639015013,0.9 +3669,1.9341477298416243,0.19307894605336642,1.88 +3670,1.1980499808973906,0.19217623633707498,1.18 +3671,2.121181802832344,0.19432909848132435,2.18 +3672,1.5138040410255535,0.19183661976864,1.44 +3673,0.4047013091280891,0.19467678258559806,0.44 +3674,1.4153570020866026,0.19192936813323525,1.3 +3675,4.021753955459815,0.2874449681589623,4.12 +3676,1.8364526544606075,0.1926931984407273,1.78 +3677,1.0210526252477359,0.1929855910896054,0.98 +3678,1.3349381402703808,0.19209822810898303,1.24 +3679,1.7856630923320487,0.19251654772133564,1.92 +3680,0.9490486185232085,0.1924951736760449,1.02 +3681,1.3901180141496439,0.19508982471029152,1.42 +3682,0.9187496661810495,0.19225933295045736,0.86 +3683,0.3545146163413473,0.2015254613929458,0.28 +3684,2.0536884657917898,0.1962317231967399,1.92 +3685,1.426896414930749,0.19322917434732856,1.5 +3686,0.8750767956573973,0.1954717807972507,0.9 +3687,3.464707954397767,0.2146157850066794,3.42 +3688,3.327868920861298,0.2136233228991655,3.12 +3689,3.2243526732966896,0.20115282186498656,3.08 +3690,0.9403670076698156,0.19421074894617246,1.04 +3691,2.144518037727478,0.19372534782326978,2.14 +3692,2.3963141894210076,0.1954115478901842,2.4 +3693,1.4951420221227525,0.19340206006191463,1.4 +3694,1.2442293587722184,0.19248761360315117,1.32 +3695,1.7091360131296738,0.1925254372143267,1.7 +3696,1.9682939796202192,0.19290783999145084,1.94 +3697,0.945610458296033,0.1932256189766245,0.98 +3698,1.4028468011706345,0.1918967152474814,1.44 +3699,1.598794261065723,0.19221374788723145,1.4 +3700,1.3346933150521605,0.19216262377673912,1.48 +3701,2.011462427402876,0.19249328815959796,1.8 +3702,1.2806876136460548,0.19441196057682525,1.22 +3703,1.7922122881277196,0.19332926930286087,1.74 +3704,0.6986303920164549,0.19565013410285925,0.76 +3705,1.1044744412739305,0.1932206863001617,1.04 +3706,1.2858400281134448,0.19318296594898654,1.08 +3707,1.0028656270007335,0.192802770369317,1.04 +3708,1.6852055886866464,0.1933205025318746,1.62 +3709,1.2763380980210495,0.19383438340519601,1.36 +3710,1.4661004770071293,0.19188122627890838,1.4 +3711,1.1471403939914064,0.19215099233405392,1.22 +3712,1.7590323768771952,0.195093891010534,1.7 +3713,1.0388468294498234,0.19350070825583537,0.92 +3714,1.1361149185048283,0.19312813839440135,1.02 +3715,1.3535472064908105,0.1934377819118362,1.34 +3716,0.5760200363385386,0.19408567636392407,0.5 +3717,0.8675651064219205,0.19378419353452353,0.78 +3718,2.208454562955532,0.1950546146971102,2.3 +3719,1.277695614447015,0.1928077487008412,1.36 +3720,2.4890642061030372,0.19708539609047548,2.44 +3721,1.0589878808786195,0.19255484234146406,1.0 +3722,1.2245408196074137,0.19211699516714278,1.4 +3723,0.7251025879274962,0.19804956199738163,0.66 +3724,1.4832987269979916,0.19285563911257228,1.46 +3725,0.7410297284682179,0.1945239101211884,0.68 +3726,1.0012301015595315,0.19229855164473544,1.0 +3727,1.4710229429742863,0.19309001946684803,1.56 +3728,2.3594644269613947,0.19438326744691267,2.32 +3729,1.2738351149190854,0.19292934682164467,1.3 +3730,1.1287404470938482,0.19505836537922097,1.18 +3731,1.8388460193229554,0.19558107930979376,1.88 +3732,2.0609024039633215,0.19298003133975655,2.08 +3733,0.8390764624818305,0.1958508207995835,0.86 +3734,1.5062890317698776,0.19438746929512907,1.64 +3735,1.3856076704331932,0.19252348186182194,1.4 +3736,1.3032106562843597,0.20143683919575583,1.4 +3737,2.8216468074595915,0.19787915751297933,2.72 +3738,1.0865618733370161,0.19623869290474513,1.24 +3739,1.8181917290532357,0.19595502061187867,1.98 +3740,2.4631529177177653,0.19434664542849925,2.46 +3741,0.8517112799573137,0.1977736794209163,0.94 +3742,0.5949382536661374,0.1938696075758811,0.56 +3743,2.9797429245587703,0.2050010303562009,3.16 +3744,1.0247079622522022,0.1925195192114429,1.12 +3745,2.273611505353029,0.1952402334061058,2.16 +3746,1.090820779615766,0.19288100156277413,1.12 +3747,0.9921547196256593,0.19254416661580004,1.0 +3748,0.4813341615533626,0.19320435789343113,0.56 +3749,1.2958735937833352,0.1916174448496353,1.44 +3750,1.9925754337765365,0.19294828206555964,2.14 +3751,0.7387805696944976,0.23918125821140662,0.54 +3752,1.7365419830858122,0.19332361430416806,1.76 +3753,1.7976466097856618,0.1932412250225266,1.74 +3754,1.0446420018324143,0.1930123371972286,0.98 +3755,1.9867326591370946,0.19412394452344245,2.46 +3756,1.272296969313833,0.1931521009565039,1.46 +3757,1.4963934819981914,0.19466297620202322,1.6 +3758,2.510424085518309,0.19533293654612294,2.5 +3759,0.9500838368494686,0.19400144457667087,0.98 +3760,2.4099527209748675,0.19903389439030575,2.24 +3761,0.9556191305041977,0.1922565897569353,0.9 +3762,1.855648149013866,0.19927234854591394,1.9 +3763,1.960749799426345,0.19586914845329897,1.98 +3764,0.9470482653757304,0.19288934963159818,0.98 +3765,0.9160951152272392,0.19553980160142476,0.94 +3766,1.7992121300660968,0.19618209173341095,1.94 +3767,1.2771607130720386,0.19486824673449846,1.28 +3768,2.5858498207341305,0.2264383131661893,2.62 +3769,0.9497541304772539,0.1919211197443624,0.92 +3770,1.9200648302718988,0.1953661440225923,1.84 +3771,3.2782386579044274,0.20448730842007368,3.32 +3772,1.616203721322996,0.19198757368722486,1.64 +3773,0.8784487948443256,0.1942956871433751,0.8 +3774,1.3492004600220926,0.19259435275902442,1.5 +3775,0.8955226809507759,0.19560015358632646,0.9 +3776,0.8682965251947947,0.1926978706630125,0.86 +3777,1.353550015798381,0.19246056506709286,1.36 +3778,1.4359401515377779,0.19422938689853625,1.56 +3779,0.3882040560370412,0.19535126826612217,0.16 +3780,1.7106423558969737,0.19393665815379554,2.04 +3781,1.970817924548189,0.1938860259118169,2.2 +3782,2.124645536796716,0.19428595318633196,2.16 +3783,2.4412129801352633,0.19452575845048156,2.48 +3784,1.0143827765023814,0.19247579767215475,1.06 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/val-metrics-2022.02.11.10.26.23.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/val-metrics-2022.02.11.10.26.23.csv new file mode 100644 index 0000000..8e4d577 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/val-metrics-2022.02.11.10.26.23.csv @@ -0,0 +1,7 @@ +,0 +nll,-426.8968202362067 +sharpness,0.19610600434876166 +variation,0.04967710325320059 +mae,0.07728312678491109 +mse,0.011610575787668364 +rmse,0.10775238181900372 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/val-metrics-2022.06.23.17.13.06.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/val-metrics-2022.06.23.17.13.06.csv new file mode 100644 index 0000000..5427d35 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-1000-4/val-metrics-2022.06.23.17.13.06.csv @@ -0,0 +1,7 @@ +,0 +nll,-426.8755356378339 +sharpness,0.1961047939885721 +variation,0.04966054786549068 +mae,0.07728752990283382 +mse,0.011613017092102936 +rmse,0.1077637095320263 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.01.19.14.41.32/train/events.out.tfevents.1642603292.node-j00a-002.myriad.ucl.ac.uk.38564.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.01.19.14.41.32/train/events.out.tfevents.1642603292.node-j00a-002.myriad.ucl.ac.uk.38564.0.v2 new file mode 100644 index 0000000..b8e84dd Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.01.19.14.41.32/train/events.out.tfevents.1642603292.node-j00a-002.myriad.ucl.ac.uk.38564.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.01.19.14.41.32/validation/events.out.tfevents.1642603340.node-j00a-002.myriad.ucl.ac.uk.38564.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.01.19.14.41.32/validation/events.out.tfevents.1642603340.node-j00a-002.myriad.ucl.ac.uk.38564.1.v2 new file mode 100644 index 0000000..cdb4dc0 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.01.19.14.41.32/validation/events.out.tfevents.1642603340.node-j00a-002.myriad.ucl.ac.uk.38564.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.01.20.08.02.18/train/events.out.tfevents.1642665738.node-e00a-006.myriad.ucl.ac.uk.162773.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.01.20.08.02.18/train/events.out.tfevents.1642665738.node-e00a-006.myriad.ucl.ac.uk.162773.0.v2 new file mode 100644 index 0000000..6bb7e1c Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.01.20.08.02.18/train/events.out.tfevents.1642665738.node-e00a-006.myriad.ucl.ac.uk.162773.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.01.20.08.02.18/validation/events.out.tfevents.1642665797.node-e00a-006.myriad.ucl.ac.uk.162773.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.01.20.08.02.18/validation/events.out.tfevents.1642665797.node-e00a-006.myriad.ucl.ac.uk.162773.1.v2 new file mode 100644 index 0000000..56a1e97 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.01.20.08.02.18/validation/events.out.tfevents.1642665797.node-e00a-006.myriad.ucl.ac.uk.162773.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.01.20.15.20.20/train/events.out.tfevents.1642692021.node-l00a-002.myriad.ucl.ac.uk.245419.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.01.20.15.20.20/train/events.out.tfevents.1642692021.node-l00a-002.myriad.ucl.ac.uk.245419.0.v2 new file mode 100644 index 0000000..bfdc272 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.01.20.15.20.20/train/events.out.tfevents.1642692021.node-l00a-002.myriad.ucl.ac.uk.245419.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.01.20.15.20.20/validation/events.out.tfevents.1642692063.node-l00a-002.myriad.ucl.ac.uk.245419.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.01.20.15.20.20/validation/events.out.tfevents.1642692063.node-l00a-002.myriad.ucl.ac.uk.245419.1.v2 new file mode 100644 index 0000000..ea2b902 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.01.20.15.20.20/validation/events.out.tfevents.1642692063.node-l00a-002.myriad.ucl.ac.uk.245419.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.01.26.17.01.43/train/events.out.tfevents.1643216504.node-e00a-006.myriad.ucl.ac.uk.159649.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.01.26.17.01.43/train/events.out.tfevents.1643216504.node-e00a-006.myriad.ucl.ac.uk.159649.0.v2 new file mode 100644 index 0000000..0525a6e Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.01.26.17.01.43/train/events.out.tfevents.1643216504.node-e00a-006.myriad.ucl.ac.uk.159649.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.01.26.17.01.43/validation/events.out.tfevents.1643216552.node-e00a-006.myriad.ucl.ac.uk.159649.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.01.26.17.01.43/validation/events.out.tfevents.1643216552.node-e00a-006.myriad.ucl.ac.uk.159649.1.v2 new file mode 100644 index 0000000..628a7bc Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.01.26.17.01.43/validation/events.out.tfevents.1643216552.node-e00a-006.myriad.ucl.ac.uk.159649.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.02.10.19.12.25/train/events.out.tfevents.1644520346.node-e00a-014.myriad.ucl.ac.uk.112237.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.02.10.19.12.25/train/events.out.tfevents.1644520346.node-e00a-014.myriad.ucl.ac.uk.112237.0.v2 new file mode 100644 index 0000000..8d51264 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.02.10.19.12.25/train/events.out.tfevents.1644520346.node-e00a-014.myriad.ucl.ac.uk.112237.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.02.10.19.12.25/validation/events.out.tfevents.1644520405.node-e00a-014.myriad.ucl.ac.uk.112237.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.02.10.19.12.25/validation/events.out.tfevents.1644520405.node-e00a-014.myriad.ucl.ac.uk.112237.1.v2 new file mode 100644 index 0000000..75241a2 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/2022.02.10.19.12.25/validation/events.out.tfevents.1644520405.node-e00a-014.myriad.ucl.ac.uk.112237.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/metrics.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/metrics.csv new file mode 100644 index 0000000..b7b5417 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,-2217.453094993935 +sharpness,0.18973688419182813 +variation,0.024385297441983134 +mae,0.07691015128188643 +mse,0.012028532748892548 +rmse,0.10967466776285464 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/predictions.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/predictions.csv new file mode 100644 index 0000000..588d859 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/predictions.csv @@ -0,0 +1,3787 @@ +,Predicted value,Predicted standard deviation,True value +0,1.5495919896456256,0.18864428060261243,1.48 +1,1.5361994487211839,0.1886331039312131,1.4 +2,1.0456460299415309,0.18871181171975818,1.08 +3,0.569833817886807,0.18873407604663528,0.62 +4,1.2265101248170247,0.18847672139432572,1.18 +5,1.3818431654293912,0.18849751657187014,1.44 +6,0.25740302735505427,0.19153814807038055,0.0 +7,3.758770382048299,0.2076662764390513,3.34 +8,1.2605447341591927,0.18846211706462662,1.08 +9,3.854125054845311,0.22002859381408305,3.74 +10,3.4153076613346434,0.19101694606231684,3.2 +11,2.1274909471813723,0.1895896915938359,2.22 +12,0.5803372611751578,0.18870306185216243,0.62 +13,1.8885482865930607,0.18892372206421268,1.86 +14,1.4657548789907795,0.18856947832414808,1.44 +15,2.145701404301559,0.18966523806089292,2.32 +16,1.0162276377785677,0.18875599468786866,1.02 +17,3.0532122435368283,0.19084438571757487,2.8 +18,1.5163747371063832,0.18861580846832973,1.54 +19,1.0366535728975512,0.1887257435056133,1.1 +20,2.1132143657181715,0.18953245954983666,1.92 +21,1.1616719929408197,0.18853696678573437,1.14 +22,1.129253553236299,0.18858051572503914,1.1 +23,1.0874088587529809,0.18864494662290626,1.0 +24,1.348036197424909,0.18847623410877284,1.28 +25,2.616705819670301,0.19171400987211165,2.48 +26,1.1028573898693719,0.18862045383638765,1.1 +27,1.411388770796319,0.18852072343002954,1.4 +28,1.4708306844943408,0.18857415767951402,1.44 +29,1.1101564404830466,0.18860913084905928,1.14 +30,0.33244218685083404,0.19081596979045495,-0.04 +31,0.7385825314712398,0.1886991203495651,0.66 +32,1.638838277508608,0.18870914365912694,1.7 +33,1.1465380101748075,0.1885563951594893,1.18 +34,1.0778965868706074,0.18866024644627483,1.02 +35,0.7589555404294697,0.18872858173054066,0.88 +36,0.5679210434053605,0.18874032217135955,0.56 +37,1.039040536615109,0.18872208098445045,0.92 +38,0.6145426160347853,0.18863767074709895,0.58 +39,1.4442181997418457,0.18854963188965343,1.54 +40,1.0365760837381297,0.18872586943724812,0.98 +41,2.128922705398539,0.18959556290596088,2.04 +42,1.3817070793832757,0.18849742948635825,1.36 +43,3.9133742660803623,0.23264619965343242,3.96 +44,1.8540824187481306,0.18887602474102808,1.82 +45,1.5712718516584465,0.18866173119965923,1.74 +46,2.306214321740746,0.19043021741979554,2.26 +47,1.2300162606787686,0.18847468315693708,1.22 +48,0.43261384631048005,0.18969868430792922,0.48 +49,1.2630370367379335,0.18846151429990424,1.2 +50,2.268862201450136,0.19024135488183078,2.1 +51,1.0726239643615865,0.18866874480511825,0.94 +52,0.896328659784879,0.18885109911283912,0.9 +53,2.7108183352272155,0.1918352860150391,2.72 +54,1.7275904391286228,0.1887639312666872,1.6 +55,1.7149649208465567,0.18875591489014323,1.66 +56,1.1475442617624163,0.1885550467653949,1.18 +57,1.877291277320673,0.18890707590692665,1.88 +58,1.2211564382456281,0.18848013811207653,1.26 +59,0.9647297272996342,0.18881794438870356,0.82 +60,1.731191504014742,0.18876632706104965,1.62 +61,1.218800670102053,0.18848171512297385,1.26 +62,1.624495623665511,0.18869985004393194,1.6 +63,2.056401719513273,0.1893263976733443,2.08 +64,0.6052986689053175,0.1886503262592456,0.5 +65,0.9187626400272475,0.18884752408212124,0.92 +66,1.278578602058863,0.1884592071840433,1.28 +67,2.3383708478257006,0.19059295010512964,2.3 +68,1.0635041567693106,0.1886834236279883,1.06 +69,0.9198190366836043,0.1888471651292936,0.8 +70,2.0242626200846994,0.1892254869688131,1.96 +71,1.243541897983212,0.18846789418301438,1.24 +72,3.472673610078604,0.19199929429750584,2.86 +73,1.5485323137749394,0.18864347648347293,1.5 +74,1.2817996322801914,0.1884590542568226,1.26 +75,1.1228812874524252,0.18858986216251142,1.06 +76,1.3277727143331302,0.18846709773192463,1.36 +77,1.3932727328044072,0.18850611395758057,1.26 +78,1.618667105321163,0.18869593294954515,1.6 +79,0.9417946565338504,0.18883626231053474,0.84 +80,1.2281031137981453,0.18847575898743057,1.24 +81,1.384036241564502,0.18849909299537507,1.3 +82,1.5449594159463118,0.1886404253683603,1.58 +83,1.2958586145896593,0.18845946052249452,1.2 +84,1.4914605878229434,0.1885931965828364,1.44 +85,2.0731851671027126,0.18938346511441112,1.82 +86,1.766116988764302,0.18879057739662228,1.66 +87,2.235895595577892,0.19007825566182443,2.16 +88,1.33137328353903,0.18846853762782848,1.36 +89,1.5527388877049744,0.18864690919692514,1.44 +90,3.4762657582305847,0.19207715497419514,3.26 +91,3.572996197810724,0.19504960864613116,3.42 +92,0.8607060385212055,0.18884131976780283,0.9 +93,1.943548659797359,0.18902262662728506,1.92 +94,1.7507703441053828,0.1887795204731557,1.62 +95,0.25770800660292115,0.191529976774574,-0.2 +96,1.3062751959364844,0.18846096436926293,1.3 +97,1.5921028465794251,0.18867738215513874,1.72 +98,1.845409422798258,0.18886529483555872,1.88 +99,0.8351038047843977,0.18882306463329449,0.68 +100,2.350731701564907,0.1906556757656007,2.28 +101,2.2748662325960014,0.19027146606517156,2.28 +102,1.2387481318713267,0.1884700849314269,1.16 +103,1.4748035955930094,0.18857782740285142,1.46 +104,0.842161126709984,0.18882897457204734,0.88 +105,1.6397250694050174,0.18870973821331627,1.72 +106,2.5785270335515698,0.1916175464258337,2.56 +107,0.5502830539940675,0.18880696867344476,0.4 +108,2.207240029672181,0.18994102347728453,2.04 +109,1.0650406266331853,0.18868095996983061,1.0 +110,1.160717947795819,0.1885381207449354,1.12 +111,0.4693394342051318,0.18933876103276778,0.6 +112,1.6690883897501358,0.18872804307742977,1.62 +113,0.33706858928983663,0.19076996574582636,0.1 +114,1.3217742929860947,0.18846505446904419,1.28 +115,1.8782130493543818,0.1889084019440041,1.9 +116,0.9878546673583763,0.1887932389709097,1.04 +117,3.6436232199988634,0.1985544123511495,3.48 +118,0.7435883864959687,0.1887062755222052,0.72 +119,1.3876901172023788,0.18850183239861115,1.28 +120,1.444095302437286,0.18854951849267082,1.5 +121,0.8088603463513515,0.18879591445501667,0.6 +122,1.761217264772766,0.18878699541024652,1.78 +123,1.2946770313885925,0.1884593674896925,1.3 +124,1.1967780972800794,0.18849932802317884,1.26 +125,2.698317581224635,0.19182922074694422,2.5 +126,1.5064120068712665,0.18860692521618988,1.6 +127,1.009159531822663,0.18876589058806106,1.2 +128,2.0872280735459583,0.18943400595418347,2.02 +129,1.5922979155103711,0.1886775335465399,1.58 +130,3.3090063243123904,0.19020272964965057,3.02 +131,1.7800251922176307,0.18880143214738168,1.74 +132,0.9773563091307562,0.18880516151783674,0.98 +133,1.2867814625099465,0.18845897911641135,1.24 +134,1.6609419629603466,0.18872296867085112,1.64 +135,2.097628134074352,0.1894727466205762,2.0 +136,1.5246633849088724,0.18862311734354878,1.56 +137,3.157397563333194,0.19036607415561307,3.02 +138,1.2323621386271484,0.1884733380762177,1.14 +139,3.4359556854333215,0.1913181219271513,3.24 +140,1.4628258728846213,0.18856682466560504,1.32 +141,0.8770689793972422,0.1888481516133663,0.8 +142,1.767490809652312,0.18879166546534168,1.8 +143,2.107540817100288,0.18951027647439594,2.06 +144,0.6904168599834561,0.1886395977764903,0.6 +145,1.406510674860604,0.18851670852563518,1.38 +146,3.6016998417779647,0.19631702873531692,3.42 +147,1.7639795356439951,0.1887890213088253,1.7 +148,1.0398834397159995,0.18872079124620744,1.12 +149,1.5312128050076395,0.18862882442107431,1.5 +150,0.33085527467034503,0.19083140255205855,0.3 +151,0.24702448984565506,0.19206015495211123,-0.32 +152,1.0684691801575747,0.18867544352902352,1.12 +153,1.4523005660624329,0.18855702145159922,1.44 +154,1.3017709974289302,0.1884602006119654,1.24 +155,1.5161427783404406,0.1886155985665016,1.5 +156,1.4353722601673724,0.18854163451570108,1.42 +157,1.7351699502361673,0.18876883963222227,1.7 +158,1.761626466791266,0.18878722235463033,1.66 +159,0.6076508923960084,0.1886467809229314,0.48 +160,1.1133318408132713,0.18860423715055277,1.02 +161,0.9270922516092182,0.18884429808366393,0.98 +162,1.323838941938399,0.18846568766862012,1.26 +163,0.7662866339716026,0.1887391777178305,0.74 +164,2.471488625984332,0.19122888680735248,2.46 +165,2.2607078113252754,0.19020083234218474,2.18 +166,1.4279889864097692,0.18853510395830442,1.4 +167,2.2016407271310623,0.18991499383322244,2.22 +168,1.5567435160466305,0.18865024644828365,1.52 +169,1.228572821653206,0.18847550849420985,1.22 +170,0.9045248517040039,0.18885066693291455,0.78 +171,1.678167634033444,0.1887335212179257,1.58 +172,0.7313410559450493,0.1886889075003536,0.56 +173,1.0241303952614003,0.18874457466311378,1.02 +174,1.347905939030624,0.18847622849451873,1.38 +175,1.4413468642068008,0.18854706781104108,1.46 +176,1.098759798328887,0.18862688708401193,1.0 +177,1.762829615845763,0.18878825141300132,1.66 +178,0.955912961359209,0.18882576382500996,0.94 +179,1.7708907754658132,0.18879425109918196,1.86 +180,0.4454222920117068,0.18956595455551672,0.32 +181,1.9774933781173927,0.1890991956159798,1.94 +182,1.3820263029230377,0.1884976748544171,1.38 +183,1.0642385434744608,0.1886822504709066,1.0 +184,1.7552036998832385,0.18878266861903786,1.88 +185,3.885621575395632,0.22583217626229055,4.08 +186,1.6916651037691495,0.1887416175997087,1.7 +187,1.9815428733799865,0.18910896283786843,1.98 +188,1.342529572692767,0.18847348560666372,1.28 +189,2.2799353607868067,0.1902970752113273,2.3 +190,0.8787274135649785,0.1888486145193019,1.02 +191,1.1939394815846172,0.18850195552371785,1.14 +192,0.726953631285147,0.1886828659770158,0.72 +193,2.674808982106736,0.19180989607882176,2.56 +194,1.3211821520597147,0.18846481715481875,1.2 +195,1.3151350636497476,0.18846303516915253,1.22 +196,0.29408999627128574,0.19113377885671307,0.32 +197,0.7951993897576373,0.18877903353830508,0.76 +198,1.8402891279870046,0.18885940043324378,1.86 +199,1.0195155756723564,0.18875129240276564,0.96 +200,0.9732878761038999,0.18880947949935906,0.88 +201,1.9508405673206195,0.1890381211873632,1.86 +202,1.3986447383171925,0.18851033538264012,1.3 +203,0.6136254693526884,0.18863877703742699,0.6 +204,1.3758031329194955,0.18849327929944437,1.42 +205,1.210705972892992,0.1884876337336693,1.12 +206,0.9784897334437519,0.18880393843114254,0.9 +207,1.6510150116828373,0.18871693102003784,1.68 +208,0.47327788037534924,0.18930419598584985,0.5 +209,0.8986076901865732,0.18885108282427773,0.8 +210,1.4379077236868956,0.18854391531541434,1.3 +211,1.382593009040835,0.18849809701838474,1.42 +212,1.621515299277701,0.1886978513483741,1.58 +213,1.648068831016918,0.18871508106711601,1.6 +214,2.9624022983615745,0.19127694986963067,3.08 +215,0.3387966183887505,0.19075241491627493,0.2 +216,0.7608830395304864,0.18873136955391104,0.64 +217,1.6131433222048328,0.18869215710611859,2.0 +218,0.5683877061492593,0.18873876181097424,0.6 +219,1.5154946747266262,0.18861504518990935,1.38 +220,1.4674453553490647,0.18857106269620738,1.5 +221,1.5345135805373575,0.1886316769139736,1.46 +222,1.1208859767814954,0.18859283206786065,1.04 +223,2.094424987615369,0.189460645412923,2.16 +224,0.5900993217410557,0.18867905397187773,0.46 +225,0.6702329251213268,0.1886243504391868,0.76 +226,1.411219333018088,0.1885206201257241,1.32 +227,1.9755225465276036,0.18909433425761274,2.08 +228,1.538918528432908,0.18863541503553316,1.48 +229,1.1171359905145943,0.1885984666695649,1.18 +230,0.3840839959015405,0.19024713976233185,0.2 +231,1.0879158110528115,0.18864414983862257,1.04 +232,1.6400139650998835,0.1887099331062493,1.7 +233,2.5125223113932,0.19139601699948328,2.44 +234,2.323777695110529,0.19051896600660745,2.3 +235,1.284814549233274,0.1884589863753957,1.08 +236,0.4459844925877483,0.1895602835835504,0.48 +237,0.918873002088539,0.18884749623744532,0.9 +238,1.5078206099446894,0.18860816846140935,1.48 +239,2.1880850750028573,0.18985211397270643,2.04 +240,2.438180143832118,0.19108053779919953,2.5 +241,1.4088943993982765,0.18851863690509973,1.4 +242,1.1844903876624493,0.18851121729666548,1.18 +243,1.3466810103264264,0.18847552696902775,1.34 +244,0.6310117712159615,0.18862333134327586,0.72 +245,2.5970202869348977,0.1916679514634907,2.4 +246,3.6304298876024585,0.1977972185422493,3.42 +247,1.4720065603967927,0.1885752947332095,1.46 +248,3.9354200413267586,0.2458965340811455,4.52 +249,1.496870672522282,0.18859822404989898,1.46 +250,1.2252645995188252,0.1884774886119847,1.12 +251,2.5763141305447244,0.1916114307038607,2.54 +252,0.5186242997124666,0.1889698205202225,0.54 +253,1.4514187435149435,0.1885562570323774,1.4 +254,0.48013766554157544,0.18924603828803307,0.38 +255,1.7879772775398994,0.18880791157500948,1.76 +256,1.2465809944606703,0.18846665526127498,1.16 +257,0.9175715376682618,0.1888479050956682,0.96 +258,1.8917984894550506,0.18892867840167205,2.02 +259,1.543107725104128,0.18863889247256319,1.5 +260,0.9656425788142127,0.18881707800111633,0.96 +261,1.341620744183562,0.18847306945520478,1.28 +262,1.1313218268795089,0.18857752391653118,1.06 +263,1.598730666033265,0.18868212336199017,1.6 +264,1.383612773486328,0.18849883819794644,1.18 +265,1.0515198746562249,0.18870255205124029,0.86 +266,1.4364519306799475,0.18854264891037856,1.48 +267,1.586631543053189,0.18867330956495354,1.46 +268,2.5771603117290143,0.1916142484042392,2.54 +269,1.4794000755179655,0.18858210160996147,1.5 +270,1.0048123529443374,0.18877175948363548,1.04 +271,1.3562359265591744,0.1884807919075452,1.36 +272,2.4948263442429415,0.19132662924201216,2.5 +273,2.0343024909103287,0.1892552731477195,2.12 +274,1.093657778423997,0.18863497850829913,0.92 +275,0.27191447508295274,0.1913024718937759,0.16 +276,1.0427511436039085,0.18871632778232458,1.04 +277,1.7202910399689861,0.1887592305698649,1.64 +278,0.9507330524809421,0.18882991586088058,0.86 +279,1.1485520432544851,0.18855371590251369,1.08 +280,0.8602085974839595,0.18884105359865547,0.82 +281,1.5813976102941594,0.1886693905907787,1.6 +282,1.822280771358978,0.18883977257115336,1.8 +283,1.0331676816178723,0.18873106803752135,0.9 +284,1.890358104549022,0.1889265497103887,1.9 +285,0.5294011461810759,0.1889079583813308,0.52 +286,1.7873045215728782,0.18880728804484279,2.02 +287,1.151642092612222,0.18854964486733874,1.1 +288,1.4000734712599565,0.18851142619666295,1.42 +289,2.2866945928567217,0.1903307842280789,2.24 +290,0.8237162989028521,0.18881223042935621,0.82 +291,1.7916150761656031,0.18881097018135187,1.84 +292,0.8456053802679364,0.1888316183265282,0.94 +293,2.8819628764057654,0.19158456216832923,2.64 +294,3.093074985708224,0.1906495081362432,2.86 +295,0.7486968702941301,0.18871366516652116,0.74 +296,0.9884348111120185,0.18879254518469307,0.98 +297,1.7605176627316415,0.18878655583941603,1.82 +298,1.4523311739804419,0.1885570516635659,1.5 +299,2.233015778107034,0.1900642681577842,2.52 +300,3.6455347201274293,0.19866831213886466,3.5 +301,1.7289165390829704,0.18876474088559192,1.68 +302,1.2658294232212948,0.1884609417369862,1.14 +303,1.3701392996855823,0.18848942628829587,1.34 +304,1.3434396564126792,0.18847388471644827,1.3 +305,3.8663408465467706,0.22212472802786415,3.62 +306,1.7308209028263157,0.1887661121577421,1.7 +307,1.1344038346180183,0.18857314861519614,1.12 +308,1.5254140310789606,0.18862377328900146,1.6 +309,1.98312750986754,0.1891131380265391,1.8 +310,3.798487870514335,0.2121219043879129,3.42 +311,1.9492704350143646,0.1890346153009756,1.88 +312,0.8055241745230701,0.18879195341644314,0.8 +313,2.889816985187447,0.19155926642312934,2.8 +314,1.0417101455399032,0.18871795123375956,1.04 +315,1.8325525943895562,0.1888507462265911,2.06 +316,3.4703808793312216,0.1919506580652442,3.06 +317,1.7659780691964342,0.1887904606214609,1.72 +318,0.7455706621348084,0.18870914974202704,0.66 +319,0.9713377475851017,0.1888114833857848,0.9 +320,0.3900007478331349,0.19017827314675684,0.44 +321,0.9916591833893948,0.1887886390695447,0.94 +322,3.357937159764681,0.19044323508505046,3.2 +323,1.7556909555060758,0.1887830121639963,1.88 +324,1.2979615818876502,0.18845969340320803,1.36 +325,0.9707618913025391,0.18881206525967364,0.8 +326,1.1421421844278516,0.18856234116575457,1.06 +327,1.0041850621478103,0.18877260695479064,0.94 +328,0.8262610864663567,0.1888147849775981,0.82 +329,0.4339207886398049,0.18968483235914765,0.42 +330,1.311706901467215,0.18846215141722017,1.34 +331,2.036042455124724,0.18926091232576286,2.08 +332,1.6287568309641058,0.18870261883905043,1.54 +333,0.9466866502696887,0.1888329121153746,1.0 +334,1.1156983926687947,0.188600656301305,1.1 +335,1.8322944816226052,0.18885041406790062,1.8 +336,0.7466343983029289,0.1887106821856836,0.8 +337,1.4022408471743975,0.18851323441295922,1.34 +338,0.5176394179936004,0.1889758134476968,0.48 +339,1.974929377741413,0.18909297278805642,1.96 +340,1.924518447218624,0.18898487902641092,2.0 +341,0.3777793803372289,0.19032043374489116,0.42 +342,3.042488704858126,0.19089752568001286,3.12 +343,1.303048521101885,0.18846039939843232,1.24 +344,1.7477735738251552,0.18877740678240323,1.68 +345,1.7867636062748817,0.18880673309389337,1.84 +346,2.2674538836162554,0.19023422802872403,2.28 +347,1.5837398133009162,0.18867116342628962,1.54 +348,1.8476277976423712,0.18886800412881402,2.02 +349,1.697427733278362,0.18874519867277945,1.7 +350,1.7838540853270468,0.18880464267462746,1.82 +351,2.816243660664383,0.1917520649715632,2.98 +352,1.0351306831204294,0.18872808517862463,0.96 +353,1.1435994681816395,0.1885603634220443,1.06 +354,1.119493504066438,0.18859492575333808,1.12 +355,1.710401908178331,0.18875304122508785,1.68 +356,1.5386507939329548,0.1886352211554689,1.5 +357,1.1215491060852456,0.18859184611035415,1.18 +358,1.3402561719167594,0.18847240529436982,1.38 +359,1.0751092111248133,0.18866473428556554,0.98 +360,1.919288899055559,0.1889751650813392,2.02 +361,1.056521312201091,0.18869460255158513,1.06 +362,0.6693975328333883,0.1886238987230689,0.7 +363,2.4058081504420104,0.1909277705694216,2.42 +364,0.2682587241675085,0.19134236560710038,-0.06 +365,1.058855268713191,0.18869087842196067,1.12 +366,1.2936462206751698,0.18845929560884253,1.28 +367,1.0562410184371827,0.18869504999702702,0.94 +368,1.2911880667641509,0.18845912244338875,1.24 +369,1.5311104072881518,0.18862870387889055,1.5 +370,0.28265480257157427,0.1912135525710877,0.06 +371,3.160544280469451,0.1903539630767458,3.12 +372,0.7580979572019306,0.1887273314711508,0.82 +373,0.8974899120957371,0.18885109245617096,0.9 +374,2.5753122214488338,0.1916085377357729,2.58 +375,1.433866275465035,0.18854028734340703,1.38 +376,0.8194533354106783,0.18880779168956283,0.78 +377,1.5499835850267172,0.18864474248938864,1.42 +378,1.722484759850346,0.1887608678495267,1.72 +379,1.6077083061915494,0.18868850958421687,1.66 +380,0.3606284671588853,0.19051695134205696,0.22 +381,2.6059565463897725,0.19168964732638527,2.62 +382,1.4995048986466284,0.18860058474044003,1.48 +383,2.063506321277826,0.18935010569212876,2.04 +384,1.2462993642613835,0.18846677492217262,1.2 +385,1.4765139876026743,0.1885794616373595,1.64 +386,0.5343513325627984,0.1888817872459663,0.52 +387,1.1407555690383566,0.18856425118243808,1.22 +388,1.8367708326382355,0.18885527745876668,1.86 +389,1.6988044793334336,0.1887461358562913,1.74 +390,0.6610678650544639,0.18862031087509679,0.62 +391,0.8966986738957907,0.1888511012275762,0.88 +392,2.0221834230292597,0.18921915639099376,2.04 +393,0.8415078071475277,0.1888284539284271,0.84 +394,1.7176058387569857,0.18875770723516597,1.74 +395,1.221807822892931,0.1884797028315953,1.16 +396,2.1663222360933814,0.18975419127291368,2.14 +397,1.2787060503047922,0.1884591954537751,1.22 +398,1.1984692002729276,0.18849778424263738,1.22 +399,0.24691255491412,0.19207045300926007,-0.26 +400,1.5838149733650388,0.1886712707901486,1.54 +401,1.1197039436428036,0.18859460093892375,1.06 +402,0.9970068613529268,0.1887819677479066,0.96 +403,3.1787814583903655,0.19028903832628108,3.02 +404,2.7796950960266598,0.19180765386121343,2.64 +405,0.5502121969866065,0.1888072692811576,0.44 +406,1.615240743298097,0.18869360982571332,1.52 +407,3.0130060214825454,0.19104225923026225,2.74 +408,1.2771160937260009,0.1884593210761043,1.28 +409,2.760623419239751,0.19182557574939105,2.58 +410,0.42897330590352944,0.18973763668871327,0.4 +411,1.2486022734203719,0.18846584362235705,1.18 +412,0.8495027163049145,0.18883443085009996,0.78 +413,1.7593538612629278,0.18878556552789458,1.68 +414,1.5154359261526678,0.18861503906972027,1.32 +415,0.7024603413460186,0.1886520706159231,0.76 +416,0.7704623821785452,0.18874516347563933,0.66 +417,3.1032850149233555,0.19060079742160863,3.02 +418,1.9311117798993085,0.18899768495045666,1.92 +419,1.4938260478335048,0.18859544957933308,1.54 +420,1.2455508693371204,0.1884670647631437,1.08 +421,0.49317827496193023,0.18914282243161198,0.44 +422,1.7151931871139487,0.18875602745082254,1.7 +423,2.570008400496529,0.19159262049733097,2.28 +424,1.0381678340418559,0.18872343057272412,0.9 +425,1.4502334932639986,0.18855516655842622,1.46 +426,2.0240107244166383,0.18922486811285802,1.96 +427,1.4518282395270632,0.18855659097295727,1.46 +428,0.6825736205849691,0.18863271740687904,0.68 +429,1.452807668397296,0.18855752518941382,1.36 +430,2.1833101897808875,0.18983026858263802,2.08 +431,1.9521097873536688,0.1890406874805261,1.98 +432,0.4166591296644937,0.189872846753996,0.5 +433,1.336054678187731,0.1884704996189676,1.38 +434,3.0443925516434973,0.19088862187984082,2.9 +435,0.25386984852626626,0.19165266340421455,-0.04 +436,0.9841045905455774,0.18879762506726466,0.9 +437,3.7281894044383277,0.20475071026880998,3.54 +438,1.3603026741235917,0.18848317255960684,1.38 +439,0.9036409067527356,0.1888507670782749,0.9 +440,0.8899612098786929,0.18885074195591062,0.9 +441,0.24887452554685008,0.19191250055899953,0.0 +442,2.41508376980346,0.19097225457779515,2.22 +443,2.6944254934817904,0.19182709548095458,2.68 +444,1.3599404329453242,0.1884829812116607,1.52 +445,1.897888054556452,0.18893847537498928,1.82 +446,1.2194938558937232,0.18848124230450988,1.22 +447,1.5648917063172025,0.18865667818737417,1.46 +448,1.4938397292692953,0.1885954120850553,1.58 +449,1.3481228159801424,0.1884763155105873,1.52 +450,1.2699641613449455,0.18846017656684091,1.26 +451,1.3122711819534552,0.1884623457081175,1.22 +452,1.3138717531094521,0.1884627023025077,1.18 +453,1.2814300680316209,0.18845906426300646,1.16 +454,1.982496402931215,0.189111482094679,2.02 +455,2.6422253487875222,0.19176413377549104,2.56 +456,2.3802623900220334,0.19080295937217703,2.32 +457,1.2172630892714704,0.1884827976184204,1.14 +458,1.3050563540114803,0.1884607395372738,1.32 +459,0.759216785042349,0.1887289517743406,0.82 +460,0.8954807957940629,0.18885109144624362,0.94 +461,1.5714725043182913,0.188661887421515,1.64 +462,1.0273711162548216,0.18873977635332173,0.98 +463,1.6714797962784103,0.18872950707744932,1.52 +464,0.2926482501925183,0.19114379329850867,0.2 +465,0.3937088593938054,0.1901351732148387,0.38 +466,1.3260047711552307,0.18846643979162,1.16 +467,0.9642334215247514,0.18881841146464545,0.96 +468,1.1057078464518473,0.18861600546914575,1.16 +469,1.4013346111049716,0.18851244892230157,1.24 +470,0.6744970338126539,0.18862688409087733,0.62 +471,2.070993645322326,0.18937586361056863,2.12 +472,1.8599616010908486,0.18888323792840134,1.82 +473,1.5825416832978407,0.1886703154037734,1.58 +474,1.821939108672905,0.18883953626093125,1.82 +475,0.29632051325867903,0.1911181563597542,0.34 +476,1.8451877913275656,0.18886493556296668,1.94 +477,1.147069126477277,0.18855566953709346,1.12 +478,1.8664742602617015,0.18889205578381452,1.8 +479,1.0387373442252807,0.18872254872574637,0.94 +480,1.0649205515138773,0.18868114731296035,1.1 +481,1.1095436687709885,0.18861005616688284,1.08 +482,1.7192095787255044,0.18875870276583093,1.72 +483,0.31134300275553684,0.19100506244605914,0.32 +484,0.8564590024401364,0.18883891589599924,0.9 +485,1.8869636316834015,0.18892139004758746,1.92 +486,0.5324928877668629,0.18889144014562706,0.54 +487,1.2981005896862767,0.18845972257086688,1.26 +488,1.7294368018655188,0.18876524252846252,1.72 +489,1.9322199297076053,0.18899968078423293,1.78 +490,0.38227768061766265,0.19026815986271775,0.22 +491,0.6808305409423838,0.18863134851830088,0.62 +492,1.3403935543791745,0.18847245430637274,1.26 +493,0.31530945724797,0.19097229205245808,0.38 +494,0.9249578095994473,0.1888452303037224,0.94 +495,3.1082087276051658,0.19057815763720953,2.92 +496,0.9442877907390141,0.18883459192687166,0.82 +497,0.85675518186266,0.1888390817090904,0.78 +498,1.36955951960137,0.18848901794567632,1.3 +499,1.439642423060951,0.1885455278010642,1.34 +500,2.4374258943608282,0.19107749264537807,2.38 +501,1.56016807546337,0.18865296609586002,1.62 +502,1.2720627917250742,0.18845987325219044,1.24 +503,0.2701737939080362,0.19132052108660455,0.26 +504,1.1089017452860335,0.1886110658227995,1.14 +505,0.6316277223783671,0.1886229704297389,0.54 +506,1.1295884455905096,0.18858003450785102,1.04 +507,1.6289335650086578,0.18870280068573356,1.62 +508,1.0195950761875479,0.18875118023242587,0.94 +509,0.7533300846427757,0.18872039973384147,0.66 +510,0.8680094384265076,0.1888448520462577,0.88 +511,2.8777001110726026,0.1915982380959628,2.72 +512,0.9874007466680494,0.18879378259152693,0.88 +513,1.5672265958519092,0.18865850841625578,1.56 +514,1.9719519477500633,0.18908572279075292,1.84 +515,1.3100499403398926,0.18846176735263476,1.34 +516,1.5308561572724335,0.18862854372902788,1.46 +517,0.9949415688598402,0.18878455769142055,0.98 +518,0.27657806834098797,0.1912602956252695,0.22 +519,1.5129979646298841,0.18861280922113285,1.5 +520,1.5158217978203965,0.1886153494920157,1.42 +521,2.4382906950434187,0.1910807446205432,2.36 +522,2.529855062399302,0.1914600831488527,2.52 +523,2.002803833584019,0.1891645026787965,2.18 +524,1.2274182714397457,0.18847617549126802,1.32 +525,1.7677733495677483,0.18879191694393474,1.66 +526,1.2468282600787355,0.18846655982038316,1.3 +527,3.9010936432096184,0.22931991702934587,4.06 +528,2.585902737222563,0.1916379671689686,2.44 +529,1.6040963694427213,0.18868600398536045,1.46 +530,1.6701145532087118,0.18872859647503915,1.62 +531,0.7133645341462087,0.18866504525249678,0.66 +532,1.022527290275516,0.18874692798881446,0.86 +533,0.7006056574012665,0.18865001415700972,0.7 +534,0.9102827188996037,0.18884974772972754,0.92 +535,1.355943627148249,0.18848060869809144,1.3 +536,1.6633800357435986,0.1887245181680671,1.66 +537,2.1268339296262555,0.18958699273368487,2.16 +538,0.2927668375686443,0.19114296895601626,0.26 +539,2.13959949115549,0.18963950500159646,2.12 +540,0.9204119726610689,0.18884696229534856,0.94 +541,1.5159692233739357,0.18861547742398901,1.46 +542,1.6567435517343194,0.18872047823084478,1.76 +543,0.7225918660691584,0.18867698511284697,0.78 +544,0.35013892763638954,0.1906329014940872,0.2 +545,1.2616905137698373,0.18846182793497268,1.1 +546,0.9532257908942567,0.18882795173510628,0.98 +547,1.2347442329083764,0.18847208225984907,1.02 +548,0.9735896625619429,0.18880915844217094,0.88 +549,0.558006960106028,0.18877573193271413,0.56 +550,1.2459734214474756,0.1884669024537397,1.14 +551,1.7172577262315427,0.18875741610091695,1.82 +552,1.198544706419604,0.18849772497754255,1.14 +553,0.8907584656207403,0.18885082370507905,0.82 +554,1.4048817508262996,0.1885153295391059,1.44 +555,0.2644395737272005,0.19139422751153845,0.22 +556,1.8626855507275446,0.1888869724339792,1.88 +557,1.3086647403147886,0.18846145669215156,1.3 +558,0.9241265335348727,0.18884557892879858,0.94 +559,1.28804347933733,0.18845899806834057,1.26 +560,1.6130536584906,0.1886921289273861,1.58 +561,1.034358419818629,0.1887292542539762,0.94 +562,1.5241655357114212,0.18862271294897426,1.32 +563,2.024693923121273,0.18922641716870994,1.86 +564,0.6671627413006347,0.18862276564424735,0.54 +565,1.8038620892324053,0.188821964550892,1.82 +566,2.0362286295896315,0.18926143011426472,2.1 +567,0.5573225486994156,0.18877837738091752,0.54 +568,1.2300186911400302,0.18847464643403405,1.24 +569,1.1254788818186718,0.18858602489379145,1.08 +570,1.4820865153906768,0.1885845624543846,1.56 +571,2.486858802686701,0.19129416022718795,2.44 +572,3.1986945717356576,0.19022911843701687,3.08 +573,1.2393094914071707,0.1884698237219146,1.2 +574,1.254115742964519,0.1884639532276862,1.48 +575,1.2655986034713298,0.1884609782118365,1.24 +576,0.9909810763928217,0.1887894646845845,1.04 +577,1.5456960617646882,0.18864114171842666,1.48 +578,1.6014391020951797,0.1886840118220408,1.48 +579,2.201207336407717,0.18991305964113325,2.0 +580,1.327326918095513,0.1884669447869448,1.26 +581,1.3316881992403913,0.18846868442243783,1.36 +582,1.421458188306935,0.18852935862173284,1.48 +583,1.1327354760628332,0.18857551153243365,1.06 +584,1.9604476646790634,0.18905903250003633,1.96 +585,1.3546242794616694,0.18847984212155516,1.48 +586,1.5544166637494723,0.188648324181142,1.52 +587,1.6568346463403059,0.18872051205750026,1.62 +588,0.5710946163723845,0.18873005753354072,0.58 +589,2.2484478316022116,0.190139817578549,2.14 +590,1.590955980629291,0.18867657013769343,1.6 +591,1.425689539624533,0.18853307837077346,1.52 +592,1.3161303908962199,0.1884632993858915,1.26 +593,2.108744138132171,0.18951498325814706,2.0 +594,0.7387458980617876,0.1886993444107658,0.68 +595,1.6838102407079527,0.18873698985859477,1.66 +596,1.6761303952822708,0.18873229370302466,1.62 +597,0.5141673504046811,0.18899738326722235,0.5 +598,0.48213687938892646,0.18922958473892101,0.56 +599,1.1932084146642474,0.1885026326650311,1.06 +600,0.9360883618559577,0.18883973925887904,0.92 +601,3.9316483534030358,0.24035469118635894,4.08 +602,1.310100601984803,0.18846180164221976,1.28 +603,1.912403560742524,0.1889630317670018,1.86 +604,0.8422276365673016,0.18882903457125116,0.86 +605,2.005875908116609,0.1891727719015327,1.86 +606,1.2443614921100237,0.18846752755386503,1.18 +607,1.2854057163255048,0.18845898905976163,1.32 +608,0.8128854923441919,0.188800566791634,0.72 +609,1.43357357293083,0.1885400075402987,1.38 +610,1.5469869317707998,0.18864219434159477,1.64 +611,1.7124295226950894,0.18875440652450254,1.6 +612,1.57886460923758,0.1886675434664444,1.42 +613,2.883287169105955,0.19158043161597463,2.82 +614,1.9828022002840548,0.18911224935650592,1.86 +615,0.7148789795385986,0.18866694478523255,0.6 +616,1.242212778050397,0.188468495847762,1.14 +617,1.9876170463683878,0.18912429515436552,1.78 +618,1.4393884922043994,0.188545215681072,1.4 +619,0.7235540660060471,0.1886782695903748,0.82 +620,0.5465149066757189,0.18882337881729724,0.52 +621,2.40828474804883,0.1909397489913077,2.36 +622,0.9706908951380309,0.18881214890097364,1.0 +623,3.1962727160684725,0.19023475305897256,2.88 +624,1.54448206653748,0.18864012646011555,1.42 +625,1.3910958349714007,0.18850444433206298,1.34 +626,0.6884178648001591,0.18863773200705158,0.54 +627,2.422206180402175,0.19100628378150386,2.32 +628,2.305756364065444,0.19042731766247958,2.26 +629,1.8770128203050833,0.1889065002919255,1.8 +630,0.42102590034936704,0.1898243313151367,0.46 +631,0.6725493487200851,0.1886256800292501,0.56 +632,1.9224632033781444,0.18898098700969376,1.86 +633,1.3272299620626342,0.1884669154798348,1.34 +634,1.5256520963287097,0.18862393950299058,1.62 +635,1.7277348302558508,0.18876401176527582,1.94 +636,3.9304273086387242,0.2395372869423235,4.4 +637,2.812621704748775,0.1917591180471754,2.66 +638,0.25249602904997337,0.19170974276180927,-0.14 +639,2.642626623259356,0.19176510844467645,2.52 +640,1.2017700478525184,0.1884949040207949,1.1 +641,1.0227081412991812,0.18874666799507783,0.88 +642,0.48097912257385134,0.18923908827317154,0.5 +643,0.6280561256012185,0.18862517076232432,0.64 +644,1.95226214596579,0.18904097367809047,2.0 +645,2.8114304332096154,0.19176143529885975,2.58 +646,3.1380939895036004,0.19044434573786453,2.84 +647,2.0840402581213215,0.1894224742790551,2.1 +648,1.236939121237355,0.18847097270752394,1.2 +649,1.8774209909030921,0.18890709503879466,1.78 +650,1.2204098313123357,0.1884806286301843,1.06 +651,0.6009015875685109,0.18865759614160377,0.56 +652,2.3562616891536763,0.1906832291172054,2.14 +653,1.0365712648361278,0.18872587515859313,1.0 +654,0.8114070110076084,0.1887988735058392,0.66 +655,1.984153936343459,0.1891154945654105,1.98 +656,1.2675087628822646,0.18846059834512058,1.18 +657,1.1215776803869126,0.18859180158488473,1.06 +658,2.2174066180730003,0.1899892538293136,2.16 +659,0.9507033900568784,0.18882994361392247,0.92 +660,1.5991631664086852,0.18868243313392674,1.62 +661,1.6647044556922854,0.18872531077110047,1.7 +662,3.206980641050646,0.19020717959289613,3.12 +663,1.0996662185601134,0.18862547486081568,1.0 +664,1.8454996959727936,0.18886529736306992,1.76 +665,1.644221882372045,0.18871254318568492,1.68 +666,1.9203523477729194,0.1889772617920631,1.96 +667,1.142803894834895,0.18856143625086758,1.06 +668,1.5676254947250803,0.18865885967534293,1.34 +669,2.048537111270459,0.18930048488480894,2.12 +670,1.706271391755941,0.18875061505029206,1.62 +671,1.0725208694241115,0.18866890837840167,0.96 +672,2.2079215450902048,0.1899444079522432,2.2 +673,0.822560486548092,0.18881106067426193,0.78 +674,1.7459582922356838,0.18877620644781587,1.6 +675,3.512845156418808,0.19299072192627467,3.48 +676,1.9711366659583025,0.18908384625734942,1.98 +677,1.7887515888427699,0.18880865745763775,1.7 +678,3.7559221469492385,0.20737711655673566,3.66 +679,1.9738877496190075,0.18909028719285234,2.04 +680,2.470572444133577,0.19122480062926123,2.2 +681,1.9345982170818072,0.1890044788170891,1.76 +682,3.3363146675139097,0.19031185909006593,3.0 +683,2.9173321584282093,0.19146159717585007,2.78 +684,1.1371620344245355,0.18856924086442634,1.1 +685,1.3859500687469828,0.18850056696958403,1.28 +686,2.3348611141341404,0.19057531528532373,2.28 +687,0.29104898630652465,0.191154845421667,0.2 +688,0.6968963039224543,0.18864604766050735,0.56 +689,1.5235791508255085,0.18862217157628003,1.46 +690,0.894926803586553,0.18885108376942866,0.84 +691,1.1739021619510484,0.18852258619777396,1.12 +692,1.4556908552136287,0.1885601440415371,1.46 +693,1.7967559132904818,0.18881551256459428,1.74 +694,0.9860882439609562,0.1887953294113111,0.94 +695,1.0999578318889986,0.18862500135870666,1.16 +696,2.3256879962641,0.19052849717250722,2.34 +697,1.7817098511365057,0.18880278158738217,1.72 +698,1.6387185666379225,0.18870899803902294,1.64 +699,1.2834296425754028,0.1884589971376664,1.36 +700,1.2048237891394715,0.1884923293776073,1.22 +701,1.6917937288676177,0.18874178419726326,1.52 +702,1.1155685721972184,0.18860084404944968,1.08 +703,2.1843544147641927,0.18983496785220494,2.08 +704,0.9266334290371676,0.18884452744283942,0.94 +705,1.8960382102246973,0.18893552905252142,1.7 +706,2.0757572483110396,0.1893926513631291,1.92 +707,0.9363424113255834,0.18883959099147596,0.96 +708,2.1345143216208067,0.1896183630335624,2.0 +709,1.385838588510999,0.18850048305014902,1.44 +710,3.165287664267243,0.1903366247655781,2.9 +711,2.9558410881967214,0.19130527556356697,2.78 +712,1.0365561383640014,0.1887258999631099,0.98 +713,1.4201752428712233,0.1885282219596504,1.34 +714,1.6819898380993303,0.18873580509530216,1.74 +715,0.441706720689784,0.18960372397379108,0.5 +716,2.0260064745869286,0.18923049376315682,1.94 +717,1.187955786462963,0.1885077282522321,1.22 +718,0.7910413735000088,0.18877359416955525,0.7 +719,1.76377612504571,0.18878895614349858,1.72 +720,1.9300812945245094,0.18899546571632278,1.9 +721,1.6391743618682517,0.18870935284379894,1.58 +722,1.4801812638813365,0.18858286154099202,1.6 +723,1.3490596615936499,0.18847680258195726,1.22 +724,1.3267071718469154,0.18846669756492543,1.32 +725,2.7407810184799963,0.191835758534393,2.64 +726,3.3602871087618453,0.19045998218249896,3.48 +727,2.308877605983903,0.19044315775963586,2.18 +728,3.1710404847053537,0.19031544844591244,2.88 +729,1.638578737685209,0.18870900093277687,1.54 +730,1.267945203519788,0.188460538433734,1.22 +731,1.5897072022301277,0.18867559424531946,1.54 +732,3.686838618587606,0.2014096343688119,3.82 +733,1.4719923477967234,0.1885752449322731,1.52 +734,2.1198917130325583,0.1895589801500826,2.2 +735,0.9566440448233247,0.18882515351150372,0.76 +736,0.9772024468019238,0.1888053276529476,0.74 +737,1.6521092721117763,0.18871766434625045,1.56 +738,0.7580430800607509,0.18872724004575472,0.74 +739,1.255894362619957,0.18846338845727278,1.2 +740,0.9494432848000465,0.18883088585092986,0.88 +741,0.8968579030860424,0.188851110866372,0.92 +742,0.8214889510753276,0.1888099402584124,0.82 +743,0.6717535732858055,0.18862519835515443,0.68 +744,1.9847178975628117,0.18911693351947403,1.98 +745,1.106903882147278,0.18861414414978084,0.86 +746,0.5814958068459262,0.18869996985989806,0.48 +747,2.785697960874252,0.191800770728075,2.66 +748,1.5151770265611149,0.18861473574150903,1.64 +749,1.4109057999802597,0.18852035502982523,1.26 +750,0.9045513914446268,0.18885065601736642,0.78 +751,1.1397752453371652,0.1885655934905422,1.04 +752,1.981139337649893,0.18910802180727068,1.96 +753,0.9554923408980989,0.1888261238827176,0.94 +754,3.4302438884313364,0.19122929921904022,3.22 +755,1.3109088631939623,0.1884619760492512,1.36 +756,2.257345877412803,0.19018399287129506,2.32 +757,0.24691255491412,0.19207045300926007,-0.28 +758,3.8332095381330946,0.21677980827851243,4.64 +759,2.278982690566256,0.19029199624927742,2.12 +760,1.3272780133023032,0.18846694503436592,1.32 +761,1.5585722530445738,0.18865158936999823,1.6 +762,1.7914621421909118,0.1888109297972875,1.74 +763,2.2032252753525654,0.1899222429710984,2.18 +764,1.4514351907342553,0.1885562653233754,1.34 +765,0.6230723299462142,0.18862898630575595,0.6 +766,2.236465203999008,0.19008097571812596,2.4 +767,2.1491745003275833,0.18967957917781728,2.18 +768,1.8875237827430091,0.18892208071318758,1.8 +769,2.104294158108975,0.1894981318692044,2.1 +770,1.9505011328301303,0.18903707450338145,2.06 +771,1.7346871454543618,0.18876867628568303,1.64 +772,2.1511046610134876,0.1896880186936911,2.1 +773,1.0472653769451024,0.18870927230664955,1.1 +774,0.3873443903029503,0.19020918710176635,0.46 +775,0.7355989544793025,0.18869487577606464,0.74 +776,0.2576126019038145,0.19153250297998536,-0.1 +777,0.9458962704707263,0.18883347290747918,0.9 +778,0.7919940474553935,0.1887748550319379,0.78 +779,1.8167297496973387,0.1888342486559341,1.74 +780,1.2278975474990814,0.18847589385104846,1.14 +781,1.2078981440092031,0.1884898261069978,1.16 +782,1.2013276101647048,0.18849529339481522,1.2 +783,1.7524834751147031,0.18878058724570002,1.7 +784,0.5313835154851951,0.1888972855434632,0.62 +785,1.9733766314300525,0.18908898422053935,2.04 +786,1.9573708573913422,0.18905236137224177,1.9 +787,2.35383799812125,0.1906710957318952,2.3 +788,1.6666756381646632,0.18872656971715954,1.7 +789,0.738284441646017,0.1886986852296216,0.8 +790,2.631540133998233,0.1917455260868615,2.46 +791,1.7065373310835297,0.18875080928762528,1.64 +792,1.2425246928394202,0.18846835074523624,1.24 +793,1.6039581421032925,0.18868591018920605,1.52 +794,2.6348856806420278,0.19175089649297758,2.6 +795,1.2374512155758561,0.18847070283335562,1.22 +796,1.9637114016621375,0.18906643790793076,1.98 +797,1.4607400271667157,0.18856483673175733,1.78 +798,1.3599350431878412,0.18848296747574442,1.14 +799,0.949183915931741,0.1888310914344893,0.98 +800,3.0401776081798113,0.19090937157038507,2.98 +801,1.6024102709085144,0.18868476231984616,1.64 +802,1.4788039444335646,0.18858161102692014,1.48 +803,1.4484168634707173,0.18855355263353937,1.4 +804,0.9544882891013284,0.18882694608190284,0.9 +805,1.6945286216025608,0.1887434072117396,1.74 +806,1.5563289640018276,0.18864989871356655,1.44 +807,2.115477541041714,0.18954121653047512,2.0 +808,1.390185152259009,0.18850368940493234,1.28 +809,2.0349065397407555,0.18925739553752235,2.02 +810,3.9114070505914382,0.26443551547742994,4.96 +811,1.376427280283662,0.18849367984360882,1.48 +812,0.8596704317016084,0.18884075939148476,0.78 +813,1.11775967778833,0.1885975240870227,1.14 +814,1.8199697758922577,0.18883749865989877,1.94 +815,1.923752629167166,0.1889836180068568,1.88 +816,1.5512822944991715,0.18864574302878645,1.52 +817,0.5400479569022012,0.188853391544354,0.44 +818,2.765819741611569,0.1918219988524031,2.86 +819,0.5231396997424149,0.188943085178591,0.54 +820,3.7372865249920304,0.20557570590081872,3.52 +821,1.484976755759533,0.1885872921507759,1.46 +822,1.5986952862070505,0.18868200169502747,1.5 +823,1.8288084423743183,0.18884672611435327,1.8 +824,1.4849741477945237,0.18858724786546066,1.46 +825,0.7221133148082208,0.18867635274241754,0.7 +826,0.37417141887258354,0.1903622282732937,0.34 +827,1.578058706492577,0.18866689402745032,1.58 +828,1.096232029017146,0.18863089269350242,0.98 +829,1.688094684189225,0.18873957565593105,1.7 +830,2.162261617996129,0.18973612692395733,2.0 +831,2.3629502527709905,0.19071668923398996,2.5 +832,1.814240222341999,0.1888317464903466,1.82 +833,1.4005732914904645,0.18851187371453504,1.4 +834,0.6025770296140165,0.18865472905418318,0.46 +835,2.3020127421175447,0.1904088014097094,2.34 +836,1.5349896639596594,0.18863207071615712,1.44 +837,1.4320985810101494,0.1885387387366646,1.5 +838,1.9290949896456795,0.18899383824643828,1.94 +839,1.7167116505251532,0.1887571338763806,1.72 +840,1.9674016283479212,0.1890752493790288,1.92 +841,0.9700693625985084,0.18881276047972706,0.88 +842,1.819961827334,0.18883754158772784,1.82 +843,1.236865296105852,0.18847100346424042,1.16 +844,0.8373387455399313,0.18882499682394677,0.84 +845,1.2019418464029246,0.18849476930170644,1.12 +846,1.2392193807923848,0.18846985710710795,1.26 +847,1.4842826517836267,0.18858665382002338,1.46 +848,1.9019521265540817,0.18894516598714156,1.8 +849,1.304233039596283,0.1884606029545497,1.22 +850,0.7144813022322272,0.18866644465631924,0.66 +851,1.2732408074699253,0.18845977786436963,1.3 +852,1.4966608541216122,0.1885980265925338,1.5 +853,1.506378257433995,0.1886068542449813,1.52 +854,1.8298728829208548,0.18884778158141002,1.92 +855,1.255238061071304,0.18846358630179305,1.24 +856,0.9582768486859428,0.18882376276267612,0.96 +857,1.6860906004441836,0.18873837665650275,1.74 +858,1.9547947404679136,0.18904664546978647,1.9 +859,0.995790496064018,0.18878350489462056,1.0 +860,1.549350718728806,0.18864403056614867,1.44 +861,3.041936953693334,0.19090049747958351,2.88 +862,0.4373653873587482,0.1896486411471069,0.52 +863,1.099195065876372,0.18862621170086596,1.14 +864,0.27420673123689054,0.19128078820789118,0.26 +865,1.151209567505392,0.18855019782339869,1.16 +866,1.4860161236326637,0.18858828088681848,1.64 +867,1.2446773427660267,0.188467436241925,1.16 +868,1.3472883141834189,0.18847589113311344,1.3 +869,1.4196501089098892,0.18852778817620958,1.32 +870,0.9216060248568614,0.18884654502475126,0.96 +871,2.506633248174783,0.19137320702045202,2.56 +872,1.6184645527478063,0.1886958245945937,1.56 +873,1.8493543346361838,0.18887013922936405,1.84 +874,1.3526858541189226,0.18847879672346313,1.38 +875,1.695206680051576,0.18874385605832325,1.68 +876,2.629074250273842,0.19173981142891314,2.58 +877,1.5243277872342367,0.1886227955059394,1.52 +878,1.0402566779115132,0.18872020903114833,0.96 +879,1.310641465171931,0.1884619320921076,1.34 +880,0.7000604587917583,0.188649421497485,0.62 +881,0.7941813004070248,0.18877771582355998,0.78 +882,2.4577500913005705,0.19116911661239247,2.38 +883,1.3161453916866954,0.18846334438472734,1.24 +884,1.5531053897278018,0.188647217610653,1.58 +885,0.8057864562179875,0.18879226825560028,0.78 +886,1.5316095055278176,0.1886291448712253,1.62 +887,1.1116099869361602,0.18860688398971964,1.08 +888,1.7288387135525671,0.18876482718702847,1.68 +889,1.6260963420356822,0.18870089335499746,1.64 +890,0.9743516333897431,0.18880836653673028,0.8 +891,1.0723252545910589,0.1886692241198654,1.04 +892,0.9302482938485064,0.1888428288279737,0.92 +893,2.147051873585581,0.1896708683110499,2.08 +894,3.882597994814918,0.22521176609432653,3.8 +895,1.193216072153142,0.18850262608038104,1.16 +896,1.5618317646953248,0.18865425078145306,1.64 +897,2.5752305768111787,0.19160792943013027,2.44 +898,1.4561935949895848,0.18856067362636064,1.44 +899,0.8890881180320911,0.18885063964471996,1.04 +900,1.1623359385097107,0.1885361472073143,1.16 +901,1.3063845292026743,0.18846099286048287,1.78 +902,2.895723399146741,0.19153960408619142,2.72 +903,0.7297358358315569,0.1886866932992631,0.66 +904,0.513020103722768,0.18900466098988233,0.28 +905,1.80706648322367,0.188824902936432,1.74 +906,0.9711581382243877,0.1888116612248672,0.98 +907,0.7335653568016351,0.18869202288035308,0.8 +908,0.30722444270098737,0.1910377199757302,0.26 +909,0.8834410073169485,0.18884974485078573,0.84 +910,1.4541367693024008,0.18855875015420354,1.42 +911,2.139016114464269,0.18963676097473584,1.98 +912,2.2498235191289577,0.19014645593647497,2.2 +913,2.245113842747819,0.1901234878804852,2.26 +914,0.725782045896054,0.18868127025161846,0.76 +915,0.9744684697984536,0.1888082476413663,0.96 +916,1.6354838287735867,0.18870704138289238,1.98 +917,1.1611773869071504,0.1885375760285624,1.08 +918,3.7820231534912585,0.2101744716917107,3.58 +919,1.6908474791677641,0.18874126455843648,1.68 +920,1.5506468598435437,0.1886452189865154,1.5 +921,1.982331125694173,0.18911089795987868,1.92 +922,0.8912025394117562,0.18885085453968373,0.9 +923,1.3467427625627428,0.18847555978450622,1.26 +924,1.9615063338392755,0.18906137569988582,1.96 +925,0.5955495934158626,0.18866757650436847,0.58 +926,1.410969879438689,0.18852035788059188,1.34 +927,1.1489982484267858,0.18855310774185102,1.18 +928,0.88641109433235,0.1888502810829478,0.88 +929,2.473961284293802,0.19123952407780948,2.58 +930,1.666541706034501,0.1887263804777483,1.6 +931,1.374214082640462,0.18849215434711503,1.34 +932,1.3321833260017943,0.18846882088060138,1.36 +933,3.7454686538127975,0.2063475720205785,3.5 +934,1.3465007829102948,0.18847545664818557,1.42 +935,0.7328983643409528,0.18869108766982,0.6 +936,0.6891239078994407,0.18863838755812878,0.74 +937,1.9094732240712757,0.1889576139664152,1.86 +938,0.64043051661721,0.18861941817603142,0.56 +939,1.618154146297598,0.18869567490433964,1.64 +940,1.7460825830453468,0.18877630968932255,1.84 +941,1.1863206484228457,0.18850934817537507,1.14 +942,1.204221113037866,0.18849282705823003,1.24 +943,1.2044107432117521,0.18849267745657314,1.14 +944,3.3409612765108427,0.1903370854257602,3.1 +945,0.6224253418634647,0.18862955703969897,0.58 +946,0.6028415221055259,0.18865429997385316,0.54 +947,0.7563934452748751,0.18872485706838749,0.76 +948,1.594581167867789,0.18867912191135797,1.52 +949,0.3367860953311099,0.19077281503336702,0.44 +950,0.44631773567691746,0.1895569433545606,0.36 +951,2.0296528441697648,0.18924128025868345,2.1 +952,0.9605049697548902,0.1888218112955614,0.88 +953,1.0520409565571855,0.18870173560541334,1.02 +954,1.9632784109836259,0.1890656223293487,1.88 +955,2.0985145111027155,0.189475970731489,2.0 +956,1.1875172843081991,0.18850814712032496,1.18 +957,1.4793362231251648,0.18858210495926353,1.56 +958,1.0157121023069637,0.18875672936581187,0.92 +959,2.3236969962367846,0.19051860899689907,2.4 +960,2.3517254784153945,0.19066027835820454,2.22 +961,1.9675277708172543,0.18907515117302712,1.9 +962,1.8679705639279771,0.18889405445905014,1.82 +963,1.125801712798988,0.18858556236075785,0.96 +964,1.7531743207012689,0.18878111208493575,1.68 +965,1.9797590706298547,0.1891047468201606,1.92 +966,1.0239230134766395,0.1887448669989807,1.0 +967,1.9523067863794872,0.18904109672966976,1.86 +968,1.3443612717143962,0.18847438239447856,1.34 +969,3.0502414653244854,0.19085924609141428,2.92 +970,1.2780189955170516,0.18845926080818,1.22 +971,0.5938273039981887,0.1886710514830697,0.56 +972,0.8987095949588417,0.18885108583335874,0.84 +973,1.2454090606964316,0.18846713770115975,1.18 +974,1.9275761874135713,0.18899066786045157,1.92 +975,2.016486155198317,0.1892028007880657,2.0 +976,2.079436237212123,0.18940570680116395,2.1 +977,1.3200056576973653,0.18846442416830156,1.28 +978,1.2441658341337771,0.188467635945472,1.12 +979,3.718125206810102,0.20387775450541035,3.6 +980,0.6566581953025035,0.18861912599335728,0.52 +981,2.732316954265939,0.1918372313391149,2.68 +982,1.2362850246772263,0.18847129485510963,1.18 +983,1.7587175821101566,0.18878513552129889,1.8 +984,0.8606719232100624,0.188841304954574,0.78 +985,2.89909395417454,0.19152738459262955,3.06 +986,1.8482694526581007,0.1888687487933716,1.76 +987,1.5454663443174266,0.18864096690866114,1.44 +988,0.8080829638285343,0.18879500260050336,0.7 +989,1.0717015639199057,0.18867022749138368,0.94 +990,1.728710436298954,0.18876466906781683,1.64 +991,1.845825033769785,0.18886586114425308,1.92 +992,2.1388861262105836,0.1896364435353849,2.02 +993,1.7610188272414924,0.1887869030806542,1.78 +994,2.193357213129624,0.18987618540001688,2.1 +995,3.9350536360423254,0.24775606631222705,4.36 +996,1.5545986199059103,0.1886484579789168,1.46 +997,3.8032668141152275,0.21271651523102655,3.74 +998,1.2817276097349304,0.18845905146540473,1.2 +999,1.266112724728693,0.1884608537007309,1.22 +1000,1.7265247063024651,0.1887633276215506,1.8 +1001,0.7663396438277215,0.188739260704482,0.74 +1002,2.2604695713456646,0.1901997363961047,2.22 +1003,2.0615809735411617,0.1893437989511661,2.02 +1004,2.8942317428250925,0.19154428769566215,2.8 +1005,1.044141127905131,0.18871416167933996,1.12 +1006,0.78496844857568,0.1887654428625417,0.82 +1007,1.7151025469624088,0.1887561431144968,1.6 +1008,1.233142944143648,0.1884729478653228,1.16 +1009,1.9096461645618386,0.18895808404723957,1.98 +1010,1.332379861104655,0.18846890349817128,1.46 +1011,2.3652100199331567,0.19072834492928334,2.3 +1012,1.1146002799278618,0.1886023052612218,1.22 +1013,0.9963475053666102,0.18878280895596655,0.94 +1014,0.3540561094557477,0.19059012446673768,0.26 +1015,1.8875443990324074,0.18892225792593093,1.92 +1016,1.1809548033074295,0.18851491065458129,1.14 +1017,1.825835154956349,0.1888435643070829,1.86 +1018,0.8558206295151127,0.18883853167294523,0.84 +1019,0.9614109750623998,0.18882100655394635,1.02 +1020,0.6693191494371533,0.18862385148929464,0.68 +1021,3.1984966356913187,0.19022905616050984,3.1 +1022,1.343660526188357,0.18847400483601195,1.38 +1023,1.0660142733628908,0.18867937647930033,1.2 +1024,1.4436552304437333,0.18854913079775304,1.36 +1025,1.0890481213290386,0.18864232214968796,1.1 +1026,1.0257133691512215,0.18874224754215585,0.9 +1027,0.34064477283685046,0.19073344368135023,0.66 +1028,0.8007479388006502,0.18878608402969846,0.84 +1029,0.9585457392280567,0.1888235386627157,1.02 +1030,0.5499914415661065,0.1888082005492873,0.56 +1031,1.4219300574290579,0.18852972121210135,1.44 +1032,2.3457230692022426,0.19062969158845933,2.48 +1033,0.9649445666027481,0.18881774746985527,1.04 +1034,1.9293066967136705,0.188994034116313,1.9 +1035,2.2139010628876905,0.18997269148143486,2.06 +1036,1.361738901059445,0.18848406098165998,1.36 +1037,1.408470988159171,0.18851835124693234,1.46 +1038,1.9877677659912572,0.18912493460588178,2.08 +1039,1.200042328072547,0.18849641468260422,1.04 +1040,2.056949661499152,0.18932819097471487,1.98 +1041,1.3710968009096691,0.18849005771266578,1.2 +1042,0.9455435973303701,0.1888337207707423,0.84 +1043,1.5052659017327736,0.18860590360225213,1.68 +1044,0.76193666947568,0.1887328931320569,0.72 +1045,1.8153258068714886,0.18883284899414235,1.7 +1046,0.8549127059128667,0.1888379703135697,0.88 +1047,3.5643919413760496,0.19470819295329447,3.34 +1048,0.9800681801301894,0.18880217967884813,0.9 +1049,3.5248885463573334,0.19334425066663383,3.28 +1050,1.7508050421905337,0.18877967821372138,1.7 +1051,1.6446656556744126,0.1887128167184262,1.68 +1052,0.5662447582729924,0.18874594632255423,0.62 +1053,1.8891525717990814,0.1889248248862581,1.86 +1054,1.2467100741730806,0.1884666095469836,1.2 +1055,0.5065526701888816,0.18904716992980097,0.54 +1056,3.7977461823016165,0.21203141314764906,3.68 +1057,0.8311412852009366,0.18881947216406494,0.66 +1058,0.5285018355715059,0.18891286397543663,0.48 +1059,1.1170448346155937,0.18859861336202044,1.2 +1060,1.3164425673701523,0.18846337437581856,1.32 +1061,2.305084692801131,0.19042440427271795,2.28 +1062,1.1372970582912887,0.18856905278141897,1.06 +1063,2.7826374760590857,0.1918040499309149,2.72 +1064,0.4363855276123012,0.189658874131302,0.44 +1065,0.8059215092304639,0.18879242623459236,0.76 +1066,1.3652934644336414,0.1884863165161578,1.26 +1067,2.403122808421383,0.19091521594891447,2.36 +1068,0.8719500160818721,0.18884643579785618,0.9 +1069,2.636671262581274,0.19175429770898217,2.6 +1070,1.3275841673702005,0.18846703374699067,1.34 +1071,0.9081584845347639,0.18885014966076724,0.92 +1072,1.466087239123847,0.18856981345293922,1.48 +1073,0.2988585245364821,0.19110010171910985,0.18 +1074,1.0249595558335483,0.18874334992908834,1.0 +1075,1.4995923265066493,0.18860069064328497,1.36 +1076,0.7964138446589744,0.18878059894446872,0.86 +1077,0.903843700486384,0.1888507416267862,0.94 +1078,0.661201721926725,0.1886203568605749,0.58 +1079,1.1988512399924363,0.1884974579831515,1.16 +1080,2.8173266445860943,0.191750206194349,2.64 +1081,2.0650238844106665,0.18935535831304254,2.04 +1082,1.5829346134103084,0.18867062563838097,1.7 +1083,1.1369304533068851,0.1885695613180575,1.14 +1084,1.6450463543922622,0.18871312326448617,1.6 +1085,1.0678116877614852,0.18867649575487916,1.14 +1086,1.4707147028616048,0.18857409842304793,1.48 +1087,1.549305372654808,0.18864418819091167,1.56 +1088,1.5980218730342097,0.18868166394953426,1.6 +1089,2.211925725420935,0.18996322845288552,2.1 +1090,1.1949057706048978,0.18850103912759242,1.02 +1091,1.6943987602164017,0.18874338633270668,1.76 +1092,1.1558545030903258,0.18854421666800047,1.08 +1093,2.8940815051013358,0.19154488746168805,2.82 +1094,2.4877460145353956,0.19129781437762813,2.36 +1095,1.8537257644159777,0.18887540296009847,1.8 +1096,0.6156996993502049,0.18863633913748493,0.68 +1097,1.9572712957937075,0.18905207686072772,1.9 +1098,1.1364617268887252,0.18857021963497012,1.1 +1099,1.118863615183485,0.18859586430319483,1.02 +1100,0.8062499615108394,0.1887928122425375,0.84 +1101,1.6382375521510408,0.1887088592273525,1.4 +1102,1.2496321625586841,0.18846547310953313,1.26 +1103,1.372517919868691,0.18849098143032939,1.28 +1104,0.6353639374969859,0.1886211441881936,0.6 +1105,2.397875432404649,0.1908896248499144,2.32 +1106,0.43941403594999007,0.18962734944279852,0.42 +1107,1.973692189469005,0.1890898816168643,1.86 +1108,0.3355938509840384,0.19078478610581973,0.28 +1109,1.7471254628503996,0.18877691842302324,1.74 +1110,1.4343404284379775,0.1885407322546736,1.24 +1111,1.4141916917560613,0.18852312713286892,1.32 +1112,3.881771529111985,0.22504512845997732,4.08 +1113,2.6330384110663845,0.19174798059402423,2.56 +1114,0.8556732440544368,0.18883843723447388,0.8 +1115,1.4147435777427495,0.18852358140077943,1.42 +1116,2.7363218367067264,0.19183667066660012,2.54 +1117,0.3103100112873636,0.1910133793894912,0.3 +1118,1.2060177466601083,0.18849135443402468,1.08 +1119,1.8658076706602833,0.18889096762881183,1.88 +1120,1.4495464474914075,0.18855451886083724,1.4 +1121,1.9825861537097398,0.18911173008441431,2.0 +1122,3.777156050168104,0.2096267912036684,3.62 +1123,1.228473508460411,0.18847554248666945,1.24 +1124,2.2434953350591185,0.19011550955159776,2.06 +1125,2.0660736675592686,0.1893591629948598,2.06 +1126,1.7522611844183322,0.1887805792015139,1.74 +1127,1.3172455600115491,0.18846363599653948,1.24 +1128,1.5895141271678226,0.18867545615078873,1.54 +1129,1.503273706077849,0.1886040595532639,1.48 +1130,0.368064152929352,0.19043251720084953,0.32 +1131,0.9571253484539082,0.18882475672803828,0.9 +1132,1.5412958025870964,0.18863741530272377,1.66 +1133,2.0776732927720776,0.18939933843095536,2.06 +1134,1.2445340382255774,0.18846748295842689,1.22 +1135,1.3273832474136695,0.18846697269446228,1.2 +1136,0.8000607370230066,0.18878521361775805,0.74 +1137,1.070070633169671,0.18867285755582072,1.24 +1138,1.1886745847867088,0.18850700749603272,1.1 +1139,1.441577477922013,0.18854723318264355,1.34 +1140,0.8821930329555141,0.18884948337849702,0.84 +1141,2.4432600402490543,0.1911039675669332,2.46 +1142,2.6140533363910654,0.19170825878652137,2.62 +1143,0.9785158164067476,0.18880390253444826,0.94 +1144,0.749959034176902,0.1887154974179596,0.7 +1145,1.204177538985107,0.1884928696053687,1.2 +1146,2.3460317262510735,0.19063188719203858,2.14 +1147,1.389570173600012,0.188503244243734,1.44 +1148,1.129987545552764,0.18857945890727099,1.18 +1149,1.7211064432979664,0.18875980648790106,1.62 +1150,1.4276550327704254,0.18853477420150522,1.42 +1151,1.2850993779655726,0.18845900273519717,1.3 +1152,1.8799413304264656,0.18891081579723315,1.84 +1153,1.374552096440919,0.18849242340019323,1.28 +1154,0.9625904097339888,0.1888199357682901,0.9 +1155,0.7064512911283798,0.1886566604556978,0.72 +1156,2.467232729831557,0.1912101883453453,2.46 +1157,0.9942384669202806,0.18878545517584508,0.96 +1158,2.1064571014622917,0.18950610572035678,2.16 +1159,0.3878221721083219,0.19020362188497045,0.32 +1160,1.4953676165382659,0.18859676710609954,1.54 +1161,2.304514392795352,0.19042154574591738,2.32 +1162,3.9275047061892208,0.23792275391469722,4.2 +1163,1.630800467514993,0.18870403851148357,1.6 +1164,0.36458131515596937,0.19047225289944061,0.32 +1165,2.1001555622824357,0.1894822367121244,2.14 +1166,1.7638282327525403,0.1887889095700969,2.06 +1167,2.2087267700891955,0.18994811862093994,2.24 +1168,0.9305733410096304,0.1888426725671293,0.82 +1169,1.5484880136981947,0.18864339592664742,1.52 +1170,1.4129348468896696,0.18852205903001157,1.44 +1171,1.1176313411972336,0.18859771879082238,1.38 +1172,1.2108604734966895,0.18848749946859908,1.18 +1173,2.076853018168374,0.1893966628393334,2.06 +1174,1.8396997654953948,0.18885862130497372,1.9 +1175,1.5132782882657827,0.1886130637974277,1.52 +1176,2.771531242476984,0.19181649607689166,2.54 +1177,0.8907653599956966,0.18885081967428213,0.92 +1178,1.3178197015702484,0.18846376938909434,1.28 +1179,2.1110585085355646,0.1895241577362018,2.14 +1180,1.7581165561198324,0.18878471136164088,1.76 +1181,1.5226019916259947,0.18862133021993763,1.52 +1182,1.5698085882952297,0.18866053399781435,1.46 +1183,1.6064223207497774,0.18868758347273948,1.48 +1184,1.1171138091835016,0.18859849273535925,1.18 +1185,1.702235806066102,0.18874807733497526,1.76 +1186,2.178410303162864,0.1898081266120744,1.98 +1187,2.2696790180409154,0.1902452874515761,2.24 +1188,1.1120528978248585,0.18860620212596563,1.14 +1189,0.5248627234056842,0.18893319089139077,0.54 +1190,1.4629710811114507,0.18856693013119524,1.48 +1191,2.3746330419452235,0.19077527470457262,2.32 +1192,0.4703287884938858,0.18932999657282815,0.58 +1193,0.9311704309342288,0.18884238323846791,0.92 +1194,1.1721617243504137,0.1885245556327023,1.18 +1195,1.0438444143949177,0.18871461957563979,1.02 +1196,0.7333620954275422,0.188691737212336,0.86 +1197,1.481109509992023,0.18858372741892437,1.4 +1198,1.6627340533987642,0.18872411756106047,1.48 +1199,1.177989294960174,0.1885180899174582,1.14 +1200,2.324864008769392,0.19052439013403924,2.3 +1201,2.155113532533103,0.1897053511372107,2.06 +1202,1.421406396398613,0.1885292510884013,1.5 +1203,0.33795350718739603,0.19076100416417005,0.42 +1204,1.9405126104548798,0.18901648387592293,2.0 +1205,1.7914635101788872,0.1888109736366491,1.8 +1206,1.6511896561584136,0.188716923802127,1.6 +1207,0.9135934241215573,0.1888490175841886,0.9 +1208,1.3618732699812972,0.18848413375346726,1.38 +1209,2.5351603606931983,0.19147926339650154,2.44 +1210,1.8226161490485338,0.18884017043433104,1.78 +1211,0.49300852578818755,0.18914410262907413,0.42 +1212,1.830517778654314,0.188848303062731,1.78 +1213,1.183539863902965,0.1885122103142238,1.06 +1214,0.9118781128308966,0.18884942367346177,0.94 +1215,0.45838799242543193,0.1894392065973126,0.48 +1216,0.2547116428322995,0.19162159425648032,0.16 +1217,1.5904580905127015,0.18867610202111218,1.5 +1218,1.394703523980587,0.18850722151367977,1.22 +1219,1.2629253463279737,0.18846152333218263,1.14 +1220,1.4968315463671502,0.18859816160241188,1.4 +1221,0.25799819084397124,0.19152240107610596,0.14 +1222,1.6338209485156023,0.18870589588140962,1.62 +1223,1.060453222005788,0.1886883213773251,1.04 +1224,0.9745465158631161,0.18880817040378467,0.92 +1225,1.5520324895204347,0.18864633943411477,1.46 +1226,2.252368945119141,0.19015901549547107,2.4 +1227,1.4478203230152238,0.18855291975614752,1.3 +1228,0.8033844714455898,0.18878934756084492,0.82 +1229,3.5548793784991775,0.194349187566936,3.3 +1230,0.4117322808207444,0.18992822831352013,0.52 +1231,0.9973720548847356,0.18878149564541433,1.0 +1232,2.6631996710182424,0.19179599044984239,2.58 +1233,1.833999897997762,0.18885232514692155,1.78 +1234,0.6836566892796061,0.18863360948528407,0.62 +1235,1.6572774659585028,0.18872073962149624,1.7 +1236,0.5136550954830372,0.18900062909824084,0.56 +1237,1.0136144371491282,0.18875970116392998,1.1 +1238,1.50686161820415,0.1886073590073489,1.5 +1239,1.7228668408052308,0.18876095577315738,2.0 +1240,1.4324018266032763,0.18853899581224476,1.4 +1241,0.8215113877545301,0.1888099713628445,0.74 +1242,1.5265801805649366,0.18862483175604708,1.4 +1243,1.7212631776588776,0.18875982303707778,1.74 +1244,3.4211986260898337,0.19109695861999887,3.16 +1245,1.132282918249078,0.1885761637883445,1.26 +1246,0.4571060768094688,0.18945136814442481,0.32 +1247,1.767365854261523,0.18879159562030778,1.76 +1248,1.1834344127098613,0.188512304578199,1.16 +1249,0.3168110692298083,0.19095953571478405,0.2 +1250,0.9890270903184162,0.188791840974942,0.96 +1251,1.1320991787993508,0.18857643384214232,1.1 +1252,1.3742304337422697,0.18849214740260406,1.24 +1253,3.9354131066135514,0.2456748299949132,4.36 +1254,1.262551113570008,0.18846161128414102,1.26 +1255,2.0968711674313267,0.18946941697151054,2.1 +1256,1.4656519371898258,0.1885693843223968,1.5 +1257,1.543929520406108,0.18863961011816593,1.54 +1258,1.7060009414866795,0.18875049154254117,1.68 +1259,0.9894382839413061,0.18879134366991898,0.9 +1260,1.1994547694699247,0.18849692394319012,1.18 +1261,0.8989340782321273,0.18885106709285446,1.0 +1262,1.775520383635753,0.1887978078815593,1.7 +1263,1.666381825300186,0.1887264105799119,1.6 +1264,2.4303691812768244,0.19104472317952295,2.32 +1265,1.295668109291037,0.1884594506019103,1.3 +1266,3.2798994323822717,0.19014486756305032,3.1 +1267,1.5715590528951175,0.18866194005979417,1.6 +1268,1.32257816304488,0.18846524739497525,1.16 +1269,1.5069688991789143,0.18860738695622925,1.42 +1270,2.5305329679975994,0.19146251426746883,2.44 +1271,0.6253740240084344,0.1886271112566887,0.52 +1272,0.6289419397704139,0.18862458483878083,0.62 +1273,1.2872385215508866,0.18845897100150644,1.28 +1274,2.010134485653106,0.18918451210035028,2.04 +1275,1.1684249161642282,0.18852888237596527,1.1 +1276,1.3068984089915292,0.18846109383236453,1.12 +1277,1.3128956577352489,0.18846245540138426,2.1 +1278,1.4030606639030323,0.18851386957406285,1.44 +1279,0.7935081607128691,0.18877684012333357,0.62 +1280,0.7890971272483462,0.1887710088202634,0.8 +1281,2.648593815643113,0.19177483704242482,2.78 +1282,3.437401648850572,0.19134111778862237,3.84 +1283,1.8251961432250978,0.18884281297857744,1.68 +1284,1.3469559611592745,0.18847568353020316,1.36 +1285,2.5777006146643027,0.19161506811994256,2.48 +1286,1.4203456528552743,0.1885284226114838,1.34 +1287,2.3575491271899924,0.19069016068681072,2.26 +1288,1.2275846031258049,0.18847607778797762,1.14 +1289,1.8064771763571914,0.18882421908157626,1.9 +1290,3.1091140669551605,0.19057390679358863,2.9 +1291,1.498722376734434,0.18859991737400994,1.62 +1292,0.869433591726364,0.188845447061324,0.76 +1293,0.6929513654848816,0.1886420389273242,0.66 +1294,1.6959516180756202,0.18874432113948084,1.64 +1295,0.9363883205869199,0.18883956759840534,1.24 +1296,0.6992234432157798,0.18864851180924427,0.66 +1297,1.4076970200438403,0.18851762979530656,1.68 +1298,0.9491259451590228,0.18883113388902414,0.94 +1299,1.5076941885103745,0.18860804113139837,1.52 +1300,2.0485058625901926,0.18930050001674048,1.96 +1301,0.9848789238479327,0.18879673110710762,0.96 +1302,1.9780184213104788,0.18910023996876352,1.92 +1303,1.1357843187692238,0.18857117836832724,1.1 +1304,3.093148341821321,0.19064930911686245,2.84 +1305,1.7929959437254583,0.18881231983530583,1.84 +1306,1.241385334775669,0.18846884951489634,1.22 +1307,1.6424966316950036,0.18871159959779485,1.6 +1308,1.3809784354832095,0.18849691894283768,1.26 +1309,1.7985234721964212,0.18881698973882888,1.66 +1310,1.5304603140287798,0.18862818508579351,1.58 +1311,1.467926647700143,0.1885715146509891,1.46 +1312,1.137687463549579,0.1885685027256269,1.14 +1313,1.5700686288021004,0.18866083256119193,1.5 +1314,0.882066904713237,0.18884945279175833,0.82 +1315,0.5182711875433561,0.18897197171183533,0.54 +1316,1.8712789489489794,0.18889857382275557,1.9 +1317,0.8326456447693478,0.1888208741809822,0.86 +1318,0.36029755428864285,0.1905206755797864,0.36 +1319,0.8990671419821725,0.18885106690716932,0.9 +1320,1.910562517750637,0.18895977757378582,1.92 +1321,0.7389819494233107,0.18869967588149755,0.8 +1322,0.7521554847373058,0.18871869078588863,0.88 +1323,2.493757424609167,0.19132205256497928,2.56 +1324,1.1653444660803836,0.18853251086643508,1.16 +1325,1.4267173463156972,0.18853395091249472,1.5 +1326,0.9281185673308718,0.1888438538221997,0.96 +1327,1.696581391750038,0.18874470814978414,1.78 +1328,2.1333535622933617,0.189613619335049,2.18 +1329,0.9202685093404093,0.18884702417248497,0.88 +1330,0.8470607501878871,0.18883268864255312,0.76 +1331,1.5380522049072198,0.18863472982110657,1.5 +1332,1.615903269528703,0.18869406920302031,1.58 +1333,1.2578494091580252,0.18846280969045934,1.22 +1334,1.7369292569930732,0.18877015234111,1.74 +1335,0.6869525305808566,0.18863642801672353,0.78 +1336,0.990927186634081,0.18878953475861254,0.82 +1337,2.093005753253032,0.18945501058938666,1.94 +1338,2.0332603108450193,0.18925259616727672,2.0 +1339,3.2185787867095197,0.1901815155250256,2.9 +1340,0.7883171231464658,0.18876997606851195,0.86 +1341,0.7192070394407113,0.18867251183508923,0.7 +1342,0.47100659891130703,0.18932401844199753,0.5 +1343,0.37847478517421584,0.1903123678981189,0.48 +1344,1.6962654104506065,0.18874449258101492,1.7 +1345,1.3955066661101718,0.18850781845376088,1.36 +1346,0.4784545891497747,0.18926007046708734,0.42 +1347,1.8898093317413898,0.18892569914963203,1.82 +1348,1.6791930231404806,0.1887341814565153,1.66 +1349,3.6584228127865845,0.1994651071565735,3.54 +1350,1.8740715002076203,0.18890260997725825,1.76 +1351,0.8323129242713299,0.18882055523552851,0.84 +1352,0.8687818615453662,0.1888451762745015,0.84 +1353,1.4005711136775763,0.18851187010611872,1.46 +1354,1.0450225967115536,0.18871278554048243,1.04 +1355,1.8705922655420422,0.1888975781881784,1.88 +1356,3.541703135744707,0.19388490559607524,3.44 +1357,1.5325817223807017,0.18862999947555564,1.56 +1358,1.2074442206455613,0.18849019823781896,1.1 +1359,1.261839944486373,0.18846177787062357,1.2 +1360,1.9691026269064846,0.18907898242986856,2.0 +1361,1.863469430340886,0.18888795566803435,1.78 +1362,2.3933399567652742,0.19086762422992729,2.38 +1363,2.6679094726592876,0.19180216289832433,2.62 +1364,3.6612350340785094,0.19964582125513838,3.4 +1365,0.5857702782332324,0.18868914233652323,0.66 +1366,1.8281144266833371,0.1888459034014368,1.74 +1367,0.9728301817232119,0.18880994986294572,0.96 +1368,1.4408783947206107,0.18854659911390245,1.66 +1369,0.9296559566652312,0.18884312823150243,0.98 +1370,1.7521587160062986,0.18878045555896156,1.72 +1371,0.8412681836334877,0.18882826367894373,0.78 +1372,1.6810756436409318,0.18873534547042164,1.62 +1373,1.2641937878470249,0.18846124621672392,1.28 +1374,1.3166120719525332,0.18846343445736413,1.28 +1375,1.286530889494782,0.18845897570749742,1.36 +1376,0.7898547478981499,0.18877203695773867,0.7 +1377,0.8837636962731719,0.18884979888510814,0.76 +1378,0.26294750875129114,0.19141843008667572,0.18 +1379,0.5139852976660209,0.18899854269390517,0.5 +1380,1.0469261183808147,0.18870980166243886,0.94 +1381,0.7176291922965758,0.18867047333511058,0.72 +1382,1.4130299553098038,0.18852212572396373,1.5 +1383,1.8301368072284048,0.18884811271113242,1.92 +1384,1.7423155031924271,0.18877366808242496,1.78 +1385,1.453846420752542,0.1885585169459232,1.5 +1386,1.2306171030737467,0.188474310284894,1.16 +1387,0.9019431354429515,0.18885091106947033,0.88 +1388,2.1429900712622505,0.1896535028699326,2.08 +1389,1.1376763652964759,0.1885685169350269,1.12 +1390,3.931073242666015,0.23995503104218593,4.24 +1391,1.7211778803958275,0.188759928339586,1.72 +1392,0.8728979032887401,0.1888467883857591,0.94 +1393,0.35815388815395477,0.19054469346963057,0.2 +1394,0.8905819357826934,0.1888507999050485,0.92 +1395,1.8471917624677368,0.18886742464054446,1.86 +1396,1.414718951430728,0.18852354916248534,1.42 +1397,1.0250149503963712,0.18874326937088687,0.92 +1398,2.3588745985095194,0.19069630901273507,2.58 +1399,1.802187379711768,0.18882045010247706,1.76 +1400,2.3755221837120013,0.19077961310706815,2.3 +1401,1.157402670003351,0.1885422533230485,1.14 +1402,0.5551566279387281,0.18878686737888054,0.64 +1403,1.465378294548793,0.18856913763537353,1.5 +1404,2.257056360249792,0.19018250658771194,2.18 +1405,1.4624470283473336,0.1885664089410972,1.36 +1406,1.5021169424041612,0.188602970141986,1.46 +1407,1.0056270086972205,0.18877067492526586,0.98 +1408,1.317522711760618,0.18846368802594024,1.3 +1409,1.9028242373310074,0.18894645617901804,1.86 +1410,1.0141415377744976,0.18875894034512053,0.96 +1411,1.7124314510739194,0.18875436615400296,1.74 +1412,1.6837496197972845,0.18873672947767173,1.64 +1413,1.4629595139204856,0.1885669275209829,1.42 +1414,0.5273125623246238,0.18891940628167017,0.48 +1415,0.8194469421647146,0.18880778010835966,0.84 +1416,1.2332183765816487,0.18847287545468092,1.08 +1417,1.2083830701318254,0.188489433135523,1.16 +1418,1.0863309178688152,0.18864668513037514,1.0 +1419,0.6169637486932562,0.18863492399061055,0.64 +1420,0.6216115256869907,0.1886302853566127,0.76 +1421,1.5234705899805372,0.18862206110451085,1.4 +1422,0.24691255491412,0.19207045300926007,-0.34 +1423,0.6646202668936108,0.18862162307628394,0.76 +1424,1.6955378104021854,0.18874416384734477,1.68 +1425,2.0086481142985457,0.18918024249644957,2.06 +1426,2.82862404421898,0.19172759490688027,2.84 +1427,1.140139455879232,0.18856511162936612,1.08 +1428,1.9205944251923042,0.18897767359797008,2.0 +1429,1.1677839803690733,0.1885296149957328,1.1 +1430,0.3538368643550369,0.19059253229382955,0.3 +1431,0.5491066907097812,0.18881200872972634,0.54 +1432,0.45181259823888564,0.18950246172098026,0.54 +1433,1.7488446126038382,0.18877824494126105,1.76 +1434,0.2527932275612146,0.19169665834081243,-0.24 +1435,1.1673424898195155,0.18853014543607804,1.22 +1436,2.9886851994549026,0.1911577441294026,2.8 +1437,1.400381486464558,0.18851166256422267,1.22 +1438,1.0004450879835327,0.18877753739036773,0.98 +1439,0.6823493526312447,0.1886325504253047,0.62 +1440,1.2163702263990965,0.18848343337546145,1.22 +1441,1.4357314397611127,0.18854197305512985,1.36 +1442,1.4637561502233762,0.1885676079723596,1.38 +1443,3.2495280081157576,0.19013982688891812,3.04 +1444,1.0420998994909738,0.18871734612623423,0.96 +1445,0.3049732217246721,0.1910550007796591,0.18 +1446,1.4026956877671337,0.18851356753596515,1.34 +1447,2.2110827606240226,0.18995925987395182,2.24 +1448,0.8224552777220053,0.18881095770569636,0.8 +1449,1.8521650872956255,0.1888735845732359,1.86 +1450,2.164164043289545,0.1897447371428291,2.18 +1451,0.6528187332258109,0.18861850518400375,0.64 +1452,2.401146773434423,0.19090537476453867,2.32 +1453,1.7443471620889206,0.18877512996389112,1.76 +1454,0.32529334128777676,0.19088401667704452,0.24 +1455,0.8796159679994251,0.1888488660321529,0.9 +1456,1.547973010145599,0.18864297648610104,1.58 +1457,1.4268514656804785,0.18853404927704803,1.52 +1458,1.1007821876618575,0.1886237069550364,1.12 +1459,0.5854617986761068,0.18868989352861776,0.64 +1460,2.654689845339031,0.1917842252887589,2.66 +1461,1.2112750265379912,0.1884871846021521,1.34 +1462,2.1440496694070834,0.1896581068810202,2.08 +1463,1.4332027124674387,0.18853972221476192,1.44 +1464,0.5085469595677392,0.18903380067222603,0.42 +1465,3.1935492813186954,0.1902428237549087,2.86 +1466,1.1927146683476553,0.18850307926082246,1.14 +1467,0.8650567550420372,0.18884350909192799,0.84 +1468,1.6767915616691467,0.18873276545003223,1.62 +1469,1.461448878080985,0.18856547966667106,1.28 +1470,0.5545213939138509,0.1887894321167911,0.28 +1471,1.8418990652576543,0.18886113648832667,1.82 +1472,1.3926653836333378,0.18850562093230244,1.5 +1473,1.4068218875905976,0.18851691716310065,1.44 +1474,1.0080809181246055,0.18876735292796912,0.98 +1475,2.9662044201843454,0.1912603260462535,2.94 +1476,0.44637264298520063,0.18955638516670079,0.34 +1477,0.4560697724222622,0.18946127031772417,0.4 +1478,1.673614759881555,0.18873072699996857,1.66 +1479,1.3767644338290677,0.188493965146348,1.32 +1480,2.2806756516870355,0.19030047767888877,2.18 +1481,1.9394897120209047,0.1890143456800302,1.9 +1482,1.353666289038894,0.18847931367649362,1.32 +1483,2.785769121229446,0.19180104582232457,2.7 +1484,1.7520078647551067,0.1887804941763268,1.66 +1485,1.3550762753776395,0.18848012121788776,1.38 +1486,1.3139656982775991,0.18846274657226414,1.24 +1487,1.5840528755115442,0.18867143403906886,1.54 +1488,1.2348429611647547,0.1884720298451313,1.14 +1489,0.4192231684850187,0.18984429402261238,0.22 +1490,0.9373244080357861,0.18883902048758414,0.96 +1491,0.6003533111674513,0.18865855872215553,0.52 +1492,2.47409854044073,0.1912403143218882,2.38 +1493,1.313990545199131,0.1884627301644837,1.3 +1494,0.9370138168456015,0.18883919773711624,0.94 +1495,2.4943016897863064,0.19132371494853176,2.56 +1496,1.0425541957293467,0.1887166299760453,0.94 +1497,1.7970223166026165,0.18881575868827694,1.88 +1498,1.7810550952467425,0.18880218708900923,1.78 +1499,1.1182623623700014,0.18859677463891603,1.0 +1500,1.2939101940448234,0.188459309581732,1.24 +1501,3.576621549463372,0.1951989629797776,3.3 +1502,1.1408382375225063,0.1885641327365903,1.08 +1503,2.6024881515617047,0.19168124562251546,2.58 +1504,1.5473687875476243,0.18864246720894245,1.68 +1505,1.8335044662205127,0.1888519092275775,1.88 +1506,0.8536069921444212,0.18883715651648855,0.78 +1507,1.0929902499376063,0.18863604272878964,1.04 +1508,1.8374345680002337,0.18885618837216164,1.7 +1509,1.1019178037233301,0.18862192065056485,0.94 +1510,0.7679659512294059,0.1887415969433082,0.74 +1511,0.5922211005749125,0.18867442300228962,0.6 +1512,1.2932199563625855,0.18845924081187282,1.2 +1513,1.0437538341880004,0.18871477162614153,0.92 +1514,0.4555764624649521,0.18946599157099633,0.42 +1515,1.1741282639260222,0.18852234401656948,1.08 +1516,1.5583627332962229,0.18865145111949702,1.56 +1517,1.3044645781837005,0.18846068849525288,1.26 +1518,1.0478411758879107,0.18870836612009714,1.06 +1519,1.2882433052370266,0.18845900063371165,1.14 +1520,1.1436307569858084,0.1885603049276542,1.12 +1521,1.8853302347988719,0.18891889255748992,1.84 +1522,1.7737206241928078,0.18879632741191202,1.76 +1523,3.4792813062010506,0.19214430738133248,3.3 +1524,0.9140183555128651,0.18884889540815628,0.94 +1525,1.6382360965131124,0.18870877452541243,1.56 +1526,2.35259702793711,0.19066476888576042,2.32 +1527,1.2702225395803943,0.18846013959288585,1.26 +1528,2.5044771574393465,0.19136483770662677,2.42 +1529,0.35160284920314644,0.19061699843474322,0.36 +1530,1.6670327465923631,0.1887267439518301,1.52 +1531,1.310903120433964,0.18846197560113248,1.3 +1532,1.3075788771094257,0.18846127348337993,1.3 +1533,3.4261630480805687,0.191168163663138,3.0 +1534,0.3160330033987615,0.19096616710925687,0.28 +1535,1.0748043953517865,0.18866522442243308,1.04 +1536,1.1130533416906332,0.1886046579539647,1.08 +1537,1.0789149789523143,0.1886585936929912,1.0 +1538,1.1565693514062574,0.18854331587548256,1.04 +1539,0.6528616300620185,0.18861850866958305,0.48 +1540,0.3426709418639071,0.19071240918687038,0.28 +1541,2.0182449249263854,0.18920791282255317,1.96 +1542,1.8506077227461877,0.1888715901852265,1.74 +1543,0.5180809483280042,0.18897311566029074,0.56 +1544,0.960077414236846,0.18882219860111119,0.88 +1545,1.4014629239038865,0.1885125467492898,1.52 +1546,1.3862775194626498,0.18850075790290727,1.34 +1547,1.3863075559181353,0.18850081380528655,1.36 +1548,2.424740630079449,0.19101805539569938,2.4 +1549,2.256510044798156,0.1901798870112311,2.28 +1550,1.7037291438102422,0.18874898430066078,1.7 +1551,2.826868992689425,0.19173102522579755,2.72 +1552,1.054986357094773,0.18869705033573253,1.0 +1553,3.747175668527972,0.20651229509748986,3.58 +1554,2.7612753189767414,0.19182523276972774,2.7 +1555,3.2350033685714434,0.19015427950582175,3.1 +1556,1.301396279801969,0.1884601634392266,1.18 +1557,1.5850369197402465,0.18867220660745937,1.72 +1558,1.2557982393462537,0.18846343550942943,1.14 +1559,0.3279720092524603,0.190858967796596,0.34 +1560,1.2634499197925104,0.18846142805322996,1.18 +1561,1.71839675765093,0.1887581402312537,1.9 +1562,1.20695248346106,0.1884905969006457,1.24 +1563,1.6923683709346167,0.1887421880467992,1.68 +1564,2.019068287196184,0.18921015997399532,1.96 +1565,1.0027724727123186,0.18877447917410628,1.0 +1566,1.0825275511775916,0.1886527878761913,0.9 +1567,1.8379020493439555,0.1888567129532501,1.92 +1568,1.7123016762927883,0.18875421461602437,1.6 +1569,3.5092766288417563,0.192890955782786,3.2 +1570,1.6208106415491115,0.1886974010283523,1.54 +1571,0.8872897855000039,0.18885040563798403,0.82 +1572,0.8954734467489225,0.18885109285946383,0.82 +1573,2.0466240549661396,0.18929441004208583,2.08 +1574,1.3782073582172443,0.18849492807765433,1.22 +1575,2.214691397364441,0.1899762315955785,2.3 +1576,2.7004809710323814,0.191830397463159,2.54 +1577,1.918226068213021,0.18897354369853314,1.76 +1578,1.3955613763096857,0.18850787029793553,1.4 +1579,2.06926077769546,0.1893697226854296,2.26 +1580,1.981415153237989,0.18910880266504637,1.92 +1581,1.7046891483526496,0.18874953562830124,1.78 +1582,3.092713403548494,0.19065125284334872,2.98 +1583,0.6468375244553501,0.1886183681757517,0.64 +1584,1.4745815146991321,0.1885776528770545,1.42 +1585,1.3294406790256883,0.18846775205893124,1.24 +1586,1.7221040794786913,0.18876048529556805,1.78 +1587,1.4667654017691085,0.18857041955414428,1.42 +1588,1.5510075537054437,0.18864544377011053,1.66 +1589,1.1632961372936246,0.18853498057168216,1.0 +1590,1.9650502321055507,0.18906957907416574,2.0 +1591,0.4528903321997044,0.1894919493379386,0.5 +1592,1.218412460655044,0.18848199960763418,1.22 +1593,1.5414731825758337,0.18863754240963737,1.54 +1594,0.6321287991961031,0.18862271093993974,0.76 +1595,1.572922629082757,0.1886630449173577,1.44 +1596,0.8314168912697941,0.18881973277490852,0.76 +1597,1.3331081343661417,0.1884692181474664,1.46 +1598,1.4736203383288988,0.18857682693790273,1.48 +1599,1.9466569577472728,0.189029024248067,1.76 +1600,0.5900835789777557,0.18867908513353446,0.58 +1601,0.9191487124506701,0.18884739210861423,0.84 +1602,2.1887479413945066,0.18985495587950138,2.1 +1603,1.250468209409359,0.18846519211956278,1.24 +1604,0.6426761207603893,0.18861890195070302,0.54 +1605,0.6563681984907215,0.18861906081689103,0.56 +1606,1.2697542662996393,0.1884602376342602,1.22 +1607,1.8029872754207468,0.18882106222489886,1.84 +1608,1.0934932981589987,0.18863524323010117,1.06 +1609,3.9318818558742237,0.25189578290180464,4.6 +1610,1.5591580727817818,0.18865209481281994,1.62 +1611,1.704431874180105,0.18874946930603043,1.7 +1612,0.435922991384013,0.18966373370564288,0.42 +1613,2.6937637100703853,0.1918262959306808,2.6 +1614,2.424600136142426,0.1910176249560256,2.3 +1615,0.6384613971314697,0.18861999134263205,0.56 +1616,1.549587012330176,0.18864432613846097,1.54 +1617,0.7032787747155533,0.18865300116646033,0.7 +1618,1.0082292000404014,0.1887671472295571,1.0 +1619,1.4399051129952813,0.18854571424767055,1.36 +1620,2.7750422071449847,0.19181312662913066,2.68 +1621,0.5476476764045002,0.18881836709794894,0.6 +1622,1.3249574676098617,0.18846606829491225,1.28 +1623,1.900797293962871,0.18894311170199052,1.96 +1624,2.4964122691113673,0.1913327181063952,2.32 +1625,1.1640986443885206,0.18853401799952405,1.04 +1626,2.531848273675725,0.19146771781178656,2.58 +1627,2.4005061000580374,0.19090232431583354,2.36 +1628,1.291521104017453,0.188459149480241,1.24 +1629,1.9811951486938402,0.18910833489890358,1.86 +1630,1.194348450091667,0.18850157996469735,1.96 +1631,0.9928263474422023,0.1887871983254403,0.96 +1632,1.1815808635293499,0.1885142542100038,1.1 +1633,1.1097665557634822,0.18860971762825302,1.1 +1634,1.0813644445734278,0.18865465308007864,1.0 +1635,1.2621981508852527,0.1884617163490657,1.22 +1636,0.7963607863943774,0.1887805280615703,0.8 +1637,1.898420703158089,0.18893935615498922,1.84 +1638,2.7371057504080687,0.1918366553512996,2.52 +1639,1.2239602083105645,0.18847830545091368,1.16 +1640,0.8418505310073787,0.18882873545717221,0.84 +1641,0.7073978311736513,0.18865777995729174,0.6 +1642,1.2741222132824712,0.18845966463030372,1.14 +1643,0.8456625035921974,0.18883165417177492,0.88 +1644,1.3457299826449811,0.18847508170409574,1.38 +1645,0.8197574850469247,0.18880812217002022,0.82 +1646,1.8140352063337064,0.1888314332128716,1.84 +1647,1.997527356116634,0.18915011499495352,2.0 +1648,0.580662276664005,0.18870218350412582,0.52 +1649,3.7186305029763203,0.20392047618428957,3.44 +1650,0.9278893679105071,0.18884394486407602,0.92 +1651,1.1651235946163105,0.18853278575127538,1.14 +1652,2.673397939414391,0.19180836671130966,2.52 +1653,1.9706426648983009,0.18908233196661398,1.88 +1654,0.517867805576447,0.18897441822587965,0.5 +1655,0.904925575010844,0.18885061060172803,0.9 +1656,1.977478290269546,0.1890989739767219,1.88 +1657,1.110347888660079,0.18860882739865914,1.0 +1658,1.7726068604498366,0.18879553996831006,1.84 +1659,1.9623745103485473,0.18906359761372377,2.18 +1660,1.5725034622186371,0.18866264827250068,1.56 +1661,2.4657999954424277,0.19120454013145172,2.26 +1662,1.6875925661458535,0.18873934508737406,1.68 +1663,1.397458481388177,0.18850936219578066,1.58 +1664,1.370967429747996,0.18848993086747376,1.3 +1665,1.2224914823586481,0.18847924722044024,1.22 +1666,1.8825226321161719,0.18891455321502149,1.86 +1667,2.9195484884849536,0.1914530661403922,2.76 +1668,1.6941153352357106,0.18874321367940294,1.5 +1669,2.2424229487911935,0.19011045850473754,2.18 +1670,1.7585321983032653,0.188784942488756,1.82 +1671,3.0166172577876775,0.19102479479029447,2.96 +1672,0.9556817709459644,0.18882596392103576,0.94 +1673,1.2617697307066094,0.18846180859726974,1.16 +1674,0.38092313193095895,0.19028391096157896,0.54 +1675,1.2262785646170384,0.18847685904102246,1.16 +1676,1.2464101877711118,0.1884667214203112,1.28 +1677,0.9341860806100144,0.18884079455445082,0.9 +1678,0.956077005259161,0.18882562697821803,0.84 +1679,1.220736022364796,0.18848040497319785,1.12 +1680,1.3191739374211855,0.1884642259465626,1.32 +1681,3.194279877422784,0.19024094924382468,3.18 +1682,1.1651493393881245,0.18853276376095232,1.06 +1683,2.124736551611737,0.1895784037037314,2.14 +1684,1.7538409003547042,0.18878167123866024,1.78 +1685,1.4847975403889386,0.18858712159797414,1.56 +1686,0.6431730807450526,0.1886188141125281,0.64 +1687,0.7563985421075368,0.18872485379604695,0.62 +1688,1.933316837342468,0.18900175185444504,1.84 +1689,1.4381734801461425,0.18854414381245346,1.5 +1690,2.081863180985331,0.18941464352826812,1.92 +1691,0.9150572816316969,0.18884862570337002,0.82 +1692,2.492634273144409,0.19131725074516262,2.36 +1693,2.8531692837575964,0.1916687740083572,2.76 +1694,2.138682003544969,0.18963545189288727,2.04 +1695,1.5630438235631925,0.18865517367194629,1.5 +1696,1.0003136056837418,0.18877771014408998,0.86 +1697,2.234520753926124,0.1900716462135238,2.16 +1698,0.85565316956839,0.18883842502804296,0.9 +1699,2.4026786062388146,0.19091341271530674,2.34 +1700,2.123349495191145,0.18957283934429756,1.94 +1701,2.329974900136139,0.1905502971032823,2.2 +1702,1.2989717817459498,0.18845980156183612,1.3 +1703,2.477822582478864,0.19125609642604952,2.44 +1704,2.695733519721915,0.1918278173870086,2.78 +1705,2.42908866917353,0.19103886026097674,2.48 +1706,0.9182299078632348,0.18884769803920576,0.76 +1707,1.6988181711158792,0.1887460290446863,1.66 +1708,2.0784989858735443,0.18940231887978004,2.2 +1709,2.4520298480050453,0.19114364655794902,2.44 +1710,0.5401759490378384,0.18885277621870222,0.6 +1711,1.0456295763174215,0.18871184158063764,0.9 +1712,1.2229816807516933,0.18847893915360642,1.04 +1713,1.5472607990282647,0.18864244163427496,1.48 +1714,2.5456544636209077,0.19151520275073386,2.48 +1715,0.26825365181779826,0.19134242840399523,0.12 +1716,0.6569746162066477,0.18861918672664957,0.5 +1717,0.5242612483445181,0.18893661731177042,0.5 +1718,1.8968247508873388,0.18893680685938025,1.82 +1719,1.1739696223808196,0.18852252746487153,1.04 +1720,0.2500416586076575,0.19183697157795507,0.02 +1721,0.6034280404658603,0.18865332552196065,0.5 +1722,0.9009296917838763,0.18885096788497235,0.86 +1723,3.625318390625825,0.1975177080563186,3.48 +1724,1.9483523653141799,0.18903269842487555,1.96 +1725,1.5127898513914089,0.18861263514349577,1.46 +1726,2.130909747735009,0.18960338666963708,2.22 +1727,1.342019330077344,0.18847322663678115,1.3 +1728,0.2549724059293983,0.19161251082809444,0.0 +1729,1.1896995916877258,0.1885060016208359,1.14 +1730,1.1679183213695243,0.18852946184318087,1.22 +1731,1.2735681898407851,0.1884596752218252,1.24 +1732,0.8683775928677611,0.18884501939550435,0.86 +1733,1.5955333675292442,0.18867986586274246,1.56 +1734,1.520174513676608,0.18861920211745833,1.58 +1735,1.3365758959254193,0.18847070105599456,1.38 +1736,2.780201642472117,0.19180715332105888,2.78 +1737,1.3769573329323557,0.1884940792254581,1.32 +1738,1.8479565628136074,0.1888683925684169,1.76 +1739,1.1913689500625193,0.18850438758432542,1.2 +1740,1.6173009688053146,0.18869498254122274,1.52 +1741,1.8879834729904366,0.18892288328048215,1.82 +1742,1.751011730079335,0.1887797052807477,1.68 +1743,1.4431599517828009,0.1885486813081499,1.46 +1744,1.3299371346537285,0.1884679354107216,1.28 +1745,1.7159717124225147,0.18875651805600482,1.58 +1746,1.3651659000221896,0.1884861867883474,1.42 +1747,1.3704343049366747,0.1884896111836212,1.34 +1748,1.4842942544892364,0.18858669065557032,1.6 +1749,0.4241024838679299,0.18979051358042265,0.4 +1750,3.271412323105361,0.19013835023119827,3.24 +1751,0.4467870628998647,0.18955222339920919,0.36 +1752,0.9050593358979386,0.18885060978297513,0.84 +1753,0.8805938380663758,0.18884910662492244,0.82 +1754,1.0729379473812914,0.1886682346573197,1.14 +1755,0.8036050738172238,0.1887896016152222,0.82 +1756,1.6366731845293911,0.18870778032352217,1.64 +1757,1.3686658473930173,0.1884884699771817,1.34 +1758,0.5790542362560325,0.18870655642289905,0.52 +1759,1.1643637955887594,0.18853368114733676,1.12 +1760,1.433507046492717,0.18853996574485707,1.44 +1761,1.575253455854048,0.18866478483623306,1.5 +1762,0.5400200281985252,0.18885352588550092,0.46 +1763,2.8064551638272617,0.19177004602350342,2.68 +1764,1.0293171251463644,0.18873687308233292,1.12 +1765,1.0012874901339537,0.18877643331052463,0.98 +1766,3.3986205374164307,0.19081250516431597,3.26 +1767,1.0710585606701317,0.18867127260857713,1.08 +1768,1.0949354332585302,0.1886329515352578,1.22 +1769,1.4929495148239103,0.1885946614185259,1.58 +1770,2.4628939821215896,0.1911916766397497,2.38 +1771,2.6196503023604985,0.1917207806544318,2.64 +1772,1.2987859946163856,0.1884598100200954,1.22 +1773,3.0082514330012513,0.19106512653149757,2.74 +1774,1.2625886244976636,0.18846162137092728,1.28 +1775,3.123610099476247,0.19050762988809009,3.02 +1776,2.4102325649458214,0.19094958980510293,2.34 +1777,3.1872480973143817,0.19026215323825976,2.98 +1778,0.7920864445677618,0.18877498548516447,0.78 +1779,1.5330367344374063,0.18863036535541194,1.6 +1780,1.34187728077806,0.18847315381601798,1.36 +1781,3.4726835805943486,0.19200004217654454,3.42 +1782,2.7146915085014376,0.1918367292433565,2.48 +1783,0.4924790131906336,0.18914811109693844,0.5 +1784,1.7780215767973335,0.18879989048088447,1.74 +1785,0.7130604207778062,0.18866466790308636,0.74 +1786,1.5265056960913637,0.1886247348728605,1.44 +1787,1.6668921505230723,0.18872673395296627,1.72 +1788,1.288797915752337,0.18845901038153656,1.28 +1789,0.7860093081129709,0.1887668706402451,0.78 +1790,0.39345965374301994,0.19013807421005585,0.52 +1791,2.427473709834019,0.19103116436533105,2.44 +1792,2.151009547825007,0.18968764729335016,2.28 +1793,1.2962250551993215,0.18845951554845056,1.26 +1794,2.4391603763987293,0.19108504264393772,2.32 +1795,1.956879725367653,0.18905133916156097,1.82 +1796,1.5918035191432456,0.18867713721620769,1.62 +1797,1.9633530402550081,0.1890655894927352,1.8 +1798,0.6963302144839612,0.1886454487139197,0.6 +1799,2.3103652242316626,0.19045071604531988,2.32 +1800,1.7230133720214822,0.18876109512068875,1.56 +1801,1.6430720183242873,0.18871189210279157,1.64 +1802,3.9002105646970247,0.22910353275117068,3.88 +1803,1.858035867312455,0.18888106435032168,1.68 +1804,0.7199720554206535,0.18867351546482033,0.76 +1805,2.74042639269435,0.1918358042998382,2.66 +1806,1.6192254172008023,0.18869637430986677,1.64 +1807,1.0727576746973748,0.18866852308155815,1.02 +1808,2.368346223061904,0.1907439602341744,2.3 +1809,3.6337615027028543,0.1979838418963888,3.52 +1810,2.2616119224031017,0.190204965203268,2.12 +1811,1.6179449637896763,0.18869549687372209,1.54 +1812,1.0293329526731994,0.18873685230334744,0.94 +1813,1.7973897231358216,0.18881607365737588,1.66 +1814,2.361960153327251,0.19071175004061328,2.26 +1815,1.5545648436472812,0.1886484495606766,1.6 +1816,1.314001136481114,0.18846272913964948,1.34 +1817,1.2789482251736992,0.1884591875894996,1.18 +1818,0.4958063361556404,0.18912319212486334,0.4 +1819,1.0640619521617396,0.18868253115395095,1.02 +1820,1.985565939639555,0.18911922085114405,1.94 +1821,0.5489685684632695,0.1888126020515898,0.6 +1822,0.9162141777570805,0.18884830008010017,0.88 +1823,1.8900977496723768,0.18892612180865204,1.84 +1824,1.4013178068295142,0.18851243367884885,1.5 +1825,1.1414418504811137,0.18856330083663853,1.06 +1826,0.7803303760819988,0.18875907460199573,0.62 +1827,0.30128843384137904,0.1910824783604483,0.18 +1828,1.174552628455163,0.18852187864512485,1.08 +1829,1.715485653232488,0.18875622648028195,1.62 +1830,1.962641039765724,0.18906405993465378,1.9 +1831,1.4225060708109798,0.18853030509421556,1.44 +1832,0.922780429778751,0.18884609458608728,1.0 +1833,0.4972099784488522,0.18911289496996855,0.48 +1834,1.0950139085342496,0.18863282621091554,1.12 +1835,1.3050613684640793,0.188460773754094,1.26 +1836,1.722314610067887,0.1887606831129939,1.82 +1837,1.0704357765087888,0.18867226122167496,0.98 +1838,0.9816747545232174,0.18880038581649,0.82 +1839,1.2666557187758427,0.18846075434040913,1.24 +1840,2.3956733482095354,0.19087901294679166,2.3 +1841,1.0211596233251943,0.18874891753923476,1.02 +1842,0.8139616132828815,0.1888017712634472,0.64 +1843,2.0059799981166417,0.18917308896792606,1.98 +1844,2.2542067946246354,0.19016786487159504,2.26 +1845,0.5916767321164003,0.18867559995050082,0.74 +1846,2.3939724051678253,0.190870559883822,2.32 +1847,0.32176407990536604,0.1909161533053398,0.14 +1848,0.8865934814637468,0.1888502975517881,0.82 +1849,3.9298119711149546,0.23916404015083986,4.24 +1850,1.2757793857380684,0.1884594685876067,1.24 +1851,0.6423246530887756,0.18861897355111135,0.6 +1852,1.4974399476700635,0.18859877087982602,1.4 +1853,1.9433311568288547,0.18902192323557676,1.98 +1854,0.8945357667409246,0.18885105556106474,0.84 +1855,1.2354333885932196,0.18847171460789144,1.24 +1856,1.027489313708074,0.18873961140865206,1.0 +1857,2.846603666628802,0.19168545443703316,2.8 +1858,1.9489263226329945,0.18903403252063294,1.98 +1859,0.7510546660301511,0.18871709671600362,0.78 +1860,1.7301109403481514,0.18876566917371645,1.72 +1861,1.5094271438867388,0.18860958721774534,1.56 +1862,2.935147610953271,0.19139235671294808,2.86 +1863,0.5416867883108651,0.18884556419070528,0.58 +1864,0.872831847697243,0.1888467593028705,0.82 +1865,0.40786921533325304,0.18997207739161903,0.4 +1866,1.4964855420203087,0.18859785299294474,1.44 +1867,2.279201468273028,0.19029313495409841,2.16 +1868,0.9790624318223868,0.1888032984372714,0.84 +1869,0.38315678800573694,0.1902579336974907,0.48 +1870,0.7198641862979491,0.18867337941196852,0.68 +1871,1.3692459340733623,0.188488860390617,1.28 +1872,2.6348019558128124,0.19175121094193326,2.54 +1873,1.2558678516120152,0.18846341372787687,1.2 +1874,1.2882545604984579,0.18845900329656498,1.34 +1875,1.3234093388012307,0.18846553578291103,1.32 +1876,1.811857913340223,0.18882949702398152,1.82 +1877,2.315781676769725,0.19047839672439,2.16 +1878,1.6110616164589848,0.1886907163950003,1.7 +1879,1.7189071143988521,0.18875847473573373,1.56 +1880,0.5448091933182415,0.18883106563541005,0.66 +1881,1.9651483977670596,0.18906971377451062,1.86 +1882,0.9769483544928781,0.18880561159382328,0.92 +1883,1.2668289587203472,0.1884607533028702,1.16 +1884,1.3682625039992165,0.1884881878063975,1.4 +1885,0.36802240940265674,0.19043299487958357,0.24 +1886,1.5621296142503456,0.1886545361670172,1.52 +1887,1.2961362270671393,0.18845951076682085,1.26 +1888,0.8290298922727504,0.18881747546998404,0.76 +1889,1.3092299077934257,0.18846158041939226,1.44 +1890,1.081705338835586,0.1886541136573909,1.06 +1891,2.0518152814430684,0.18931115193415454,1.94 +1892,1.0720715209878426,0.18866963447391763,1.06 +1893,1.142788678996807,0.18856146212386196,1.0 +1894,2.914195860823356,0.1914733873444692,2.92 +1895,1.8343222619411013,0.18885266771391776,1.76 +1896,1.4686818759603686,0.18857218215426153,1.5 +1897,0.4952259294069157,0.18912749651628252,0.44 +1898,1.7151993389030322,0.18875621958310984,1.74 +1899,1.177438871881929,0.18851867823957352,1.16 +1900,0.3702343093074998,0.1904076176750318,0.06 +1901,1.5221640446506506,0.18862098755614154,1.54 +1902,3.394661744557461,0.19076887876183357,3.34 +1903,0.5578347203066392,0.1887763996728996,0.52 +1904,1.3253286328869038,0.18846627403443697,1.26 +1905,0.8863167213466909,0.18885025882407144,0.84 +1906,1.4966963718637392,0.18859806161265832,1.48 +1907,0.44730405990237565,0.18954705578604897,0.42 +1908,1.7813816863701633,0.18880252146213838,1.82 +1909,1.9118287478346903,0.1889620279090196,1.96 +1910,2.2369300377602315,0.19008334942031616,2.2 +1911,0.8601760017748765,0.18884103363187152,0.9 +1912,0.5542614816017684,0.18879048346277322,0.78 +1913,2.64905291333402,0.19177541798831876,2.52 +1914,3.3334738964854456,0.19029817999060622,2.94 +1915,3.4666032306177854,0.19187294799002722,3.22 +1916,1.1957136948476272,0.1885003056641693,1.12 +1917,1.6663667161140199,0.188726313449055,1.58 +1918,2.158820382580651,0.189721421879521,2.1 +1919,1.0488872143522292,0.1887067123777939,1.2 +1920,1.0301102772564452,0.18873568465203341,1.02 +1921,2.0767902610256144,0.18939636329452644,1.94 +1922,1.654499610589686,0.1887190045988197,1.72 +1923,1.2863261934065584,0.18845897723400287,1.4 +1924,1.7774913064462388,0.1887993387283976,1.76 +1925,1.8680534407026157,0.18889405148379151,1.78 +1926,2.0398955004439596,0.1892730066033265,2.02 +1927,2.1755093754411927,0.18979522288651715,2.12 +1928,1.8943293483804207,0.18893286943107956,1.76 +1929,1.154342292801575,0.18854616288536058,1.06 +1930,1.6999762999347816,0.18874667686006968,1.7 +1931,1.0302775916355629,0.1887354413306149,1.04 +1932,2.6470199325211707,0.19177223172142632,2.5 +1933,1.0988755901040872,0.18862671190601205,1.04 +1934,0.7667911522424051,0.18873990773781263,0.74 +1935,1.4167694862897104,0.1885252958409186,1.36 +1936,1.7427127623260639,0.18877404794391356,1.58 +1937,0.7171327010773407,0.18866982821217865,0.76 +1938,1.3284145462776256,0.18846735587838168,1.32 +1939,2.2528471656536704,0.19016165122840842,2.28 +1940,1.9949227935839098,0.18914340298514995,1.98 +1941,1.0451157294636764,0.18871263865244914,1.04 +1942,1.288396357508539,0.18845901309303398,1.18 +1943,1.647648464134153,0.18871474993151957,1.62 +1944,1.3817644812410184,0.1884974870723734,1.42 +1945,1.2263632657920287,0.18847683179076072,1.3 +1946,0.3580690809188869,0.19054563177847123,0.4 +1947,1.3669519084833868,0.18848734837199052,1.32 +1948,0.5897004699693877,0.18867993751183057,0.66 +1949,1.5443196978301776,0.1886399547935323,1.58 +1950,1.5265590766633015,0.18862478251092896,1.58 +1951,1.71103064408468,0.18875350124763246,1.7 +1952,0.2861652009920339,0.1911886432797844,0.3 +1953,1.725841786198414,0.18876284264637555,1.66 +1954,1.4848661482044225,0.18858715866222306,1.44 +1955,0.6844543890705952,0.18863426826760937,0.66 +1956,0.6115894786479086,0.18864134926034412,0.56 +1957,1.269315037094078,0.18846029766722344,1.26 +1958,0.9492266553169728,0.1888310589252385,0.9 +1959,0.7541698389761866,0.188721616009726,0.8 +1960,1.8193660425563485,0.18883686096551167,1.76 +1961,1.0938547047772504,0.188634659323792,1.0 +1962,3.8606566290033237,0.22112884467144686,4.12 +1963,1.2863728761879856,0.18845899486806117,1.2 +1964,1.3590147976895814,0.18848242559424785,1.34 +1965,0.7101540327301008,0.18866108592548728,0.74 +1966,2.035762317051022,0.1892600286892692,1.92 +1967,0.7057252015511468,0.1886558023667111,0.72 +1968,1.1088004040456092,0.18861119659433584,1.04 +1969,0.5644749047463284,0.18875205570270404,0.56 +1970,0.5362585409518081,0.18887206335356832,0.44 +1971,1.6027989165387677,0.18868503336787865,1.56 +1972,0.4300491614436759,0.18972607800923727,0.44 +1973,1.635725789142522,0.18870719153551446,1.6 +1974,0.6132266890999667,0.18863926429070677,0.56 +1975,0.5671368270292094,0.18874292485584404,0.5 +1976,0.6227633027152433,0.18862925484960597,0.72 +1977,1.1166757897692234,0.18859915297289542,1.1 +1978,2.054070659260507,0.18931876558987223,1.96 +1979,0.7754305174849583,0.1887522128365945,0.72 +1980,1.829090450598046,0.18884699772943522,1.88 +1981,0.7271873238437065,0.18868317971526558,0.68 +1982,1.2382353915411823,0.18847034156885117,1.18 +1983,1.0458310852390815,0.18871151931986335,1.12 +1984,0.43510883741677886,0.1896722939417382,0.46 +1985,0.8555447389955264,0.18883837011546703,0.94 +1986,1.4785722869753501,0.1885813554954749,1.34 +1987,3.626583581751264,0.1975862324992575,3.36 +1988,2.107683884825552,0.18951075691913966,2.1 +1989,1.4480906693287612,0.18855321945051795,1.46 +1990,1.9864665514528144,0.18912130526098386,2.06 +1991,0.4487695635824085,0.18953245006877845,0.38 +1992,0.8127056835097506,0.18880036397483296,0.72 +1993,2.184254514767151,0.18983454712476316,2.06 +1994,1.247826744999139,0.18846616375542208,1.14 +1995,0.44922028858783025,0.18952798910148178,0.6 +1996,1.1597637031878307,0.18853931534412485,0.98 +1997,1.1170744061956557,0.18859856498973473,1.1 +1998,1.2940006083111284,0.18845929130447417,1.04 +1999,1.6663109660187054,0.18872631851891067,1.7 +2000,1.218202380577677,0.1884821195016417,1.18 +2001,0.535693500526363,0.18887491914306517,0.44 +2002,1.780495730733928,0.1888017699933581,1.74 +2003,1.3097282738713834,0.18846170551190164,1.32 +2004,0.995541134143558,0.18878381788436072,1.0 +2005,1.094441560462568,0.18863373734045993,1.2 +2006,0.6545912330268877,0.18861873712699895,0.64 +2007,0.8755977300720927,0.18884770416513177,0.84 +2008,1.7279764790432053,0.18876416519016406,1.7 +2009,1.8909134923657096,0.18892745947945166,1.84 +2010,1.225419552955031,0.18847739525506643,1.2 +2011,0.8487357219110561,0.18883389844108198,0.74 +2012,1.8380301128110619,0.18885675068043764,1.6 +2013,1.250452938642009,0.18846517421263329,1.26 +2014,1.087347302438561,0.18864505845884513,1.08 +2015,2.0045224244412685,0.18916899943583074,1.96 +2016,1.2033328107740202,0.18849356675512044,1.14 +2017,1.6221274148433358,0.18869833234584757,1.6 +2018,1.3432143907971172,0.18847384895353597,1.38 +2019,0.7526905935177963,0.1887194642449012,0.7 +2020,2.008598311100875,0.1891801382808904,2.04 +2021,1.5743384223469257,0.18866405983619602,1.44 +2022,1.974705969837981,0.18909231495770618,1.94 +2023,1.3185289997332454,0.1884639925594155,1.24 +2024,3.3766924436275367,0.1905920860802255,3.04 +2025,1.453164856680288,0.1885578509145369,1.5 +2026,1.4729998713638282,0.18857620983872983,1.46 +2027,1.3425012557843223,0.1884734289756514,1.42 +2028,1.2361880596149464,0.18847133094559798,1.0 +2029,1.537460065987599,0.18863415419271684,1.54 +2030,1.7754284940809895,0.1887976681163533,1.88 +2031,1.9467143780280642,0.18902919456418452,1.88 +2032,1.3408019544309069,0.18847259454526194,1.28 +2033,0.8428758300824815,0.1888295372695074,0.8 +2034,1.3610187762306467,0.18848356932539598,1.48 +2035,1.0060893347744406,0.1887700590689672,1.06 +2036,1.7820473092966351,0.18880298795995815,1.72 +2037,0.6874938843477649,0.18863689946634882,0.78 +2038,2.151140196482423,0.1896881505663554,2.18 +2039,1.621930766012132,0.18869817985566126,1.56 +2040,1.0102296649404325,0.18876440664315605,0.96 +2041,1.2765079273021984,0.18845938834378392,1.22 +2042,1.3725220778313771,0.188491028017235,1.36 +2043,1.66798507122285,0.18872747806919438,1.66 +2044,2.6044434557459493,0.19168609542948853,2.7 +2045,1.0333007823344211,0.1887308687966061,0.92 +2046,2.5314275375383346,0.1914656722527456,2.52 +2047,1.231264769427484,0.18847395627910993,1.14 +2048,0.7120086516400621,0.18866336429578207,0.78 +2049,1.338055019032127,0.1884713781177829,1.3 +2050,2.939982326694108,0.19137245287398347,2.98 +2051,2.298227211723753,0.1903893385037759,2.18 +2052,1.491980105482176,0.18859372485871517,1.5 +2053,1.0562257664639862,0.1886950863406122,1.1 +2054,1.4543782831832222,0.1885589878058864,1.48 +2055,1.662793478528686,0.188724153956931,1.52 +2056,1.6978508459693258,0.18874545667366593,1.6 +2057,1.3196583762545286,0.18846435132316386,1.24 +2058,0.8442078694611752,0.18883056621655003,0.9 +2059,2.238739210527134,0.19009259908326118,2.2 +2060,3.509415099447133,0.19289521184189534,3.28 +2061,0.9332241201586229,0.18884132111695776,0.8 +2062,1.7865836828209407,0.1888067314521855,1.76 +2063,1.6344224927085007,0.1887062654250041,1.78 +2064,2.272730425978236,0.1902604659208617,2.16 +2065,2.01635474163641,0.18920225145481012,1.94 +2066,1.0513587790825094,0.1887028105870748,1.0 +2067,1.5540537638483116,0.18864805089261497,1.46 +2068,0.8938502370939931,0.1888510315498153,0.84 +2069,1.933689094553735,0.18900252679391297,1.88 +2070,0.7392524113171863,0.18870006328431954,0.72 +2071,0.911898042133273,0.1888494043982742,0.84 +2072,0.270822178516793,0.19131362255422998,0.06 +2073,1.6285674734119662,0.18870256012359518,1.56 +2074,0.9923768359799257,0.18878776342675854,1.0 +2075,1.7551438545651463,0.18878279601397166,1.68 +2076,3.2953921622403213,0.19016906227117972,3.12 +2077,1.1843279598958667,0.1885113992622264,1.2 +2078,1.9279721678291788,0.18899153804669944,1.8 +2079,1.4053658810141487,0.1885157091130997,1.28 +2080,1.4250076462039074,0.1885324538695044,1.24 +2081,1.1431299681388583,0.18856099783374686,1.28 +2082,1.5207845063084389,0.18861969437965984,1.42 +2083,2.01421924776933,0.1891960947914751,2.02 +2084,1.7641981332893784,0.18878922557874653,1.84 +2085,1.1228424710781726,0.18858994586025124,1.08 +2086,2.08394628995803,0.1894221229620445,2.02 +2087,0.47792019858256807,0.1892645534505389,0.52 +2088,1.0771149559242412,0.1886615002222646,1.1 +2089,2.43128288777399,0.19104898992013472,2.36 +2090,1.7236614714996679,0.18876149541537093,1.72 +2091,1.0194590998472182,0.18875137181630608,1.02 +2092,1.0176112819891403,0.18875403383218745,1.0 +2093,1.9068913054662338,0.18895336213659777,1.8 +2094,1.1823444455085668,0.18851346416792897,1.08 +2095,2.5557298842986214,0.19154845224378075,2.34 +2096,2.8814238485139114,0.191586433442549,2.66 +2097,0.754443260546646,0.18872201293365792,0.64 +2098,0.7763170263831711,0.18875346505740015,0.76 +2099,0.8600322866476307,0.18884094862516101,0.8 +2100,0.9066338639330784,0.18885038882820282,0.94 +2101,1.9053029496576068,0.18895069853020902,1.86 +2102,3.8018707212021337,0.21254114960037884,3.68 +2103,1.7210228339170899,0.18875986837059883,1.8 +2104,0.8342224940429113,0.18882228315838867,0.74 +2105,1.0657509966399374,0.1886798219095779,1.04 +2106,1.1426378240846333,0.18856166475084815,1.18 +2107,2.2077671367469147,0.18994369327289257,2.12 +2108,1.1882865406940486,0.1885073969847549,1.1 +2109,1.6689436144238974,0.188727886094163,1.58 +2110,2.225952994035647,0.19002993161154358,2.32 +2111,1.839142577327472,0.18885804593694092,1.6 +2112,0.3075785148771992,0.1910349653931182,0.18 +2113,1.390792033627423,0.18850420939929244,1.3 +2114,1.6952561564486353,0.18874386201730908,1.52 +2115,1.6536623698683732,0.1887185125180092,1.54 +2116,1.2551154096336392,0.1884636225933836,1.24 +2117,0.48815342623724667,0.1891814443919075,0.46 +2118,1.55574589669709,0.18864930335966376,1.68 +2119,1.6361086016469175,0.18870740982835946,1.66 +2120,0.819157140707125,0.1888074729252498,0.84 +2121,1.3058222058828657,0.1884608812741557,1.24 +2122,1.4418769006756638,0.18854752421103843,1.5 +2123,1.0615772354261825,0.18868651227376992,1.02 +2124,2.078487525022096,0.18940239149232352,2.04 +2125,1.0726801352091189,0.1886686560063314,1.1 +2126,1.2750398447291629,0.18845952650931105,1.36 +2127,3.672912455249331,0.20042363016507192,3.76 +2128,1.5969129634685981,0.18868089826773107,1.54 +2129,0.9816723450274571,0.188800393968902,1.02 +2130,1.178865010223361,0.188517152652281,1.14 +2131,1.5421909258911415,0.18863812696259977,1.56 +2132,2.3072929856428432,0.19043540735520592,2.22 +2133,1.1216144805895516,0.18859174882580154,1.12 +2134,3.347356423054957,0.19037387832564598,3.16 +2135,1.7349384872125404,0.188768760885727,1.72 +2136,1.4128817842581116,0.18852195718434028,1.3 +2137,0.9385193073678757,0.18883829828657994,0.88 +2138,0.6588462879651324,0.1886196477926775,0.64 +2139,0.4972057168609776,0.18911291665750365,0.46 +2140,1.166385689296104,0.18853127009603662,1.12 +2141,0.5016581346471762,0.18908096046908787,0.44 +2142,1.174558362799136,0.18852185960040999,1.16 +2143,1.4064912427826723,0.18851668798590804,1.32 +2144,1.3554911931033875,0.18848035816349312,1.32 +2145,2.5317670598220783,0.1914670771911944,2.38 +2146,1.588324072886649,0.18867462495328644,1.54 +2147,1.3115145638242132,0.18846211100868482,1.28 +2148,1.6138563316149324,0.18869274831048252,1.7 +2149,1.6786982018994545,0.18873381739200337,1.82 +2150,1.0945968915672017,0.18863349017105555,1.04 +2151,0.42383705914648107,0.1897934155036791,0.4 +2152,1.0192482837707308,0.1887516790477856,1.02 +2153,1.0172669698074952,0.18875452688133065,1.06 +2154,2.446476048111653,0.19111844035235642,2.34 +2155,1.4934059322682443,0.1885950705872665,1.4 +2156,0.719272969868973,0.1886726099221551,0.74 +2157,0.7077795190957092,0.18865823274964963,0.72 +2158,0.4848155665504297,0.1892078938563393,0.56 +2159,2.499980928562648,0.1913469210857427,2.44 +2160,2.045949303424875,0.18929218561966435,2.0 +2161,2.195264481670775,0.18988509306114254,2.1 +2162,1.6688571423753935,0.18872782448060102,1.76 +2163,2.5290028927202597,0.19145665917274773,2.48 +2164,2.4580460559634982,0.1911706671290546,2.58 +2165,2.3190092460262415,0.19049454926280057,1.98 +2166,1.8158584320030429,0.18883336709989385,2.04 +2167,1.5163297421170603,0.1886157278899116,1.52 +2168,2.634307748621408,0.19174981889691092,2.44 +2169,0.7309687497363575,0.18868838901062313,0.7 +2170,1.2901440479637707,0.1884590599787773,1.26 +2171,1.4800280243594301,0.18858276840212682,1.36 +2172,0.6863868757828204,0.188635932290125,0.64 +2173,1.8077098198304544,0.18882546825036386,1.8 +2174,1.6496620148375885,0.18871605810414702,1.7 +2175,1.990779129922766,0.1891324221131053,1.86 +2176,1.7912089699300024,0.18881067244676836,1.62 +2177,1.3278462007745049,0.18846712159839454,1.3 +2178,1.2645752562574029,0.18846116599377458,1.3 +2179,0.8707325666161909,0.1888459740143884,0.82 +2180,1.8679089717236839,0.1888938637946696,1.92 +2181,2.2095211493049147,0.18995176940511846,2.18 +2182,1.8151662436253713,0.188832611690624,1.78 +2183,1.63628605199086,0.18870754578652088,1.76 +2184,1.8370443906278082,0.1888557606398102,1.86 +2185,1.9448129368445806,0.18902531018294022,1.86 +2186,1.072240369333261,0.1886693622460539,1.1 +2187,1.868977433482977,0.18889529575549258,1.96 +2188,1.2969271756077847,0.18845957319130632,1.4 +2189,1.868701409491819,0.18889492638200156,1.92 +2190,0.8615345326604447,0.18884175316819415,0.82 +2191,3.8026615394536263,0.21264005683719633,3.94 +2192,2.2526552129394037,0.19016083563159752,2.26 +2193,1.9313475335462507,0.18899814747590446,1.96 +2194,0.5137732003593609,0.1889998833910324,0.56 +2195,0.526989202636863,0.18892121295649342,0.48 +2196,2.8790536597020964,0.19159364847619528,2.74 +2197,1.172807668104203,0.18852383585977425,1.2 +2198,1.1870700132845429,0.18850860917031448,1.1 +2199,1.586062115800423,0.18867298982121974,1.54 +2200,1.8131769270790896,0.18883069204706396,1.82 +2201,2.1503899653026126,0.18968493104310924,2.08 +2202,2.378513706932268,0.19079431855452975,2.46 +2203,0.29185816785837626,0.19114925631362759,0.2 +2204,1.339846786165585,0.1884722153436398,1.44 +2205,1.701949699270375,0.18874785606073483,1.78 +2206,0.8776843627121205,0.18884832783352676,0.88 +2207,2.925173814589489,0.19143165784844207,2.8 +2208,1.9310709239515333,0.1889975416660099,2.12 +2209,1.1631059993380346,0.1885352038578687,1.08 +2210,1.0321436576685248,0.18873261419788903,1.04 +2211,1.1660924502281154,0.18853162615397526,1.18 +2212,0.4120999026114214,0.1899240720834433,0.38 +2213,1.041742132108704,0.18871789509047612,1.06 +2214,3.347547265426872,0.19037542407734406,3.2 +2215,1.4957389716500462,0.18859724627193108,1.54 +2216,1.7454638225125498,0.18877580089653195,1.56 +2217,1.0243442646391971,0.18874425804177927,1.08 +2218,1.6899565253932842,0.1887406974990437,1.64 +2219,1.6992641077751476,0.1887462214358157,1.54 +2220,0.6300182815564661,0.18862391400144315,0.74 +2221,0.8099369417286086,0.1887971730645291,0.76 +2222,0.8627534346473162,0.1888423797723676,0.78 +2223,2.3617384036066706,0.1907106394821979,2.3 +2224,0.7520869647924251,0.18871858994177987,0.8 +2225,1.4800468365542596,0.18858271262360707,1.36 +2226,1.8510690142379362,0.1888722786237698,1.86 +2227,1.879375166904372,0.18891016170970873,1.94 +2228,0.52452131821656,0.18893514046452595,0.62 +2229,1.101216613714609,0.1886230270434886,1.08 +2230,1.3828377125235607,0.18849827303122563,1.36 +2231,1.0532298906584006,0.1886998390548436,0.96 +2232,2.8530815649307675,0.19166875784762274,2.96 +2233,0.8740495114074884,0.18884718664807681,0.82 +2234,0.9983676590528996,0.18878023502082772,0.98 +2235,0.7996573972667227,0.18878472075494218,0.8 +2236,1.3010828590225778,0.18846008339467554,1.26 +2237,2.103800381711726,0.1894958855137256,2.14 +2238,2.2419633601595175,0.190108169196117,2.26 +2239,1.1856148050453836,0.1885100847779862,1.1 +2240,0.7452500988736779,0.18870867952668205,0.76 +2241,0.6501896071474607,0.1886183170421063,1.28 +2242,1.477112742084291,0.18858002914375388,1.4 +2243,1.373737520156529,0.18849182047154348,1.38 +2244,1.031562296744853,0.18873349438050854,0.98 +2245,2.6172698869146336,0.19171521879094522,2.42 +2246,0.7537201217810872,0.18872096728807528,0.72 +2247,0.9762932481142379,0.18880632071639794,0.92 +2248,1.2569225706686737,0.18846309822835886,1.2 +2249,1.0055322196074787,0.18877080929305473,0.98 +2250,2.2099499451114335,0.18995394158900972,2.14 +2251,1.4402478063190733,0.18854603994326938,1.34 +2252,0.6543721789861403,0.1886187018149493,0.7 +2253,1.8470622060092368,0.1888673194145527,1.86 +2254,3.0429593516251137,0.19089545110199263,2.94 +2255,1.1054423036581034,0.18861642327281178,1.18 +2256,1.8819730340473184,0.18891406981513262,1.86 +2257,1.7230466850773738,0.1887610692647297,1.82 +2258,3.912463294081358,0.23237398622313363,4.18 +2259,0.5185146762521693,0.18897049691406845,0.46 +2260,1.172443296280336,0.18852423465745474,1.38 +2261,0.8044713095810538,0.1887906685343291,0.82 +2262,0.819932489589281,0.18880830451938058,0.8 +2263,1.3130731695743212,0.18846249629070982,1.16 +2264,2.4048038045768774,0.19092310576351915,2.5 +2265,1.8070280652363657,0.18882502119912276,1.76 +2266,2.620714918426364,0.1917229932284566,2.68 +2267,1.2909831574314368,0.18845910722188686,1.3 +2268,3.3036854307120826,0.190188090853485,2.74 +2269,0.46426366031735644,0.1893845314418027,0.46 +2270,2.413052405232926,0.19096242469649022,2.22 +2271,0.9703237988276963,0.18881251149918377,0.98 +2272,1.0740727557869054,0.188666405278202,1.12 +2273,1.5732562992114307,0.18866321972032413,1.66 +2274,1.0096989226252735,0.18876513295498906,1.0 +2275,0.6767138029524118,0.18862835446290643,0.66 +2276,1.3932477340516007,0.18850609063349696,1.34 +2277,1.2587733952935907,0.18846258801526528,1.16 +2278,1.2179094557418744,0.18848235607819042,1.28 +2279,2.4100508698621583,0.1909485710123628,2.5 +2280,1.5613405407640528,0.18865388581577533,1.76 +2281,0.4495836254907746,0.1895243833874441,0.46 +2282,0.8218916627455235,0.18881036507081056,0.74 +2283,1.2370082420901254,0.18847092953472108,1.26 +2284,1.3521988410021681,0.18847850693037968,1.28 +2285,0.3776155540336703,0.19032233214971409,0.3 +2286,3.910971789294134,0.23193898178039793,4.12 +2287,1.2669362994601923,0.18846073437876812,1.18 +2288,1.3061506989597682,0.1884609665934072,1.34 +2289,1.5499284997933602,0.188644571854071,1.7 +2290,0.8913485143242703,0.18885088143263679,0.86 +2291,3.794001546369336,0.21157636571554342,4.26 +2292,1.088669347193955,0.18864292433886276,1.02 +2293,2.4915218422413634,0.19131333852240215,2.36 +2294,0.7762056299619859,0.1887533187671569,0.76 +2295,2.3131330993910337,0.19046518702711598,2.22 +2296,1.9126611321568296,0.188963396434733,1.82 +2297,1.7403048439212505,0.18877238145267325,1.68 +2298,1.885173694385743,0.18891871431594517,1.82 +2299,1.041206172769359,0.18871872082225608,0.98 +2300,0.8003428155516377,0.1887855757075395,0.8 +2301,1.5293289097601,0.18862719755155744,1.34 +2302,1.3851737900518384,0.18849995534623065,1.42 +2303,1.038425743860872,0.18872303307708996,1.04 +2304,1.897755225462893,0.18893834437111193,1.92 +2305,1.7792257366029525,0.18880093531072226,1.78 +2306,1.7345204136742345,0.18876850330813885,1.72 +2307,2.295325891357683,0.1903741733507949,2.34 +2308,0.8050881177200664,0.18879141954901207,0.78 +2309,2.06278788176503,0.1893479857720384,2.06 +2310,1.0166875266328497,0.18875535556238657,0.84 +2311,1.2757581823084554,0.18845944279378005,1.24 +2312,1.63388744113544,0.18870588434812918,1.56 +2313,0.7205304196697215,0.18867425373612104,0.64 +2314,0.5123819732786077,0.1890087607473879,0.26 +2315,1.6108656502675915,0.1886906680257425,1.56 +2316,1.4560837851425366,0.18856051967628773,1.46 +2317,1.3599568918847214,0.1884829674317232,1.42 +2318,1.8577833927729765,0.1888806193805701,1.94 +2319,1.156619277209525,0.188543261025543,1.1 +2320,1.534694467332477,0.18863178905158587,1.5 +2321,3.169736962370785,0.19032050973974446,3.08 +2322,1.5453238883418472,0.1886407496120075,1.52 +2323,0.5760899122205789,0.18871494343037717,0.6 +2324,1.092972188937756,0.1886360733755991,1.06 +2325,1.4648997621477993,0.18856866173941478,1.46 +2326,1.6774322528487355,0.18873305099830712,1.6 +2327,1.16637109845464,0.18853130184829042,1.14 +2328,0.7830601291533423,0.18876283868244084,0.78 +2329,3.033785520072507,0.1909409459686734,2.76 +2330,3.7795122478462124,0.2098903702980651,3.62 +2331,0.8153681483452202,0.18880334371589397,0.76 +2332,1.2125076757050428,0.18848624943861736,1.12 +2333,0.7395369299183525,0.18870047468872433,0.6 +2334,1.6966394469177033,0.18874474319359352,1.68 +2335,1.9695805272183453,0.18908013893035647,2.08 +2336,2.1827498874220863,0.1898277353936268,2.24 +2337,2.0897460687069236,0.1894430894597494,2.36 +2338,1.0297424736048415,0.18873623643690646,0.96 +2339,1.9352688512662317,0.1890057910264148,2.0 +2340,1.1506771182246356,0.1885509141747168,1.18 +2341,1.0636340219084472,0.18868321576266656,1.08 +2342,1.4140945490911376,0.1885230369300962,1.26 +2343,1.032025276879491,0.18873280457559552,0.94 +2344,1.6007986936837668,0.18868359802880283,1.5 +2345,0.7546908810382142,0.18872238134216343,0.76 +2346,1.9792956728141136,0.18910354915481506,1.84 +2347,0.9835160955946061,0.18879829739434617,0.94 +2348,1.8817488140546097,0.1889135271049837,2.0 +2349,0.868276576150927,0.18884495495110493,0.84 +2350,0.6938276113882813,0.18864291161984775,0.72 +2351,1.1481310726896796,0.1885542604059391,1.16 +2352,0.5096356417157273,0.18902660922956852,0.56 +2353,2.0197779727511502,0.18921215755149048,1.96 +2354,1.7934710060430945,0.18881254977165973,1.84 +2355,2.25005646697835,0.19014790110990404,2.22 +2356,1.9376015065507588,0.1890105506177855,1.92 +2357,0.9478211958197822,0.18883209500994244,0.94 +2358,1.4467712202706837,0.18855196301036198,1.36 +2359,3.1609880501799337,0.19035249381618577,2.96 +2360,0.7192933454622772,0.18867262349109365,0.74 +2361,2.491030335547954,0.19131130084641468,2.42 +2362,2.1299682481959508,0.18959956941934147,2.22 +2363,1.914690128319121,0.18896715117744434,1.88 +2364,1.9567829367798402,0.1890509739684681,1.86 +2365,1.1977007331249923,0.18849850669437562,1.14 +2366,0.3579216667351155,0.19054728117592834,0.18 +2367,2.6427094260184827,0.1917649880971764,2.64 +2368,1.1469565292122008,0.18855581654650796,1.0 +2369,3.914091779102356,0.23286478990666157,4.06 +2370,1.995961264754886,0.18914604930613604,1.96 +2371,2.773175180937076,0.19181451328323557,2.56 +2372,0.3082085047400629,0.1910300396756684,0.14 +2373,0.28994395954247776,0.19116246938639805,0.22 +2374,1.4538022468254417,0.18855840958819103,1.64 +2375,1.1609341037517356,0.18853785700884582,1.04 +2376,0.9710046378554262,0.188811829054671,0.86 +2377,2.0030051554727164,0.18916488622482983,2.02 +2378,1.7086710002745849,0.18875220689312763,1.78 +2379,1.2545558449326617,0.18846381634515705,1.1 +2380,0.30636978490426237,0.19104432264874385,0.18 +2381,1.5397829359518271,0.18863608893649522,1.66 +2382,0.76370050731697,0.1887354671786006,0.7 +2383,1.0211657846320146,0.18874890932133898,1.02 +2384,1.4604044848722035,0.18856453423619,1.38 +2385,1.052447868271947,0.18870108079555664,1.06 +2386,1.8864184293064048,0.18892056026726514,1.98 +2387,0.7927303444567839,0.1887758331057101,0.78 +2388,1.268248404298869,0.1884604779783046,1.12 +2389,1.4472734613708298,0.18855241057225786,1.38 +2390,1.4908978638722952,0.188592729254136,1.5 +2391,0.3098274832820864,0.19101723568086015,0.28 +2392,0.3420448228949191,0.19071893780184027,0.3 +2393,0.29366058761992986,0.19113677058782383,0.04 +2394,0.6699686088236929,0.1886241924620769,0.66 +2395,0.28453235078907047,0.19120011797059303,0.12 +2396,1.805460750868548,0.18882329788282054,1.8 +2397,0.8700431535218647,0.18884568839460195,0.84 +2398,0.6395430786701557,0.18861965076626314,0.62 +2399,0.6506668787168739,0.18861834508695885,0.58 +2400,2.2436474531258632,0.19011614364226964,2.28 +2401,2.321020292909199,0.19050490190516706,2.3 +2402,2.631944413424975,0.19174544767938292,2.48 +2403,2.288136398503066,0.19033795736582912,2.18 +2404,1.4175353601178327,0.1885260058274068,1.46 +2405,2.000762804880128,0.18915896302808996,1.88 +2406,0.6421846091839323,0.18861899863937945,0.54 +2407,1.7936863631955904,0.18881287512809322,1.74 +2408,0.6372908425834807,0.1886203942819983,0.74 +2409,1.482166495813135,0.18858468520354743,1.46 +2410,1.9272810225536932,0.18899034037119153,1.98 +2411,1.1013957952050595,0.18862274485415514,1.1 +2412,0.49863181197176876,0.18910255223341987,0.42 +2413,0.4565594050690114,0.18945657529429524,0.54 +2414,3.6097574601518776,0.19671002958884892,3.42 +2415,0.7823083896427356,0.18876180162249512,0.68 +2416,1.867278280098547,0.18889310800361953,1.84 +2417,3.512875449838849,0.19299134961568995,3.26 +2418,1.886256749018415,0.18892018217304468,1.76 +2419,1.1834326436257856,0.1885123079508982,1.12 +2420,3.169609593142213,0.190321073029766,2.92 +2421,1.062338889085811,0.1886852903073763,1.06 +2422,1.543517068318857,0.18863926703610995,1.42 +2423,0.5990510747832964,0.1886608985904777,0.66 +2424,0.43278936785957156,0.18969683111599533,0.52 +2425,1.2812720402500732,0.18845907651944782,1.32 +2426,0.8862544605689406,0.18885024978542436,0.92 +2427,0.6710310521900171,0.18862478593188595,0.66 +2428,1.4965760807452668,0.1885980012933204,1.42 +2429,1.2116277373059783,0.18848690877363042,1.12 +2430,0.6704726910205123,0.18862446971914817,0.72 +2431,2.005945700432437,0.18917270495088062,1.98 +2432,1.8386299039730345,0.18885737244388254,1.96 +2433,1.7538692220967935,0.18878173067922782,1.68 +2434,0.882622409428927,0.1888495725729678,0.78 +2435,3.0950291503353418,0.1906400076431877,3.0 +2436,2.5034150102720343,0.19136068067833073,2.36 +2437,0.3330716214224989,0.1908098005211175,0.36 +2438,0.4203344885100504,0.1898319734810904,0.5 +2439,1.671232868675807,0.18872941793936066,1.74 +2440,1.690273955266978,0.18874085774839364,1.52 +2441,2.3449625000943657,0.19062607167660747,2.36 +2442,0.6479353164380142,0.18861831123100037,0.56 +2443,1.4621917559754662,0.1885661444893082,1.54 +2444,0.8713443961752738,0.18884620411987668,0.84 +2445,1.3082207073302536,0.18846136725433166,1.42 +2446,2.152184593646231,0.18969306119007887,2.34 +2447,1.511931314405038,0.18861187262321308,1.42 +2448,1.4856835221080111,0.1885879461201988,1.48 +2449,1.3850999903576533,0.1884999101606004,1.92 +2450,1.5922233688579566,0.18867743981851726,1.56 +2451,1.2421940605565827,0.18846848864581953,1.24 +2452,1.3509083894204796,0.1884778204625409,1.26 +2453,3.43917916039302,0.19137013725648752,3.14 +2454,1.2159519327992439,0.1884837154731423,1.3 +2455,2.6118279384133594,0.1917031933963789,2.54 +2456,1.2756757346071794,0.1884594755627323,1.28 +2457,0.8133043777628519,0.18880103345483032,0.82 +2458,1.1813699538329294,0.1885144634713619,1.12 +2459,2.96556253625677,0.19126293241225326,2.82 +2460,1.2523207425294312,0.18846454982021107,1.1 +2461,0.9357825412728833,0.18883990286690017,0.92 +2462,2.2379899173946685,0.19008869458403868,2.1 +2463,0.9788058086558415,0.18880358375155554,0.94 +2464,2.829041626330132,0.19172650999081556,2.62 +2465,2.485662131675735,0.1912887670118397,2.38 +2466,1.2305196788416481,0.1884743935034024,1.32 +2467,1.5050397768755046,0.1886056343451124,1.5 +2468,1.1296449967079012,0.18857993863085065,1.1 +2469,0.9637070585167316,0.1888189029331284,0.9 +2470,2.145208610873312,0.18966308769803664,2.22 +2471,1.9743566242764852,0.1890916466535434,1.94 +2472,1.0319973757955039,0.18873283885157094,0.96 +2473,1.7913141292825172,0.1888106981934554,1.68 +2474,1.4107574401652692,0.1885201971810155,1.36 +2475,0.590651145677562,0.18867783326580986,0.5 +2476,1.148620449975746,0.18855360822713277,1.26 +2477,0.49787909461634716,0.1891080098525818,0.44 +2478,1.1567679999059408,0.18854306070026478,1.1 +2479,1.7591356303751173,0.18878548080547458,1.7 +2480,3.7374426244204884,0.20558993642581033,4.0 +2481,2.12446569390967,0.18957726821239443,2.04 +2482,1.2421739631607303,0.18846849986506184,1.12 +2483,0.8339485445692587,0.18882203616628782,0.86 +2484,1.5240557546533753,0.18862264913308469,1.4 +2485,1.6396158200338447,0.18870965056126893,1.64 +2486,2.2181732334676916,0.18999270396618417,2.32 +2487,1.8703854184794466,0.18889724226730029,1.94 +2488,2.13766830669766,0.1896313239231905,2.18 +2489,2.829267511875768,0.19172600410892862,2.84 +2490,1.5469105038594793,0.1886421416007171,1.46 +2491,1.7745463158659016,0.18879715129325286,1.98 +2492,1.0987497020047103,0.18862691172207685,1.1 +2493,1.73601529500382,0.1887695001727207,1.76 +2494,1.41289800902133,0.1885219867819511,1.34 +2495,1.4146648185742958,0.1885235347502639,1.26 +2496,3.236231870008827,0.19015253146682196,3.18 +2497,2.1343664145616863,0.189617644815689,2.08 +2498,1.456376115085572,0.18856084335543222,1.38 +2499,2.35561784952301,0.19067965202605988,2.36 +2500,1.0926543285370862,0.18863657521101124,1.0 +2501,0.7407364315522431,0.18870219082220815,0.72 +2502,1.1585853778296633,0.18854078235021257,1.28 +2503,2.55547165651513,0.19154740564731387,2.36 +2504,1.5391810296361916,0.1886356693104456,1.46 +2505,2.3675394050143517,0.19074016167229418,2.4 +2506,1.0688521921260519,0.18867481973792868,1.0 +2507,1.1737487105894175,0.18852275699727372,1.12 +2508,3.80695959888166,0.21318544702489162,3.58 +2509,0.7939955371766125,0.18877747862728927,0.78 +2510,2.7057419955409383,0.19183309057006567,2.94 +2511,0.9512738182094049,0.1888294885944543,1.0 +2512,0.6827682182260812,0.18863288744819534,0.8 +2513,1.5005472613852577,0.188601603944958,1.5 +2514,1.4137231939138808,0.18852273237811887,1.26 +2515,1.2332074536679711,0.18847289320688837,1.2 +2516,0.5613882646885531,0.18876307177553608,0.52 +2517,2.508388900983011,0.19137978293794192,2.5 +2518,1.4778806814077206,0.18858073258589916,1.44 +2519,1.592024321361101,0.18867736008787356,1.62 +2520,1.6652785780031352,0.18872570942860306,1.64 +2521,3.9353123757989446,0.24495501167718595,4.42 +2522,2.4842761486022447,0.19128301448613075,2.48 +2523,1.3597671076346913,0.1884828665793439,1.34 +2524,1.8075150803523112,0.18882524656956792,1.76 +2525,0.6742125683310694,0.18862669470271204,0.66 +2526,1.1064587388546816,0.188614836483428,1.18 +2527,0.29015350370585735,0.19116102398819781,0.3 +2528,1.217331327658932,0.18848275468677905,1.26 +2529,1.7854149964373056,0.18880588906583023,1.68 +2530,0.8305262225072323,0.18881889731731868,0.8 +2531,1.1063174273491143,0.18861505442457974,1.08 +2532,0.27433075681288766,0.19127967094912876,0.06 +2533,1.9544153742092096,0.18904577325595984,1.88 +2534,1.130446328115368,0.18857879778442288,1.08 +2535,1.4602459866233233,0.18856440967081375,1.42 +2536,1.8345705083630623,0.188852879405091,1.86 +2537,1.6690224002705174,0.1887279658415927,1.54 +2538,1.4212160619474077,0.1885291134215059,1.4 +2539,2.534387095347654,0.1914761434315068,2.4 +2540,0.9584421269117265,0.188823629229651,0.84 +2541,2.658359399576681,0.1917891919836532,2.48 +2542,1.2807989074334822,0.18845908929226535,1.26 +2543,2.1531259946854275,0.1896966623917813,2.14 +2544,1.4807243734629394,0.18858335346808594,1.4 +2545,2.252230108302963,0.1901584878634974,2.2 +2546,2.532209457808058,0.19146843445943187,2.4 +2547,0.9724106275772428,0.1888103872237857,1.02 +2548,2.6124007550015875,0.1917045112073792,2.42 +2549,0.7474007217856473,0.18871179307520167,0.6 +2550,1.5044533417219388,0.18860510804795583,1.54 +2551,0.2652740045664457,0.1913817708551878,0.1 +2552,2.350702283023458,0.19065543127690862,2.34 +2553,2.3582150337028276,0.19069324120607264,2.34 +2554,2.229187486293158,0.190045755039103,2.06 +2555,1.720071660566907,0.18875925040320737,1.8 +2556,0.8451503397053604,0.18883128425410026,0.78 +2557,2.095589099888892,0.18946491350047426,2.06 +2558,1.7552994806266053,0.18878284070950307,1.76 +2559,1.3638671590930846,0.18848537501590493,1.34 +2560,0.7575985231491809,0.18872660009893855,1.08 +2561,0.7705409090399142,0.1887452903262768,0.88 +2562,3.6709570677896837,0.20029029289959374,3.5 +2563,1.5048935958373282,0.18860549392602413,1.5 +2564,1.09904749938376,0.18862645434238062,1.08 +2565,0.9487714615574527,0.1888313939255419,1.04 +2566,1.3594453468310503,0.18848263756346784,1.24 +2567,1.3525446859294068,0.1884786935796852,1.38 +2568,1.8728567636760156,0.18890068312015534,1.8 +2569,2.8778309960307,0.19159753442722618,2.72 +2570,1.0686044269012618,0.18867521137933732,1.04 +2571,1.0227265041680227,0.18874662666882505,1.06 +2572,0.7147940862816908,0.18866684786265805,0.78 +2573,1.152060099984632,0.18854908979119303,1.0 +2574,1.6609002017927683,0.1887229929431375,1.68 +2575,0.9636891609769169,0.18881892062006975,0.92 +2576,1.2262857395350146,0.1884768635121084,1.22 +2577,1.5281283585624277,0.1886261242809413,1.36 +2578,1.0379426770884381,0.18872377183781316,1.02 +2579,1.2386773712074055,0.1884701084563291,1.18 +2580,3.1709897454693428,0.19031573676624206,3.0 +2581,1.4771376631831867,0.188580056868183,1.5 +2582,1.268434639199474,0.18846044051241417,1.26 +2583,0.33848369765691877,0.19075561207476605,0.2 +2584,1.1574126031613992,0.1885422546564302,1.06 +2585,0.9051060558932902,0.18885059154462558,0.9 +2586,1.562751242314785,0.18865500647011405,1.56 +2587,1.5914545392278268,0.18867687109601639,1.62 +2588,0.973292166829822,0.18880947310593615,0.92 +2589,1.2122339551859318,0.1884864676999138,1.14 +2590,0.47696099292410454,0.1892726481536773,0.5 +2591,0.672865610507418,0.18862585730387074,0.64 +2592,1.454731329837099,0.1885592822798389,1.34 +2593,2.757899988988572,0.1918276372393137,2.72 +2594,1.2377875909045752,0.18847054823767415,1.16 +2595,1.7560381070221454,0.1887832774290373,1.72 +2596,2.4902240551189463,0.19130770743465467,2.5 +2597,0.9182248249616844,0.18884770188702987,0.96 +2598,2.114928584614998,0.18953943360115424,2.08 +2599,2.210945390163219,0.18995853444261326,2.06 +2600,1.3261677885343783,0.18846651985963728,1.28 +2601,2.3141499869093725,0.1904699146432053,2.22 +2602,1.1306315968130234,0.18857853935396435,1.08 +2603,0.343341596086544,0.19070538827172956,0.42 +2604,2.691810212920503,0.1918253123417809,2.44 +2605,2.190858249370999,0.1898647446526982,2.14 +2606,1.2171378946721358,0.18848289157735404,1.18 +2607,1.5947615980397212,0.18867933501145645,1.5 +2608,0.648391295081596,0.18861830173343505,0.62 +2609,3.781824037626791,0.21015172198367904,3.7 +2610,0.7077854560328716,0.18865823262449266,0.62 +2611,0.637237338291927,0.18862040613937875,0.54 +2612,1.435018089535424,0.1885413659942329,1.38 +2613,1.1066004650980654,0.18861462419648878,1.04 +2614,1.1674543862584488,0.1885300214845178,1.08 +2615,3.384036329842675,0.19066023603182755,3.2 +2616,2.231707477545699,0.19005819936388346,2.28 +2617,1.1592143716685028,0.18853999148364192,1.12 +2618,0.6688471636473408,0.1886236079312675,0.68 +2619,1.276809281000481,0.18845935736523664,1.24 +2620,1.7530021432248681,0.18878100368733441,1.72 +2621,1.570312886247119,0.18866098307096976,1.54 +2622,1.587629722970972,0.1886741069306224,1.48 +2623,1.8893986282458297,0.18892510252710212,1.84 +2624,1.2076188027393215,0.1884900388249662,1.2 +2625,1.382571888114848,0.1884980387750391,1.36 +2626,1.5768023439521255,0.18866595202847491,1.6 +2627,1.3659172684181444,0.18848668535319266,1.18 +2628,1.1188449478574667,0.1885958931889744,1.18 +2629,3.434712484155555,0.1912984735905496,3.2 +2630,1.0259881936946276,0.18874183982202392,1.02 +2631,2.7031962186822884,0.19183201776106557,2.86 +2632,2.4858906178170512,0.19128975612550272,2.44 +2633,2.2603705109614705,0.19019873838645962,2.3 +2634,0.8352609697227813,0.18882320996139038,0.76 +2635,1.9199711999828202,0.18897667005285484,1.9 +2636,1.0658637674126175,0.18867962890680748,1.1 +2637,0.6108095616505695,0.18864237042629353,0.74 +2638,0.7910709596560352,0.18877364647387013,0.8 +2639,1.8042231843496517,0.18882242757386145,1.72 +2640,0.48158620159409726,0.18923410102449223,0.48 +2641,1.0623159321472795,0.1886853250115246,1.1 +2642,0.6687184666692476,0.18862353586017558,0.7 +2643,0.6744825188341805,0.18862688370855418,0.62 +2644,1.0345558871707567,0.18872895156799227,0.92 +2645,0.8823980497944028,0.188849524599516,0.88 +2646,2.083460146829844,0.18942013284595224,2.06 +2647,0.8247983900340057,0.1888133276197896,0.8 +2648,2.945117049098071,0.1913512954136451,2.86 +2649,2.078484646122794,0.1894020960722222,1.94 +2650,1.6688051531242636,0.18872782271707378,1.68 +2651,2.3829059935438,0.19081611748621913,2.3 +2652,1.8295403646231938,0.18884734382832083,1.84 +2653,2.1212118026695634,0.1895642833385293,2.12 +2654,1.4491844992262586,0.18855418523152415,1.4 +2655,0.278610300234855,0.1912439177668461,0.18 +2656,0.2607762181448323,0.1914588936133528,0.06 +2657,2.544907665170463,0.1915124101688771,2.46 +2658,2.013632365826145,0.1891946343703202,1.9 +2659,0.5722554216501614,0.1887264323446131,0.68 +2660,0.6687387297889187,0.18862355510540163,0.56 +2661,0.9273266663527038,0.1888442123797229,0.94 +2662,1.5724564924186695,0.18866260651445357,1.54 +2663,0.9856808116370923,0.18879579974164393,0.94 +2664,1.6809253090323042,0.18873519762812868,1.72 +2665,1.186007542968053,0.18850969092612535,1.1 +2666,1.7685965349350925,0.1887924664873127,1.74 +2667,1.8102127479055652,0.18882784103197248,1.94 +2668,1.6229073432155217,0.1886988207130501,1.54 +2669,1.5267801458758943,0.18862497589730143,1.46 +2670,0.9687826225236134,0.18881405053633188,1.0 +2671,1.447797079476959,0.18855294833718184,1.36 +2672,3.833859832438889,0.21687544978212026,3.56 +2673,1.5145812328217885,0.18861427261958646,1.46 +2674,1.2972083900154658,0.18845962172888198,1.26 +2675,1.1286859801404125,0.18858135085436795,1.14 +2676,0.7484213123821448,0.18871327194819973,0.68 +2677,1.3993113131237485,0.18851088595981194,1.52 +2678,3.7078706717268144,0.2030286339189632,3.42 +2679,0.5953967582054978,0.18866787922246142,0.5 +2680,1.5510884366130349,0.1886455925502536,1.58 +2681,3.7226154705468755,0.2042625888409215,3.6 +2682,0.8733557165101102,0.18884694320413156,0.94 +2683,1.3673651549051924,0.18848757785366002,1.38 +2684,0.7733843551917723,0.1887493276969847,0.74 +2685,2.4220672510987384,0.1910059213213194,2.4 +2686,1.07766960678714,0.1886606075623529,1.12 +2687,1.1415443665654446,0.18856317053550786,1.14 +2688,1.6767742707059423,0.18873273992850076,1.68 +2689,1.2944568378669479,0.18845933633258471,1.18 +2690,1.293751887295284,0.18845927561672518,1.24 +2691,0.8404612112747112,0.18882760836867538,0.7 +2692,0.832791718713539,0.18882099541006392,0.84 +2693,2.8697609043293886,0.19162195802726067,2.7 +2694,0.7559055474919554,0.1887241470281881,0.66 +2695,1.2251028400937216,0.18847758963388153,1.22 +2696,0.2831410833999273,0.19121004307098133,0.3 +2697,1.9869261572571626,0.18912247617945635,1.94 +2698,1.1269806802497089,0.18858383006243284,1.1 +2699,2.208307468205403,0.1899460311161244,2.14 +2700,1.2350447015603925,0.1884719218501844,1.1 +2701,0.9331415661520028,0.18884136177555416,0.84 +2702,1.5535691742124371,0.18864766375794073,1.5 +2703,0.5008253380135834,0.18908685688174084,0.3 +2704,0.3212938020315057,0.19092036001781384,0.12 +2705,0.8041440060570413,0.18879026800476717,0.86 +2706,1.093082294611228,0.18863589325201227,1.1 +2707,0.6457890431868496,0.18861845344214342,0.62 +2708,1.0806912264619035,0.1886557407365325,1.18 +2709,3.705912757689716,0.20287107230504278,3.94 +2710,1.6618511592593965,0.18872353528461058,1.74 +2711,1.3419945428078777,0.18847321993089605,1.2 +2712,0.32948129716085384,0.19084461367736977,0.18 +2713,0.7232460333167172,0.1886778620485224,0.6 +2714,2.952914411416341,0.19131831548941255,2.94 +2715,2.910055380918041,0.19148875475969188,2.62 +2716,3.06971761618704,0.19076319039735046,3.04 +2717,1.1963131689357136,0.1884997395781662,1.12 +2718,1.21193428118015,0.18848668671601315,1.08 +2719,1.3207989345942848,0.1884647113710732,1.3 +2720,2.552254588404651,0.1915370424026722,2.46 +2721,2.0652672819638296,0.18935610410377077,1.92 +2722,0.7570736633169466,0.18872585021615285,0.8 +2723,0.9139883923430905,0.18884891219600514,0.86 +2724,1.866913423749588,0.18889258795339087,1.88 +2725,1.3930206519764028,0.18850593067149587,1.4 +2726,0.5512747921217491,0.18880276311441496,0.58 +2727,0.8397247926043463,0.18882700209854905,0.88 +2728,2.109125312853865,0.1895164511346199,2.0 +2729,1.6162016733022562,0.18869430331341158,1.64 +2730,0.6538049676326623,0.18861861803561206,0.58 +2731,1.2359675407798971,0.18847147520845073,1.28 +2732,1.7900030532139362,0.1888097353199726,1.86 +2733,1.1328422303838297,0.18857535525825053,1.08 +2734,1.5708443536370267,0.18866138588142523,1.58 +2735,0.3393235816121114,0.19074702976122695,0.36 +2736,0.35153858653945913,0.1906176973472199,0.36 +2737,3.8190473251579755,0.21478135111344443,3.84 +2738,2.8719551511665573,0.1916159539000702,2.76 +2739,1.6829805740702464,0.18873644022123207,1.74 +2740,1.4054044511902355,0.1885157506455339,1.38 +2741,1.1582410081093812,0.18854121508783053,1.3 +2742,1.1404930031415328,0.1885646051407098,1.08 +2743,2.8879514427241864,0.19156564043928526,2.68 +2744,1.3424366305395508,0.18847342447178048,1.3 +2745,1.4756733790066143,0.18857866814710553,1.42 +2746,0.9587122095945395,0.18882338793951745,1.0 +2747,1.2382932319687792,0.18847030306750942,1.22 +2748,0.45018008158812184,0.1895184932576996,0.32 +2749,0.40640875243061436,0.18998874388375397,0.36 +2750,3.2624420615826937,0.19013600827634278,3.08 +2751,1.552550867809421,0.18864676148264004,1.56 +2752,1.7913607618429224,0.18881088572932883,1.66 +2753,0.913668027968183,0.18884899062280083,0.88 +2754,1.5635899840479672,0.18865569583069292,1.48 +2755,1.3922124227599249,0.18850524571432245,1.2 +2756,0.643648620705177,0.18861871969055627,0.72 +2757,1.5871028599976207,0.18867367400092153,1.56 +2758,1.4106562416836808,0.1885201331413858,1.48 +2759,0.3319030750142409,0.19082122972852192,0.12 +2760,2.018311549953964,0.18920788997184795,1.98 +2761,2.0116588508158113,0.18918866374525756,1.9 +2762,1.9914942171284962,0.18913447778899664,1.94 +2763,0.663372697789469,0.18862113683719606,0.74 +2764,1.4354833761927541,0.18854173788743278,1.38 +2765,0.9820119124583455,0.18880000570314998,0.92 +2766,1.1551595905855525,0.18854511105517804,1.1 +2767,0.9886571073768737,0.18879227773705068,0.88 +2768,1.2776260108484234,0.1884592954793331,1.2 +2769,1.2910717577595332,0.18845911644240027,1.26 +2770,1.4669846245430558,0.18857062469133323,1.42 +2771,0.504166113122342,0.1890634721471407,0.64 +2772,1.1163617955744753,0.18859963540152702,1.14 +2773,1.2474882228075723,0.1884663104540066,1.34 +2774,0.5487499137015595,0.18881354710963522,0.5 +2775,1.9967284797199396,0.18914801026457498,1.94 +2776,2.2943303707276614,0.19036953751707225,2.3 +2777,1.4899687387757041,0.18859189334828427,1.5 +2778,1.2199952493022945,0.18848091140883041,1.24 +2779,2.1190705640644723,0.1895556431745063,2.16 +2780,1.0341555487184106,0.18872956599054785,1.1 +2781,1.0781652275942,0.1886598132370658,1.18 +2782,1.0440552092209663,0.18871429143998975,0.94 +2783,1.2672732215614693,0.1884606533704416,1.24 +2784,2.6500227041876814,0.19177709780948476,2.5 +2785,1.7821303261777157,0.1888031323183405,1.6 +2786,0.2720436470846994,0.1913011923552166,0.12 +2787,2.2228108194792,0.19001500126652304,2.1 +2788,2.104776514435846,0.1894997129889972,2.08 +2789,2.001116056940673,0.18915991614031616,1.96 +2790,0.3201210847096314,0.19093077276363613,0.42 +2791,1.3154879037615121,0.18846314729022656,1.26 +2792,1.650557396046293,0.1887166303665246,1.6 +2793,2.477790497126641,0.19125572075540845,2.36 +2794,1.0623952728726433,0.18868520698466176,0.96 +2795,1.4139180199291375,0.18852287287457256,1.36 +2796,1.4945724706958299,0.18859613900136996,1.54 +2797,1.5671638639468812,0.18865842885498307,1.56 +2798,1.9613386449283958,0.1890611297173266,2.0 +2799,1.348114210366248,0.18847629356057358,1.34 +2800,1.7658972399104267,0.1887905488197874,1.76 +2801,0.7168375289074274,0.1886694554850429,0.74 +2802,2.5323060572310707,0.19146891882346226,2.58 +2803,1.6065474319716373,0.18868771017729996,1.6 +2804,0.3295616688219829,0.19084384732526455,0.26 +2805,1.7148084866565558,0.18875583998786916,1.84 +2806,3.613190821450975,0.1968825627776622,3.7 +2807,1.454423292412358,0.18855897374912398,1.5 +2808,1.121563320376673,0.18859184029120668,0.98 +2809,1.3711517263933086,0.1884901250150373,1.3 +2810,0.5990228962153108,0.18866096089692075,0.56 +2811,1.461857617132239,0.18856585047802,1.5 +2812,1.9001189717313463,0.1889422063204571,1.86 +2813,0.9056936034381,0.18885051621262408,0.82 +2814,1.4308438940405026,0.1885375664657027,1.34 +2815,1.754715327772811,0.1887822489839884,2.04 +2816,1.8449169602522615,0.1888645903593162,1.86 +2817,1.2907656690349534,0.18845910124613044,1.34 +2818,1.352972196638577,0.18847896100865805,1.38 +2819,1.7869370512403207,0.18880705791758148,1.74 +2820,2.1888895733200604,0.18985573476908774,2.16 +2821,0.9580371902135429,0.18882396608090932,1.0 +2822,1.8384419523072044,0.1888573186399356,1.82 +2823,1.9898786478338704,0.1891300503222291,2.0 +2824,0.8202017640251207,0.18880857493392206,0.72 +2825,3.572917507382547,0.1950469707296525,3.38 +2826,1.8857322454836576,0.18891946001423515,1.84 +2827,1.2830787218527553,0.1884590312158217,1.42 +2828,3.856697042596185,0.22045624550441856,3.84 +2829,1.2219598940896603,0.18847959517836949,1.2 +2830,2.1364174187421545,0.18962624436344333,2.12 +2831,1.923321060779336,0.18898270671892228,1.88 +2832,0.6322974990265398,0.18862261279438447,0.64 +2833,0.48759991479696185,0.18918578279583972,0.42 +2834,1.5077875335977418,0.18860812535224364,1.52 +2835,1.3486926525323828,0.1884765709475673,1.54 +2836,1.095553223600595,0.18863197378346747,0.98 +2837,1.5841144855710596,0.18867154331677163,1.42 +2838,1.3320892456149622,0.18846885629162183,1.36 +2839,2.0597485282081154,0.18933750082653217,2.04 +2840,2.8241390203724617,0.19173667098370578,2.74 +2841,1.7988030994324264,0.18881719878002284,1.82 +2842,0.8425466015029877,0.18882927020962129,0.82 +2843,0.6974882472852635,0.18864665488761595,0.66 +2844,0.6889540931429476,0.1886382300780972,0.68 +2845,0.9140336446893607,0.18884889926524054,0.88 +2846,1.5898246955590498,0.1886757392647564,1.54 +2847,2.022087998501225,0.1892188010189518,1.94 +2848,2.4718509963378112,0.19123086343652287,2.4 +2849,1.9108844720228453,0.1889603310422252,1.84 +2850,0.9716413819983283,0.18881116883550386,0.94 +2851,1.0008117461333843,0.18877705438805362,0.94 +2852,2.9825638040973983,0.1911864907079591,2.94 +2853,1.7787690173989106,0.18880036321290153,1.82 +2854,2.2015800908306984,0.18991415589614932,2.18 +2855,1.8783268499019041,0.18890855635079287,1.8 +2856,3.8437221654119567,0.2183641342854958,3.8 +2857,1.7486244528960173,0.18877801564439942,1.78 +2858,1.1347829178627606,0.18857260185307875,1.08 +2859,1.1950758098644017,0.1885008791204813,1.26 +2860,1.7594440949270196,0.18878574794198053,1.78 +2861,1.2540694643340455,0.18846397533741693,1.2 +2862,1.756268409706924,0.18878340812018451,1.74 +2863,2.8214500079650495,0.19174271868998363,2.74 +2864,0.8424718356027878,0.1888292107425538,0.78 +2865,1.3517190063694742,0.18847820094985135,1.28 +2866,0.6260007500589755,0.1886266268757337,0.66 +2867,1.6717485121082556,0.1887295958343879,1.62 +2868,1.6497033311612264,0.18871598302784345,1.66 +2869,1.0895665869844635,0.1886414982540157,1.04 +2870,1.4200828195310031,0.18852818621304232,1.44 +2871,2.7650483529158736,0.19182223772553003,2.6 +2872,0.6896312702666176,0.1886388565614931,0.68 +2873,1.4373256737698823,0.1885433342678837,1.38 +2874,1.343624866601089,0.18847399654977703,1.26 +2875,1.238170733015899,0.18847034925570158,1.2 +2876,2.0305604795352066,0.18924448836527247,1.94 +2877,1.2451390084413865,0.18846724439229842,0.94 +2878,0.8240383945160155,0.18881256522752538,0.88 +2879,0.6183620709534907,0.18863344587794906,0.64 +2880,2.699205486032864,0.19183003829454476,2.66 +2881,1.0056651566845354,0.18877061784086935,0.84 +2882,3.5920928618057335,0.19587017338901683,3.36 +2883,0.5228264934373701,0.18894489113273716,0.56 +2884,1.7664714857573707,0.18879083380075237,1.68 +2885,0.8697034408304909,0.1888455551257507,0.76 +2886,0.4735307707252121,0.18930200021557966,0.34 +2887,2.0716555321265497,0.1893785184372163,2.4 +2888,0.3951083524135781,0.19011893644861955,0.4 +2889,0.6822719609512504,0.18863249098619084,0.76 +2890,1.5903724047854164,0.18867602221832558,1.62 +2891,1.0613143133128287,0.18868693476208512,0.9 +2892,1.1712573208161612,0.18852560216077818,1.14 +2893,1.288457932310685,0.18845902215113436,1.14 +2894,1.353885663673266,0.18847947960786796,1.36 +2895,1.973931519629572,0.18909041073722266,2.02 +2896,2.004244302102948,0.18916807759685808,1.96 +2897,1.466716668277501,0.1885703830783752,1.38 +2898,2.9297354930310773,0.19141350527336934,2.74 +2899,1.2529862066044564,0.1884643024418827,1.28 +2900,0.6842363509840308,0.18863408501221052,0.68 +2901,1.3935985622381921,0.18850636410482724,1.4 +2902,2.933422160482815,0.19139889025171972,2.72 +2903,1.636123456122862,0.18870749199503217,1.68 +2904,2.1705902345352586,0.18977291969031929,2.32 +2905,3.275385725980464,0.19014107498064936,3.02 +2906,2.3998534439016783,0.1908995353445179,2.38 +2907,0.7575444699082248,0.18872653118645377,0.72 +2908,1.103638159545832,0.1886192366214392,1.12 +2909,0.8922260151939201,0.18885094816649384,0.74 +2910,0.9059782142943071,0.1888504779382972,0.9 +2911,1.513482541450535,0.1886132613094765,1.5 +2912,1.2031880705357,0.18849369889323414,1.22 +2913,3.0656652912029925,0.19078344905160816,2.94 +2914,1.6433061480993187,0.18871208494953517,1.58 +2915,1.59265833713559,0.18867774923674277,1.56 +2916,1.0610544689538088,0.18868735299359957,1.08 +2917,0.7078329226858309,0.18865829421492963,0.74 +2918,1.8111467635683296,0.1888288394584149,1.78 +2919,2.3562851161065064,0.19068303889921484,2.4 +2920,0.5078750661011553,0.1890382805730719,0.54 +2921,2.797138864124979,0.19178537732544942,2.8 +2922,0.3530522578776967,0.19060115357071014,0.54 +2923,1.6071317176338644,0.18868807416775166,1.52 +2924,1.9669672243202474,0.18907392745808208,1.96 +2925,2.336699167053834,0.19058415629623218,2.36 +2926,1.8101425498789878,0.18882776270938706,1.76 +2927,2.2231550148207218,0.190016704156081,2.14 +2928,1.2676832690310464,0.1884605700580658,1.2 +2929,1.5882387683530894,0.188674555762681,1.54 +2930,0.7548202730359599,0.18872255804882632,0.76 +2931,1.5600845405784984,0.18865285300506157,1.58 +2932,1.3183131908971684,0.18846393326866734,1.24 +2933,1.3416040457138607,0.18847303555191725,1.24 +2934,2.0569289212971285,0.18932799426675953,2.08 +2935,1.5987942429749114,0.18868219443588974,1.54 +2936,0.7653624214078756,0.18873786227971162,0.82 +2937,1.8830003587544077,0.18891552724169652,1.94 +2938,1.3848151658282843,0.18849970581333952,1.34 +2939,0.9990124512936245,0.18877939057598025,0.92 +2940,1.0692513124703267,0.1886741765173685,1.14 +2941,2.223029640172088,0.1900160564284458,2.22 +2942,2.672024448372798,0.19180685335721404,2.6 +2943,0.6611985270353318,0.1886203607022777,0.6 +2944,0.8203603188264419,0.1888087533025756,0.78 +2945,2.7372700307967746,0.1918365337966564,2.72 +2946,1.598347216795408,0.18868188053831544,1.6 +2947,2.011012046619557,0.1891870410895433,2.04 +2948,0.6983226163967393,0.18864754436523665,0.58 +2949,1.3724611010341479,0.18849098575566717,1.28 +2950,1.584808277062374,0.1886720534005006,1.8 +2951,1.1748683919608098,0.18852151478673027,1.16 +2952,0.5232704527288876,0.18894232453099996,0.54 +2953,0.9526855413922724,0.1888283891866169,0.88 +2954,1.0459166267195885,0.18871138779629404,1.12 +2955,2.193689813593421,0.18987779014635617,2.2 +2956,1.3527431170786317,0.18847876843723463,1.3 +2957,2.2414646281099895,0.1901054057420286,2.24 +2958,1.3360535926023298,0.18847047804031605,1.16 +2959,0.998154079697936,0.18878049925096865,0.94 +2960,1.0102148932867225,0.18876442887795578,0.96 +2961,0.5954609999247309,0.18866775030263794,0.52 +2962,1.3027664774969427,0.1884603724744233,1.16 +2963,0.8381439675627889,0.18882568704769806,0.8 +2964,1.1410126782629046,0.18856389559009537,1.08 +2965,0.6785287261702886,0.18862963066045016,0.64 +2966,0.867513118649587,0.18884464250409858,0.9 +2967,1.3984092684862202,0.18851011949045365,1.34 +2968,1.255162511980741,0.18846362928178542,1.16 +2969,0.7482625863725352,0.18871304121163884,0.64 +2970,1.214972005684227,0.18848443401999695,1.22 +2971,1.2847155515207487,0.18845897768266773,1.28 +2972,1.2212054812207864,0.18848011519333122,1.14 +2973,1.3183078273824747,0.18846392698863496,1.16 +2974,1.1193890584333268,0.18859507201501294,1.08 +2975,0.6604955778368471,0.18862012228619443,0.7 +2976,1.6290317743181524,0.18870273720050715,1.54 +2977,0.3085445550314081,0.1910273980584919,0.24 +2978,2.025067829993887,0.1892277132262002,2.12 +2979,2.4118413550524664,0.19095724206586806,2.24 +2980,2.8332613842192593,0.19171729147075964,2.58 +2981,0.8479465246065925,0.18883333267084002,0.78 +2982,2.7059807830417313,0.1918331069071685,2.48 +2983,0.9936428462680056,0.18878618923429344,0.96 +2984,1.5438134513924677,0.18863951331556386,1.6 +2985,1.1449682978511568,0.18855850157661566,1.08 +2986,1.8191773445129373,0.18883663771853795,1.84 +2987,0.448751491317539,0.18953262640035634,0.56 +2988,3.717633523610698,0.20383550518000948,3.64 +2989,1.2744380410393739,0.1884596123982014,1.16 +2990,2.988939869835325,0.1911565244167435,2.88 +2991,1.4429380877487195,0.18854847372220246,1.3 +2992,0.28606897261176356,0.19118931705419026,0.2 +2993,1.2685292285341128,0.18846042439446645,1.2 +2994,1.3122779680059324,0.18846228440332305,1.28 +2995,2.0128117447060436,0.1891920921799767,2.06 +2996,2.3024666918849857,0.19041067023471667,2.3 +2997,1.883841987628798,0.18891663115166468,1.78 +2998,2.619564440476614,0.19172054383607287,2.9 +2999,1.4884602663667545,0.18859043635380543,1.58 +3000,1.0593811939863953,0.18869003422958155,1.02 +3001,2.4770096883952357,0.19125259091542654,2.58 +3002,2.0206222061504704,0.18921451308126586,1.96 +3003,2.4540136587698607,0.19115266190766955,2.46 +3004,1.250330110449369,0.18846523724024164,1.18 +3005,0.5819356780603757,0.18869881685343415,0.52 +3006,1.1019139216068023,0.1886219296767301,1.1 +3007,1.098736559898213,0.18862693913316028,1.0 +3008,0.6999062465855019,0.1886492555605994,0.62 +3009,1.445890344256717,0.18855123565325813,1.36 +3010,0.5450010613918967,0.18883018327653564,0.54 +3011,0.9607708404528232,0.18882156736171313,0.96 +3012,1.7423368757915958,0.1887737693873116,1.78 +3013,1.8063532426411382,0.18882424920812013,1.76 +3014,1.8502723440577882,0.18887112814387988,1.82 +3015,2.596705586119363,0.19166660208864944,2.44 +3016,1.4536198684526396,0.1885582571131584,1.56 +3017,1.4467662804048393,0.18855196640115385,1.48 +3018,0.6659687226708624,0.1886222132247132,0.66 +3019,0.48467326702599745,0.1892090365069092,0.56 +3020,1.2046346736700724,0.18849249905840645,1.22 +3021,1.192076969929116,0.18850370256288893,1.22 +3022,1.9877202258811908,0.1891244134294912,1.98 +3023,0.6145248731131112,0.1886376915679492,0.68 +3024,1.1242727881272396,0.18858781490732213,1.02 +3025,1.4193925784519277,0.18852753483165086,1.44 +3026,2.454375373615779,0.19115423511604795,2.4 +3027,0.6539570124934395,0.1886186506003861,0.68 +3028,1.2466054121703467,0.1884666508469912,1.2 +3029,3.4586145981004943,0.19171520783418164,3.26 +3030,2.7197645853335697,0.19183694813358065,2.74 +3031,3.522745190282527,0.19327983887776015,3.22 +3032,2.3188973056815536,0.19049393451662683,2.18 +3033,1.139580818872407,0.1885658811869855,1.3 +3034,1.2772031697926203,0.18845931214813036,1.22 +3035,0.8904377128026424,0.18885078277011097,0.7 +3036,3.4936866408450715,0.19248345438809877,3.4 +3037,1.8359918316566557,0.18885457398303054,1.86 +3038,1.9887731172871954,0.18912724224550054,2.02 +3039,0.2894314083059435,0.19116600331366657,0.12 +3040,0.6877170271548965,0.1886371177452939,0.74 +3041,0.8220019260068281,0.18881047208334895,0.72 +3042,2.014636042851837,0.18919739465782676,1.92 +3043,0.6598702042410347,0.18861994154152636,0.64 +3044,1.7933635960363363,0.18881256493947227,1.78 +3045,1.4265856325267159,0.18853390044470367,1.44 +3046,1.0838223546433972,0.18865070276866625,1.12 +3047,0.8530146955503934,0.18883678217341296,0.88 +3048,0.8101976135562634,0.18879747865907812,0.9 +3049,1.698375751277401,0.18874579075779874,1.6 +3050,1.1485217514218748,0.18855375330593346,1.1 +3051,1.4539964824683713,0.18855864792564292,1.44 +3052,0.864390224101028,0.18884320231008786,0.82 +3053,0.89839431877458,0.18885107744058516,0.94 +3054,1.363360776753724,0.1884850449331813,1.42 +3055,1.6809577742310664,0.18873526643553826,1.68 +3056,1.7539685701712806,0.1887816912148485,1.72 +3057,3.4529839503304016,0.1916096100492267,3.16 +3058,0.2728076985972454,0.1912937697974265,0.02 +3059,0.9103908981356599,0.1888497404903852,0.88 +3060,0.3105738541005383,0.191011259899871,0.14 +3061,2.14617626426275,0.18966719426303918,2.2 +3062,1.3262869080402775,0.1884665299277756,1.26 +3063,3.9194775002510243,0.2601133836306004,4.66 +3064,0.9550035275940527,0.1888265169168805,1.08 +3065,1.054442998958158,0.188697919607057,0.98 +3066,0.44848509454220875,0.1895352839752414,0.48 +3067,1.3383944383955175,0.18847153742628261,1.36 +3068,1.7199417733661406,0.18875905970952953,1.72 +3069,1.219438523222464,0.18848129501765207,1.24 +3070,1.657954250731237,0.18872114543757149,1.54 +3071,1.8424267871065967,0.1888617378782989,1.8 +3072,1.5853574169805544,0.18867245168241936,1.56 +3073,1.270264353923465,0.18846016631870763,1.2 +3074,1.3560644856598005,0.18848067404783286,1.46 +3075,1.2259016106890492,0.18847710865317913,1.1 +3076,1.2104305173492025,0.18848783144782585,1.26 +3077,1.9963666524674475,0.18914714668424856,1.96 +3078,0.9591243817680442,0.1888230414583098,0.94 +3079,1.361529537323434,0.18848392930092944,1.58 +3080,1.1039261635607984,0.18861878314086078,1.14 +3081,1.25685643169944,0.18846311080797468,1.24 +3082,2.744028150982671,0.19183508954362233,2.76 +3083,0.9878918030949688,0.18879320413981565,1.0 +3084,1.3222273254953925,0.18846518472772866,1.34 +3085,2.3952828318854484,0.19087680786799863,2.4 +3086,1.5646126693817373,0.18865640904338812,1.62 +3087,1.0088929324210965,0.18876623821778804,1.04 +3088,1.791445361993141,0.1888109409615893,1.86 +3089,1.340782184045849,0.18847264896698546,1.3 +3090,0.2815886820639306,0.19122133197754237,0.1 +3091,2.2853707834070267,0.1903244152590756,2.38 +3092,1.0337470736406058,0.18873018583583243,0.98 +3093,1.1573257408210422,0.18854236532247903,1.08 +3094,1.835445381108545,0.18885396778241662,1.84 +3095,0.925366022122897,0.18884506753021973,0.94 +3096,1.4659468162116582,0.18856965089524313,1.36 +3097,1.1485271298159276,0.18855375536554636,1.14 +3098,1.8093255478329404,0.18882713650123703,1.84 +3099,1.0396789080355904,0.18872110448272128,1.04 +3100,2.078286536788281,0.18940177906822633,1.94 +3101,2.1144634193828695,0.18953725788118944,2.04 +3102,1.744958038608454,0.1887755234492079,1.84 +3103,1.1187209083498477,0.18859606374695748,1.08 +3104,1.1941208092121258,0.18850177923036787,1.24 +3105,1.1964992770213387,0.18849957919057614,1.14 +3106,1.7785852714010553,0.18880022781149594,1.76 +3107,1.7782078077452719,0.188799958130197,1.76 +3108,0.8765321545683344,0.1888479940913261,0.84 +3109,0.9981249630878868,0.18878053496326955,0.92 +3110,1.5068068987940155,0.18860725934386557,1.5 +3111,1.5921979709306522,0.18867734889617016,1.58 +3112,1.1196033286213904,0.18859474514769634,1.1 +3113,3.2770376499940257,0.19014218141263933,3.3 +3114,1.2015182925276824,0.1884951454386981,1.24 +3115,0.8471554134798469,0.18883276663057838,0.76 +3116,1.3102609178652893,0.18846182835506897,1.28 +3117,1.703202684585156,0.18874874818202458,1.52 +3118,1.0396052735122432,0.18872120968103515,0.98 +3119,1.2105460107064652,0.18848775211395438,1.28 +3120,1.32053662744198,0.18846459601680154,1.3 +3121,2.3876358117215872,0.19083963080991329,2.26 +3122,2.030290962079606,0.18924362899754751,1.92 +3123,1.0584964188467938,0.18869146258932584,0.94 +3124,2.13389361570131,0.18961556791804415,2.2 +3125,1.356166382709768,0.1884807788014329,1.28 +3126,2.485367809643696,0.19128735941312774,2.46 +3127,1.7857102648957162,0.18880598658022063,1.82 +3128,0.8531658936878783,0.1888368636929106,0.92 +3129,0.7763161130648293,0.1887534767452744,0.7 +3130,1.5696231357853023,0.18866036858917815,1.56 +3131,1.1014699783427926,0.18862262577024932,0.88 +3132,0.7529218392019958,0.18871980850544842,0.62 +3133,1.8108283445880569,0.18882845023802797,1.86 +3134,1.3029453485478835,0.18846038490448674,1.26 +3135,1.959839370917048,0.1890578559050347,2.06 +3136,1.8634894875016859,0.18888809240702517,1.68 +3137,1.9461752163633685,0.18902805555082683,1.94 +3138,0.5719751398132431,0.18872730820305766,0.56 +3139,0.8924762948420659,0.18885095080372205,0.9 +3140,1.7529472463413447,0.18878112892260712,1.74 +3141,0.31977124988353833,0.19093385403768307,0.14 +3142,2.5394559646513493,0.1914940598852215,2.48 +3143,2.1461668237077927,0.1896671870607325,2.1 +3144,0.9035902801873628,0.18885075638710896,0.9 +3145,0.9100928597400249,0.1888498053149611,0.84 +3146,2.884218287553396,0.1915775937418513,2.74 +3147,0.8054717807183682,0.18879187523183444,0.68 +3148,1.2748594597951206,0.18845954722767472,1.22 +3149,0.6579580807283663,0.1886194215690905,0.7 +3150,1.9705424255680681,0.1890822434193572,1.98 +3151,1.164937121873199,0.18853300305845813,1.04 +3152,1.3411673476090622,0.18847280619973508,1.2 +3153,0.29338919040816447,0.19113865469688185,0.22 +3154,1.377068667065059,0.18849411891003043,1.34 +3155,0.8628475189622595,0.18884243583191174,0.86 +3156,3.3204216401634,0.19024146005322737,3.34 +3157,0.7146913007624909,0.18866671707629776,0.68 +3158,0.7783513167952132,0.18875632392941177,0.76 +3159,2.9565986741011407,0.19130226495448524,2.56 +3160,1.2308162624814172,0.1884742059282608,1.92 +3161,1.5824267874558473,0.18867020366812143,1.38 +3162,1.0329992035856324,0.18873132640519755,1.0 +3163,1.2592885419175437,0.18846242294685717,1.36 +3164,0.8953352491745454,0.18885108929706648,0.88 +3165,1.4199066802758724,0.1885280302323843,1.42 +3166,1.10397852500405,0.18861870154749655,1.14 +3167,1.613994878934503,0.18869278133175002,1.48 +3168,0.8440698957561656,0.18883045423426398,0.76 +3169,1.5059988724251874,0.18860649636438673,1.36 +3170,2.0648136924944094,0.1893547264547815,2.02 +3171,1.7463289686733783,0.18877647374590203,1.74 +3172,1.0339394543763858,0.18872990597498973,1.0 +3173,0.32635884846850405,0.190874117724587,0.24 +3174,2.132896448234713,0.1896116668719922,2.16 +3175,0.9423295444359285,0.18883590092256777,0.84 +3176,1.1649478040023322,0.18853299944830065,1.0 +3177,3.589678545224886,0.19576222370113552,3.68 +3178,0.4276842402112344,0.18975155850674152,0.48 +3179,1.7675562733025825,0.18879172844024636,1.72 +3180,0.5548645167187305,0.1887880485607639,0.64 +3181,1.9438845487179501,0.18902325549785942,1.9 +3182,1.6467286906049845,0.18871420086101628,1.56 +3183,2.9364518074065344,0.1913866469596191,2.7 +3184,1.540211051322139,0.18863654978862862,1.52 +3185,0.3130790831567347,0.19099087550460103,0.34 +3186,1.1452517952801442,0.18855811211135776,1.24 +3187,2.0198643877996583,0.18921225058952185,1.96 +3188,0.8808843127234411,0.18884917734069087,0.84 +3189,1.934361365060415,0.1890038554149278,1.98 +3190,0.7708351567901099,0.18874570064687018,0.84 +3191,1.9005923343902629,0.1889428084058642,1.94 +3192,0.5435981164183266,0.18883662758728706,0.52 +3193,1.582019842335438,0.18866980059201754,1.46 +3194,1.6344966779091206,0.18870633701089568,1.64 +3195,1.733696897285194,0.188767997581793,1.74 +3196,1.2271096311778884,0.18847638423615604,1.24 +3197,1.2132706464740581,0.1884856891912637,1.24 +3198,1.440286859539347,0.1885460823430825,1.42 +3199,0.8167846985261893,0.18880491355057635,0.74 +3200,1.8338119342065176,0.18885217052716827,1.74 +3201,3.058659980610715,0.1908181257078234,2.92 +3202,0.7654306340039201,0.18873794708447472,0.72 +3203,0.6574461716425068,0.18861929004338018,0.7 +3204,1.3688556786526285,0.18848856002293032,1.36 +3205,1.9802170806843835,0.1891058539303018,1.98 +3206,1.8781337071195934,0.18890836041771333,1.84 +3207,1.6103026633241797,0.18869018126371168,1.54 +3208,1.097149739306196,0.18862942917153294,0.96 +3209,1.3570831439343272,0.1884812998980636,1.38 +3210,1.0632929691211876,0.188683758844832,1.08 +3211,1.5966175698791203,0.18868058466352958,1.58 +3212,1.261461660395889,0.18846186555799752,1.24 +3213,1.0920235585915539,0.18863757838381018,1.16 +3214,0.2579208144715497,0.19152440063155604,0.0 +3215,2.1787377602370137,0.1898094319767854,2.24 +3216,1.7171013635873085,0.18875731278977834,1.76 +3217,1.4233863779664724,0.18853107854778367,1.34 +3218,1.3342873646301687,0.18846974191376054,1.36 +3219,1.27950826054874,0.18845916110703984,1.12 +3220,1.330646855752976,0.1884682228524363,1.28 +3221,2.3243539560829554,0.19052144157736467,2.3 +3222,2.2759607621379097,0.19027709078323024,2.1 +3223,0.3198011459236041,0.190933589717096,0.26 +3224,1.0270221178638892,0.18874030698039482,1.04 +3225,1.1608842145077463,0.1885379395986849,1.16 +3226,1.409971973851212,0.18851958937402805,1.42 +3227,0.6495926813266941,0.18861830851569908,0.68 +3228,2.6586984998820036,0.19178981778947643,2.54 +3229,0.6292666432751102,0.18862438084888483,0.8 +3230,1.178504447129914,0.18851752863052113,1.12 +3231,3.0692673297421402,0.19076547923656034,2.88 +3232,1.545101566685471,0.18864063273829862,1.46 +3233,0.4291326108214004,0.18973592615742887,0.34 +3234,1.4469394444750832,0.18855215381153714,1.4 +3235,1.1338478089308197,0.18857392095113207,1.08 +3236,1.0709612223794924,0.18867141383315203,1.16 +3237,1.712155320423178,0.18875430033776797,1.78 +3238,1.397296238409932,0.18850925429663826,1.34 +3239,1.7777137746308773,0.18879954721955042,1.74 +3240,1.6697927405723576,0.18872836441848725,1.62 +3241,1.8775996391049683,0.18890744792124747,1.78 +3242,1.0563859236201545,0.18869482256956638,1.0 +3243,0.4733073659965321,0.18930393700037199,0.52 +3244,2.301962303889656,0.19040827099092186,2.22 +3245,0.3135771450991307,0.19098676013748092,0.2 +3246,0.864384303865606,0.18884319240003888,0.84 +3247,1.086887378484387,0.18864578979326216,1.08 +3248,0.7098108060933248,0.18866067321475255,0.74 +3249,1.9345204925160477,0.18900425377494984,1.9 +3250,0.45889965781609665,0.18943436727809987,0.52 +3251,1.531725436452953,0.1886292721575084,1.5 +3252,2.1321925058054996,0.1896087889435573,2.28 +3253,0.6714584306070244,0.18862503666532385,0.62 +3254,3.332022254374916,0.19029102776081352,3.04 +3255,1.907875714971371,0.18895525991241324,1.9 +3256,1.1443644213857056,0.18855931480933555,1.14 +3257,1.5001921418880209,0.18860120690860113,1.54 +3258,1.1236961798745908,0.18858865859985666,1.0 +3259,2.499980902349586,0.19134688545146986,2.32 +3260,1.0345294227254078,0.1887290001425483,1.08 +3261,1.1132197417609853,0.18860442814371048,1.1 +3262,1.28844623909108,0.18845902128535738,1.32 +3263,0.9358778052315444,0.18883985165322148,0.86 +3264,3.825829449425104,0.21571982964632877,3.74 +3265,0.7068939407864356,0.18865718890481403,0.64 +3266,2.36233913170107,0.1907137049118666,2.34 +3267,0.2887828102706489,0.19117048062890077,0.18 +3268,0.714754293351197,0.18866678800888154,0.82 +3269,1.3233743655322787,0.18846553655234205,1.3 +3270,1.629390635044982,0.18870304633643664,1.58 +3271,1.9903305125801218,0.18913113771697443,2.0 +3272,1.9724503446698292,0.1890869045555339,2.0 +3273,3.089585408970459,0.19066618606314797,2.98 +3274,1.579731397525774,0.18866813266888582,1.62 +3275,1.6887284785893304,0.18873990863665138,1.74 +3276,1.7982595285345264,0.18881674938326645,1.82 +3277,1.2754595814515535,0.1884594824656835,1.28 +3278,1.1156185611322702,0.1886007678008402,0.98 +3279,2.871099958952975,0.19161761182656223,2.78 +3280,0.8738134528007537,0.18884710530514331,0.78 +3281,3.0121067624736844,0.19104682735037434,2.62 +3282,2.1479668105554053,0.18967450803289998,2.04 +3283,2.2711666794036516,0.19025314564235576,2.22 +3284,1.0924130073863643,0.18863696005222214,1.04 +3285,0.40281833077473883,0.19002988937921939,0.32 +3286,3.066861941154376,0.19077764372730122,2.9 +3287,1.0777582801123746,0.18866046473437095,1.02 +3288,2.1638825583298056,0.18974355862137518,2.06 +3289,2.8888218343057517,0.19156252183524994,2.72 +3290,1.5016670000303016,0.1886026366085506,1.5 +3291,0.9378990786845292,0.1888386739696161,0.88 +3292,1.4340792979650312,0.18854045810880116,1.36 +3293,0.893846838075053,0.18885102318500552,0.92 +3294,2.521131522322017,0.19142806482532554,2.56 +3295,1.163434313240787,0.18853482189412962,1.04 +3296,2.4481552538716596,0.1911260629563481,2.52 +3297,1.3132677438163995,0.18846253057319676,1.22 +3298,2.9572094094654497,0.19129970676109373,2.78 +3299,1.079266381246834,0.18865803560597294,1.1 +3300,0.27066496401160856,0.19131526798256182,0.12 +3301,2.707202822709924,0.191833655158554,2.44 +3302,1.7009898994957109,0.18874734048909336,1.82 +3303,1.1703997101836345,0.18852657943575116,1.08 +3304,1.8010271221386083,0.1888194679294918,1.72 +3305,1.0838436534500888,0.1886506656118986,1.1 +3306,1.926979384871035,0.18898968501185823,1.92 +3307,3.0420453063367967,0.19089987198399244,2.86 +3308,1.0676181173280217,0.18867681005940234,0.96 +3309,0.9005304185750547,0.1888510000097399,0.92 +3310,0.9958694444621046,0.18878341086798597,1.1 +3311,1.9101221872664198,0.1889587902757321,1.94 +3312,0.8019136623493586,0.18878752955010486,0.84 +3313,0.5963055394278707,0.18866608805695506,0.4 +3314,0.9171782450245243,0.1888480189964852,0.94 +3315,1.533304937689498,0.18863065082933694,1.5 +3316,3.935239267617354,0.24467159588390838,4.84 +3317,1.382362634112645,0.1884979048924961,1.34 +3318,2.2807003773880297,0.1903007299769689,2.22 +3319,1.304992156676753,0.18846074655345155,1.26 +3320,1.4361229403900444,0.1885423549123232,1.48 +3321,0.7031914702060649,0.18865291171374915,0.74 +3322,1.8907559229157436,0.18892723371546935,1.88 +3323,1.9438253893501545,0.18902315619373572,2.0 +3324,1.7289304088075934,0.18876496009719942,1.74 +3325,0.957101085520373,0.18882477122198052,0.92 +3326,1.7571962743531426,0.18878410056875916,1.68 +3327,0.9995841646589432,0.1887786421969489,0.96 +3328,0.8736979604815878,0.18884706645348276,0.82 +3329,1.4788773768852679,0.18858164491545834,1.4 +3330,0.7969622038095967,0.1887813095421195,0.66 +3331,0.9071328232437967,0.18885031455533907,0.86 +3332,1.6045896128392185,0.1886862386098001,1.6 +3333,1.4784607648060206,0.188581284692329,1.44 +3334,1.9791293768834406,0.18910301494661785,1.98 +3335,0.7561159279553664,0.18872444621478518,0.72 +3336,1.6427390078699233,0.18871172470577938,1.78 +3337,0.9053489430264643,0.18885055086011648,0.92 +3338,0.6727784491620323,0.18862581041146118,0.7 +3339,2.0092448273300763,0.18918212119920727,2.02 +3340,1.3598373847331156,0.18848290778443055,1.34 +3341,0.9249634636402819,0.18884523448482088,0.84 +3342,1.590662912745062,0.1886762490297471,1.56 +3343,2.3705595232520666,0.1907545180786421,2.3 +3344,2.2024879799309076,0.18991867079864105,2.28 +3345,0.71182953138728,0.18866313900738,0.82 +3346,1.687512275649642,0.1887392114274771,1.76 +3347,0.7340314403624089,0.18869268167089123,0.66 +3348,1.992737688422831,0.18913765854760448,2.04 +3349,1.8181619705491106,0.18883566243625988,1.84 +3350,1.6608972797727486,0.18872295723376512,1.7 +3351,1.5881723347396737,0.18867448023251604,1.52 +3352,1.3151756733344142,0.18846304731249247,1.28 +3353,0.8945759972173797,0.18885106017181955,0.98 +3354,1.1311067148793674,0.18857784346778578,1.14 +3355,1.784551544801481,0.18880516615187734,1.66 +3356,2.1040230505927724,0.18949685208941913,2.12 +3357,0.881069710829472,0.18884922566643317,0.9 +3358,1.1528007799697317,0.18854813474649174,1.04 +3359,3.03979293722331,0.1909110922164361,2.98 +3360,1.53038121854795,0.1886280134250106,1.54 +3361,0.4924453987940096,0.1891483576582079,0.3 +3362,1.799038590748909,0.1888173462032337,1.8 +3363,1.3326269437456084,0.18846902573018295,1.32 +3364,0.9915955732054516,0.18878872619760703,0.92 +3365,2.117452886399276,0.18954927736153454,2.04 +3366,0.9128996984045241,0.18884918875748313,0.98 +3367,0.4178264725334049,0.1898598261276494,0.34 +3368,1.0388500069774012,0.18872236681946913,0.9 +3369,1.6747265918758603,0.1887314225747033,1.8 +3370,1.2758858867304677,0.1884594270944236,1.18 +3371,2.4016246373539563,0.19090754739977248,2.36 +3372,1.2008834008418339,0.18849566262415574,1.04 +3373,1.2073448886631815,0.18849026722596,1.2 +3374,1.165761689893759,0.1885320233751288,1.16 +3375,1.8484740060277363,0.18886896677096549,1.78 +3376,2.1282573650704926,0.1895924816460103,2.16 +3377,1.3417467806429253,0.18847311935866945,1.3 +3378,0.7038667906477223,0.18865366983497217,0.64 +3379,1.2645914807414773,0.18846118057595307,1.28 +3380,1.4468953276599035,0.18855212204791724,1.46 +3381,1.7370182178631837,0.18877007718131006,1.62 +3382,0.4876917514403847,0.18918505986537798,0.4 +3383,2.473288745203126,0.19123685605076868,2.56 +3384,1.79138786470873,0.18881070001381633,1.74 +3385,1.2518829172338652,0.18846469848967426,1.32 +3386,3.9249959322292147,0.23676512356868357,4.24 +3387,3.444102360895652,0.19145241025964063,3.24 +3388,1.008802909908556,0.18876636812264755,1.08 +3389,1.674299259521015,0.18873110829859746,1.68 +3390,0.4771815643066193,0.18927078135269665,0.56 +3391,0.815125535409073,0.18880308007109253,0.74 +3392,1.5182536807468783,0.18861744677554704,1.56 +3393,1.2995259798653704,0.18845990386911154,1.08 +3394,0.9228333128516326,0.18884608641887368,0.94 +3395,1.3879014829615095,0.18850200041605597,1.48 +3396,2.618379581812322,0.19171777042609134,2.64 +3397,0.9936981069353632,0.18878612618812934,0.92 +3398,2.471248252058249,0.1912278783754059,2.56 +3399,1.8520704731554016,0.18887343007719073,1.78 +3400,0.9154835504309109,0.18884851788902543,0.96 +3401,0.8453684233746241,0.1888314477648612,0.82 +3402,1.3357249261845203,0.1884703172826021,1.3 +3403,2.859186624559073,0.19165229893306474,2.76 +3404,3.43364332847983,0.19128133675938064,3.38 +3405,1.6221772789169215,0.18869824812409355,1.62 +3406,1.7963711798831394,0.18881516909618717,1.68 +3407,0.9527902836654454,0.1888283018673007,0.9 +3408,1.8834435585761622,0.18891596659622414,1.9 +3409,2.269022945614,0.19024230600802183,2.24 +3410,1.8127885971714799,0.18883044970789264,1.82 +3411,1.4864281117489366,0.18858864404752063,1.46 +3412,2.557236397231809,0.19155354006397765,2.34 +3413,1.8759657361251174,0.1889050538379551,1.94 +3414,1.5108979796163562,0.18861093527843126,1.48 +3415,0.6898377514969003,0.18863904903587303,0.72 +3416,1.9266871169990838,0.18898905787854017,1.96 +3417,1.1743650391795957,0.18852209390590213,1.18 +3418,1.033307537042487,0.18873085829326405,1.0 +3419,1.313662597141706,0.18846263274630012,1.26 +3420,1.3856830899499883,0.188500349681823,1.24 +3421,1.4726513992586103,0.18857589845313877,1.54 +3422,1.5794186884113366,0.18866792822228154,1.52 +3423,3.0539252820056326,0.19084087592739354,2.68 +3424,3.0824892671871424,0.19070106285769403,2.86 +3425,1.7894335787965165,0.18880917024236776,1.8 +3426,1.4038715547835052,0.18851450954221197,1.38 +3427,1.583675461594953,0.18867115141928215,1.58 +3428,0.3865528634808293,0.19021840357199346,0.46 +3429,3.212892050738075,0.1901932280758845,3.08 +3430,1.4088039881984449,0.18851853607107888,1.52 +3431,1.3875366690556608,0.18850169820520543,1.38 +3432,0.9825199816669017,0.1887994280032512,1.02 +3433,1.4875417246758815,0.18858962881544936,1.46 +3434,0.9105100945648401,0.18884972221893298,0.94 +3435,1.189922346029234,0.18850578663697606,1.24 +3436,1.6238031682219172,0.18869927972931372,1.6 +3437,0.2857490943353247,0.19119155726120485,0.08 +3438,1.0526515074820726,0.1887007575898837,1.04 +3439,1.635613049358047,0.18870716175103497,1.56 +3440,1.491825188609653,0.1885935956061976,1.5 +3441,0.825553841391047,0.18881408543756106,0.88 +3442,0.8615363984726561,0.18884175813741838,0.88 +3443,2.7345881176786557,0.191837643209927,3.1 +3444,1.2544694593537298,0.18846384286591156,1.16 +3445,3.27304657504438,0.1901391745967343,3.1 +3446,1.43724987900941,0.18854330972103073,1.32 +3447,0.9436970773422069,0.18883498890763672,1.0 +3448,0.40552337852788845,0.1899988674572108,0.38 +3449,0.9856702516332165,0.1887958167524404,0.98 +3450,0.6345822322074872,0.18862148972251308,0.7 +3451,1.0254026114833377,0.1887427161765511,1.08 +3452,2.0871676968249995,0.18943366908883866,1.96 +3453,1.0839640872675267,0.18865047654041378,0.98 +3454,3.0303955582741553,0.1909570172001393,2.82 +3455,0.9470357794582711,0.18883267556970834,0.96 +3456,1.428712680046287,0.1885356912336781,1.36 +3457,1.6370116657253402,0.18870791991786345,1.64 +3458,1.1318778511366994,0.18857673713627948,1.04 +3459,1.2943043939497143,0.1884593183215613,1.34 +3460,1.2906412083764194,0.18845908920856994,1.26 +3461,0.9003988301095707,0.1888510016423158,0.88 +3462,0.2950805175889022,0.19112686446038696,0.14 +3463,0.8002053365341626,0.18878540222263657,0.78 +3464,1.8159679525931598,0.18883343691283586,1.8 +3465,1.5556179251759474,0.18864916541182628,1.6 +3466,0.5083428722358743,0.18903516003910403,0.72 +3467,0.8217710613915934,0.18881022762210653,0.9 +3468,1.029263934796684,0.18873695740143773,1.04 +3469,2.0354268881545545,0.18925887577240033,1.88 +3470,3.0667037517786717,0.19077808842385416,2.86 +3471,2.259167002240246,0.19019277353062225,2.08 +3472,1.8067077119467998,0.18882444813208085,1.8 +3473,1.6220565454844904,0.18869820424116582,1.64 +3474,1.6370799487403807,0.18870805460504225,1.66 +3475,1.8683295995372113,0.18889464073265233,1.92 +3476,2.2696635826472917,0.19024521280884904,2.3 +3477,1.004671135573384,0.18877196305512361,0.9 +3478,1.002074778517484,0.1887754001774187,1.04 +3479,1.7331986752910613,0.18876771242915347,1.7 +3480,2.4378855558400154,0.19107943119119974,2.36 +3481,1.1891584011370002,0.188506519378572,1.08 +3482,1.184642309645506,0.18851105747097532,1.22 +3483,1.2664502266674653,0.18846078002257316,1.24 +3484,0.8125414516287182,0.1888001769017245,0.86 +3485,1.2910487826902417,0.18845912408790674,1.14 +3486,3.254376609001646,0.19013762880057336,3.06 +3487,1.0080277468791856,0.18876742200614982,0.88 +3488,3.7704048171998137,0.20888734744950502,3.76 +3489,2.0464144876215338,0.18929363113873915,2.02 +3490,2.1684925835754143,0.1897638653535587,2.18 +3491,0.938680128685417,0.1888382025638169,0.92 +3492,0.9048060797506106,0.18885063274282735,0.9 +3493,1.2362890630437182,0.18847128344711386,1.24 +3494,1.7405464157478232,0.18877254335204074,1.8 +3495,0.6384205380338692,0.18861999966572682,0.56 +3496,1.1676638492224891,0.18852977515852937,1.08 +3497,1.6188769614992797,0.18869605984806695,1.74 +3498,1.4825604002933945,0.1885851107879978,1.4 +3499,1.087062906619152,0.1886455092429411,1.02 +3500,1.2877761022522594,0.18845899736388363,1.28 +3501,2.5727981195779748,0.19160102148217129,2.48 +3502,1.308577060542132,0.18846149455925904,1.18 +3503,1.0600683474133261,0.18868893311686186,1.0 +3504,3.105067271605458,0.1905929235836757,3.18 +3505,0.8043497070286831,0.18879052725797574,0.88 +3506,1.5752114533506456,0.18866469168007236,1.66 +3507,1.625508720498581,0.18870050087208703,1.62 +3508,1.1870519814219638,0.1885086207666615,1.16 +3509,0.5640783397192994,0.18875344058523255,0.54 +3510,1.018494729661627,0.1887527693011277,0.98 +3511,0.2671299279856265,0.19135641279408605,0.18 +3512,0.823232741906698,0.18881174433208517,0.76 +3513,1.0060787205515906,0.1887700692845803,1.0 +3514,1.5039384714284136,0.18860466208262847,1.46 +3515,1.2706184361173112,0.18846009526914848,1.24 +3516,0.2972518415141192,0.1911115703344576,0.34 +3517,2.0210343288352144,0.18921556944213472,2.06 +3518,1.3411764266177315,0.18847285720768694,1.26 +3519,1.266345713350405,0.18846083188530185,1.4 +3520,0.5790266928493197,0.18870662849198389,0.54 +3521,1.1897638850840153,0.18850594242249843,1.14 +3522,1.8751550204235203,0.18890373624226292,1.78 +3523,1.7031641664360404,0.18874871990887188,1.68 +3524,1.8220842118041018,0.1888396284785672,1.86 +3525,0.9413905793569628,0.18883650785747938,0.88 +3526,2.266056267610761,0.19022716173343143,2.18 +3527,0.2614053775340557,0.1914464480717956,-0.12 +3528,2.0225381542987195,0.1892203176383435,1.94 +3529,1.4506967458342859,0.1885555642333988,1.52 +3530,2.2613613662096013,0.19020380062344916,2.32 +3531,0.28556907295893263,0.19119281644074773,0.26 +3532,0.5123216553163534,0.18900913927461582,0.4 +3533,1.3983768043613385,0.18851012624842056,1.42 +3534,0.5324029208977514,0.18889191723517468,0.54 +3535,0.6830914410526552,0.18863315379240964,0.74 +3536,1.7557434232107927,0.18878294915538785,1.76 +3537,1.8070552858109104,0.188824886666934,1.82 +3538,0.6175221355158051,0.18863432056867574,0.62 +3539,1.428293949057432,0.18853533924786642,1.46 +3540,1.1393827405365748,0.18856615076413497,1.18 +3541,0.9250481304782492,0.18884519636486696,0.86 +3542,2.7723694910526744,0.19181570326675232,2.6 +3543,1.2583167187482645,0.18846268805134184,1.08 +3544,1.7447601555643726,0.1887754320425107,1.84 +3545,2.0313454271337754,0.18924650953848457,2.0 +3546,1.2940306879850605,0.1884593104326021,1.26 +3547,1.8145128936944401,0.18883194898935068,1.8 +3548,2.177836654941591,0.18980572727587827,2.12 +3549,1.689656020214182,0.1887404808711722,1.78 +3550,1.715486585487761,0.18875618085066717,1.7 +3551,1.0443190391466743,0.1887138922996418,1.08 +3552,1.6786609892905988,0.1887338015857614,1.72 +3553,1.385292139225456,0.1885000187674538,1.36 +3554,0.8855825049948252,0.18885014438134723,0.9 +3555,0.8958225056092595,0.18885108833909386,0.86 +3556,1.820415431032844,0.18883797102751826,1.8 +3557,1.4245102637092437,0.18853204373554883,1.48 +3558,1.3951839829157067,0.18850759396914832,1.3 +3559,0.9549825505797138,0.1888265333178824,1.0 +3560,0.9780600334933862,0.1888044005315991,0.94 +3561,0.38653503265850575,0.19021860857395448,0.3 +3562,1.643431277958607,0.18871212334690662,1.66 +3563,1.6068555460312324,0.1886878780409909,1.62 +3564,0.7052393932195768,0.18865524417149165,0.62 +3565,0.4408600228716686,0.18961241839279472,0.38 +3566,0.7744510347071973,0.18875084071442197,0.8 +3567,1.9301506622903244,0.1889955416028182,1.98 +3568,1.0992917862054334,0.18862605471579372,1.08 +3569,1.25004438855693,0.1884653286999967,1.26 +3570,2.1026310635338117,0.18949171639802453,1.96 +3571,1.450543651871776,0.18855542098168587,1.5 +3572,2.9910886577646894,0.19114696264894795,2.88 +3573,1.8861871329278588,0.1889200881817729,1.84 +3574,1.0423081335270787,0.18871701711281907,0.96 +3575,1.789815325150139,0.18880937984742302,1.66 +3576,0.5203108947888018,0.1889596994128175,0.48 +3577,2.313149808310394,0.19046483965431577,2.18 +3578,1.3175921093013578,0.18846374333980317,1.26 +3579,0.9157533149543842,0.18884842988416495,0.84 +3580,1.3592258348648925,0.1884825473225372,1.24 +3581,1.736895801985446,0.18877000715449335,1.8 +3582,1.723293270956748,0.1887612028755664,1.7 +3583,1.2776936352572987,0.18845930041841658,1.16 +3584,0.5844611956849854,0.18869235463489883,0.58 +3585,1.1272500181019434,0.18858343481166032,1.08 +3586,0.5631821601915596,0.18875659281777252,0.54 +3587,1.4507761853455519,0.18855562010767546,1.6 +3588,1.7344818762227183,0.1887684677549118,1.64 +3589,2.1894014083692346,0.18985783400569597,2.18 +3590,0.7079859813061298,0.18865847880688327,0.82 +3591,0.8738449578421739,0.18884711740464416,0.88 +3592,1.3520517441420987,0.18847839416498186,1.18 +3593,2.5219511165473447,0.19143156014261148,2.46 +3594,2.9691327761804773,0.19124689661625627,2.86 +3595,1.0402922440885034,0.18872014792844122,0.92 +3596,1.3062865738590619,0.18846099219564683,1.22 +3597,2.5923526814988067,0.1916558888121221,2.52 +3598,1.0959953437748944,0.1886312580628837,0.94 +3599,1.1915104787096837,0.18850423409494904,1.04 +3600,1.9447113171485315,0.1890249583109278,1.96 +3601,0.7979267468480986,0.18878253281006854,0.76 +3602,3.1158196774825937,0.19054294178401565,2.9 +3603,0.518762897473094,0.1889689912338138,0.38 +3604,0.2714803426213974,0.19130683325749867,0.24 +3605,1.5015170405098826,0.18860251162159736,1.42 +3606,1.3597194065709444,0.18848282438402575,1.38 +3607,3.0031889927073196,0.19108909796612494,2.96 +3608,0.5676341054493037,0.18874126440836445,0.44 +3609,1.1524001751836004,0.18854866357880382,1.06 +3610,2.7464216932711487,0.19183348839028155,2.46 +3611,1.192366363542183,0.18850344841891176,1.06 +3612,1.8718316019135062,0.18889924878777314,1.76 +3613,1.7146603578056194,0.18875588019204112,1.74 +3614,1.4544072287681902,0.18855898134572374,1.46 +3615,0.938342645474169,0.18883840325624257,0.9 +3616,0.8312462631157669,0.1888195738252839,0.86 +3617,1.8147292583485692,0.18883233941930724,1.8 +3618,1.5720593040689501,0.18866227642668185,1.4 +3619,2.343845138048602,0.19062077603536826,2.16 +3620,1.59879453503092,0.18868221268896876,1.7 +3621,0.976410467590217,0.1888061740548825,0.98 +3622,1.1107297802958416,0.18860822662422375,0.96 +3623,0.8479983157088526,0.18883336773592158,0.8 +3624,0.46534548226009886,0.18937465424546596,0.76 +3625,1.274179472901775,0.18845961548864837,1.12 +3626,1.3189799197994267,0.18846410595385163,1.06 +3627,1.263985767165478,0.18846131645472397,1.2 +3628,0.5337981272285848,0.1888846364750283,0.52 +3629,3.0194157209989054,0.19101097634942213,2.76 +3630,1.4704457985574975,0.1885739193910415,1.4 +3631,1.2995120267295068,0.1884598627231274,1.36 +3632,0.6031611625213993,0.18865376855594812,0.58 +3633,1.5459538396900012,0.18864130834352638,1.4 +3634,0.9426799220388828,0.18883566203284438,0.88 +3635,2.303189606578063,0.19041434599885593,2.34 +3636,0.2830612848943146,0.19121061860713598,0.3 +3637,0.7526692095573442,0.18871944624771636,0.74 +3638,0.8971039199443409,0.18885110686055623,0.84 +3639,1.2290746488188662,0.18847520306434695,1.08 +3640,1.370323870935428,0.18848957152511653,1.42 +3641,1.8348605309225496,0.18885326275121492,1.84 +3642,0.7470891665075376,0.1887113403513681,0.68 +3643,1.0787749063932541,0.18865882423202915,1.04 +3644,2.937019305205533,0.19138456522609082,3.08 +3645,1.3288825538912958,0.18846752795302923,1.24 +3646,1.59406061050197,0.18867879868113543,1.62 +3647,0.8699847435359402,0.18884567268219643,0.74 +3648,0.5264661386830485,0.18892413759661078,0.6 +3649,2.2849270709282123,0.19032186125038025,2.3 +3650,1.4498574978296956,0.18855483721814906,1.42 +3651,1.6097816457857121,0.18868990929937318,1.5 +3652,1.0596270222205961,0.1886896481654169,0.98 +3653,0.9325782686780919,0.1888416603998861,0.86 +3654,1.2565751897781061,0.1884631887562664,1.2 +3655,2.4234687754339497,0.19101224294135583,2.5 +3656,1.1714003249300868,0.18852542862235816,1.06 +3657,0.4078331684623058,0.18997249259477103,0.38 +3658,1.2243832993294774,0.18847804172864394,1.16 +3659,1.0715127492742333,0.18867052385627486,1.04 +3660,0.2887975505183096,0.19117038332832098,0.2 +3661,0.7898797457191995,0.188772064377704,0.84 +3662,1.9399367114702637,0.18901494680346037,1.94 +3663,1.148196856749663,0.18855416806464237,1.1 +3664,1.9614217383737735,0.18906146946037927,1.98 +3665,2.0411095643140733,0.18927696414145992,2.02 +3666,0.3880229957411203,0.1902012901353657,0.38 +3667,0.6864742716232561,0.18863599620712732,0.7 +3668,2.4877874022387942,0.19129780161486873,2.38 +3669,1.1604105504256907,0.1885385048804061,1.12 +3670,1.8401595578614087,0.18885932770191935,1.74 +3671,0.5294932155637915,0.18890745895049074,0.48 +3672,1.9437029539840067,0.18902288307091972,1.78 +3673,1.2575087730360492,0.18846294344337322,1.14 +3674,0.6937482764222402,0.18864282929491097,0.76 +3675,1.319071818403634,0.18846415473894298,1.24 +3676,0.9961205710571692,0.1887830904037045,0.98 +3677,1.2312037816010168,0.18847399473761536,1.22 +3678,2.9372178091783914,0.1913835719481267,2.7 +3679,0.6720469618153235,0.18862536960568602,0.58 +3680,0.3766838295235202,0.19033313905117497,0.26 +3681,1.2557286903354277,0.18846344417747915,1.16 +3682,0.962870112789185,0.1888196775815446,0.76 +3683,1.701625826314974,0.188747817527503,1.76 +3684,1.3466460859665805,0.18847551162079088,1.3 +3685,1.9209709240738795,0.1889784774158768,1.88 +3686,2.520663525262407,0.1914270101732107,2.44 +3687,1.0481705463586117,0.188707838828987,1.08 +3688,1.050123272620562,0.18870475549647142,1.08 +3689,1.5939169978156553,0.1886786251740648,1.58 +3690,1.0095928072132072,0.1887652885367269,1.02 +3691,1.3424418621801097,0.18847340553589295,1.36 +3692,1.2397262650916565,0.1884696026073621,1.28 +3693,0.2561968002553623,0.19157287271515305,-0.08 +3694,1.1876139946302466,0.18850806925441774,1.14 +3695,2.3359010066375063,0.19058040549421557,2.24 +3696,1.2600510247674432,0.18846224317978225,1.34 +3697,2.3802398246311363,0.19080302969089258,2.28 +3698,1.8289251565858538,0.18884664918004676,1.76 +3699,1.2685039270478902,0.18846044597278166,1.3 +3700,1.1062765761093971,0.18861511606511897,1.08 +3701,0.3716620323107691,0.19039118579310146,0.44 +3702,0.5514866634972055,0.18880188634040904,0.52 +3703,0.9871993060257804,0.1887940237284153,0.9 +3704,1.2293955509030081,0.18847501755038806,1.18 +3705,1.6627694565683238,0.1887241409900658,1.48 +3706,2.1636228543192413,0.18974247228085214,2.06 +3707,1.2666706333632256,0.18846076364083295,1.1 +3708,1.758814224989081,0.18878530052888381,1.7 +3709,1.5382377041721826,0.18863479420515422,1.64 +3710,1.2677864478471774,0.18846054086335642,1.34 +3711,0.6843174861566423,0.18863415526689797,0.52 +3712,1.6749740790838488,0.18873162028854126,1.62 +3713,0.7891673103343024,0.1887711171432088,0.72 +3714,1.4779798344475756,0.1885808258414379,1.32 +3715,0.4997618093919869,0.18909443846430596,0.48 +3716,1.4522248185560624,0.18855691506110514,1.48 +3717,2.2008346892162622,0.1899111588346838,2.1 +3718,1.6115791925451346,0.18869107999658022,1.56 +3719,0.6282156181946343,0.18862506213527128,0.6 +3720,2.0000123744502005,0.1891567424973722,1.82 +3721,1.6239578292546029,0.18869956198924273,1.64 +3722,0.34025223750718037,0.1907374927626778,0.3 +3723,1.3921471567963863,0.1885052376369925,1.34 +3724,1.6863334118620303,0.18873839229819495,1.6 +3725,0.4001235626831139,0.1900609199118977,0.3 +3726,1.4342257399455625,0.18854060307961926,1.36 +3727,2.3001895605226714,0.19039921153028178,2.26 +3728,0.9914320640024139,0.18878890986737745,1.0 +3729,0.29009310951678,0.19116143972131672,0.18 +3730,1.8110940339767156,0.18882872687931265,1.84 +3731,1.3626075984877988,0.1884845907760395,1.32 +3732,1.5301579826318668,0.18862791272420576,1.4 +3733,1.8633143713005922,0.1888877466719965,1.74 +3734,1.554622579178367,0.1886484200146249,1.48 +3735,1.5442605659947637,0.1886399050688822,1.44 +3736,1.0443805160255863,0.1887137905500964,1.12 +3737,2.1190981306275694,0.18955588036871043,2.14 +3738,1.8218198188815482,0.18883933522192248,1.74 +3739,1.0591551233240317,0.18869039097370383,1.08 +3740,1.110188191004551,0.1886090588100817,0.9 +3741,0.9592725789508851,0.18882289454147097,1.0 +3742,0.8766871331385098,0.18884804455331664,0.94 +3743,1.9582770974032446,0.189054132615537,1.98 +3744,1.7912081712191361,0.18881073831659764,1.78 +3745,0.9767417915121872,0.1888058319399434,0.98 +3746,1.487902822808307,0.1885900085742252,1.68 +3747,0.8637344440600343,0.1888428829263276,0.88 +3748,1.2608734307070135,0.1884620498187944,1.18 +3749,2.0298144674639405,0.1892419668644929,2.0 +3750,1.6644514656239207,0.1887251880915325,1.56 +3751,1.5713578293940966,0.18866175497140247,1.58 +3752,1.3351708679517327,0.18847011449901788,1.28 +3753,1.3875602244607468,0.1885016975994461,1.46 +3754,1.2634524321134217,0.1884614246743413,1.32 +3755,2.02601558109685,0.18923056984437425,2.0 +3756,1.290742133630997,0.18845908650264595,1.1 +3757,1.163734192318204,0.18853445520442147,1.2 +3758,1.4404649762998123,0.18854617982077415,1.42 +3759,0.770836307784075,0.1887457094984895,0.7 +3760,2.476908844908868,0.19125219255317927,2.34 +3761,1.3103060391401968,0.18846183761970753,1.28 +3762,1.0590188899648114,0.18869061162105152,1.06 +3763,0.2828698441104216,0.19121199736069144,0.28 +3764,0.7521516488117694,0.18871869518084855,0.8 +3765,1.1431090861706192,0.18856101232897274,0.76 +3766,1.0334129100969467,0.18873068747807412,1.06 +3767,1.8129885965034973,0.18883058974046824,1.74 +3768,0.9540083639160282,0.18882732958660958,0.86 +3769,1.0306710022335903,0.188734843216738,1.02 +3770,1.2534682750429689,0.1884641590282256,1.28 +3771,3.6843392511426813,0.20122786154359532,3.58 +3772,0.3402979503900656,0.19073702217367294,0.48 +3773,1.3506357082642835,0.18847766067240568,1.26 +3774,1.5511227917531196,0.18864565814865983,1.58 +3775,0.8537411653363292,0.18883723603436084,0.88 +3776,1.8568308027394445,0.1888792987446857,1.78 +3777,1.0906736490105813,0.18863973715014185,1.06 +3778,0.9529136793034783,0.18882820273771078,1.02 +3779,1.2590332742045318,0.1884625099848668,1.34 +3780,1.358528719435282,0.18848213842076222,1.36 +3781,2.6848090977621277,0.19181945153629618,2.78 +3782,1.0943124204843324,0.18863393449719865,1.02 +3783,1.7297496791047398,0.18876540322894544,1.74 +3784,1.444422391531709,0.18854984112734474,1.42 +3785,2.128351306805878,0.18959310309045072,2.12 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/val-metrics-2022.02.11.12.28.33.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/val-metrics-2022.02.11.12.28.33.csv new file mode 100644 index 0000000..3c9bab5 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/val-metrics-2022.02.11.12.28.33.csv @@ -0,0 +1,7 @@ +,0 +nll,-433.0681017697885 +sharpness,0.18985220706722755 +variation,0.026585548176352183 +mae,0.07742253360493931 +mse,0.013010399369424075 +rmse,0.11406313764500815 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/val-metrics-2022.06.24.16.35.56.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/val-metrics-2022.06.24.16.35.56.csv new file mode 100644 index 0000000..dfd7458 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-0/val-metrics-2022.06.24.16.35.56.csv @@ -0,0 +1,7 @@ +,0 +nll,-433.06809463172743 +sharpness,0.18985219844244186 +variation,0.026585571332885288 +mae,0.07742254048709464 +mse,0.013010405628413518 +rmse,0.11406316508151752 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.01.19.14.50.52/train/events.out.tfevents.1642603852.node-j00a-002.myriad.ucl.ac.uk.93725.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.01.19.14.50.52/train/events.out.tfevents.1642603852.node-j00a-002.myriad.ucl.ac.uk.93725.0.v2 new file mode 100644 index 0000000..279d691 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.01.19.14.50.52/train/events.out.tfevents.1642603852.node-j00a-002.myriad.ucl.ac.uk.93725.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.01.19.14.50.52/validation/events.out.tfevents.1642603896.node-j00a-002.myriad.ucl.ac.uk.93725.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.01.19.14.50.52/validation/events.out.tfevents.1642603896.node-j00a-002.myriad.ucl.ac.uk.93725.1.v2 new file mode 100644 index 0000000..29e835a Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.01.19.14.50.52/validation/events.out.tfevents.1642603896.node-j00a-002.myriad.ucl.ac.uk.93725.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.01.20.08.02.12/train/events.out.tfevents.1642665733.node-j00a-001.myriad.ucl.ac.uk.226584.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.01.20.08.02.12/train/events.out.tfevents.1642665733.node-j00a-001.myriad.ucl.ac.uk.226584.0.v2 new file mode 100644 index 0000000..40aebff Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.01.20.08.02.12/train/events.out.tfevents.1642665733.node-j00a-001.myriad.ucl.ac.uk.226584.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.01.20.08.02.12/validation/events.out.tfevents.1642665779.node-j00a-001.myriad.ucl.ac.uk.226584.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.01.20.08.02.12/validation/events.out.tfevents.1642665779.node-j00a-001.myriad.ucl.ac.uk.226584.1.v2 new file mode 100644 index 0000000..dce4b30 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.01.20.08.02.12/validation/events.out.tfevents.1642665779.node-j00a-001.myriad.ucl.ac.uk.226584.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.01.20.15.23.21/train/events.out.tfevents.1642692202.node-e00a-003.myriad.ucl.ac.uk.86408.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.01.20.15.23.21/train/events.out.tfevents.1642692202.node-e00a-003.myriad.ucl.ac.uk.86408.0.v2 new file mode 100644 index 0000000..e2b05aa Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.01.20.15.23.21/train/events.out.tfevents.1642692202.node-e00a-003.myriad.ucl.ac.uk.86408.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.01.20.15.23.21/validation/events.out.tfevents.1642692260.node-e00a-003.myriad.ucl.ac.uk.86408.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.01.20.15.23.21/validation/events.out.tfevents.1642692260.node-e00a-003.myriad.ucl.ac.uk.86408.1.v2 new file mode 100644 index 0000000..9b8dfd0 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.01.20.15.23.21/validation/events.out.tfevents.1642692260.node-e00a-003.myriad.ucl.ac.uk.86408.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.01.26.17.01.34/train/events.out.tfevents.1643216495.node-l00a-003.myriad.ucl.ac.uk.24823.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.01.26.17.01.34/train/events.out.tfevents.1643216495.node-l00a-003.myriad.ucl.ac.uk.24823.0.v2 new file mode 100644 index 0000000..9f7b1c2 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.01.26.17.01.34/train/events.out.tfevents.1643216495.node-l00a-003.myriad.ucl.ac.uk.24823.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.01.26.17.01.34/validation/events.out.tfevents.1643216530.node-l00a-003.myriad.ucl.ac.uk.24823.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.01.26.17.01.34/validation/events.out.tfevents.1643216530.node-l00a-003.myriad.ucl.ac.uk.24823.1.v2 new file mode 100644 index 0000000..ea097bc Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.01.26.17.01.34/validation/events.out.tfevents.1643216530.node-l00a-003.myriad.ucl.ac.uk.24823.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.02.10.15.13.14/train/events.out.tfevents.1644505995.node-e00a-014.myriad.ucl.ac.uk.189199.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.02.10.15.13.14/train/events.out.tfevents.1644505995.node-e00a-014.myriad.ucl.ac.uk.189199.0.v2 new file mode 100644 index 0000000..b95b194 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.02.10.15.13.14/train/events.out.tfevents.1644505995.node-e00a-014.myriad.ucl.ac.uk.189199.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.02.10.15.13.14/validation/events.out.tfevents.1644506049.node-e00a-014.myriad.ucl.ac.uk.189199.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.02.10.15.13.14/validation/events.out.tfevents.1644506049.node-e00a-014.myriad.ucl.ac.uk.189199.1.v2 new file mode 100644 index 0000000..c0696fd Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/2022.02.10.15.13.14/validation/events.out.tfevents.1644506049.node-e00a-014.myriad.ucl.ac.uk.189199.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/metrics.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/metrics.csv new file mode 100644 index 0000000..7270abd --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,-3813.3426102199423 +sharpness,0.10703404747863808 +variation,0.12096136842176222 +mae,0.058817308558666015 +mse,0.007806189243205032 +rmse,0.08835264140479916 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/predictions.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/predictions.csv new file mode 100644 index 0000000..09fc4ec --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/predictions.csv @@ -0,0 +1,3787 @@ +,Predicted value,Predicted standard deviation,True value +0,1.1076368320878855,0.10345310118959987,1.24 +1,0.5984201606049893,0.10640233508516553,0.62 +2,1.4671512571794536,0.10795650309341547,1.56 +3,3.204132921795997,0.11066558000953,3.16 +4,2.3111004248361993,0.10582982293602293,2.3 +5,1.306512958736549,0.10397802230741619,1.3 +6,0.613199001773276,0.10431366814179524,0.58 +7,0.673060610356282,0.10416730158110825,0.68 +8,2.790478492376765,0.10768407215132517,2.84 +9,0.9713885694949353,0.10364720081103906,0.92 +10,3.104294984566669,0.10865950635249576,3.2 +11,0.8803464561513166,0.10394983654910868,0.86 +12,1.370892965520953,0.10569588792294603,1.38 +13,1.8596272771437667,0.10573715120467883,1.9 +14,1.6668986565892658,0.10585873589287412,1.72 +15,3.667180836511631,0.11148492324277447,3.6 +16,1.398230575011366,0.10522451519147658,1.44 +17,1.4079456707034423,0.10395580263974905,1.48 +18,1.5967037675731226,0.10540550402118119,1.64 +19,0.664069668216166,0.10547664172696702,0.62 +20,1.6344304989752039,0.10463224255591237,1.7 +21,1.047404508003671,0.10440870477184133,1.0 +22,1.0020628146910773,0.10379203502858425,1.02 +23,1.7370361863402848,0.10478084472029951,1.6 +24,0.4859870004675364,0.10492152078447131,0.44 +25,1.3762076628619844,0.10467367319620313,1.42 +26,3.1601905222248887,0.10949698070067443,3.14 +27,2.3342051360151195,0.10574528542480971,2.4 +28,1.350538440510229,0.10463621119986151,1.36 +29,2.16281240915101,0.10548631422786972,2.22 +30,1.2697761924837692,0.10401562272167383,1.26 +31,1.4335000400599163,0.10563309515604026,1.46 +32,1.7427058868593561,0.10506977704622736,1.78 +33,0.699835639647739,0.10401376440291905,0.72 +34,1.5514558087418968,0.10543200240190764,1.52 +35,1.1952349753441651,0.10367325045378176,1.2 +36,3.550513980019909,0.11401357806378866,3.44 +37,1.0781995753797822,0.10353989291320853,1.06 +38,1.2816598674932584,0.10380064078411722,1.24 +39,1.478087933728227,0.10533714920344854,1.52 +40,1.3854752523185012,0.10447622761375086,1.46 +41,1.4873895736305598,0.10713209892357561,1.48 +42,0.7461504714781504,0.1039912918550308,0.7 +43,1.140384608747739,0.10367207200589733,1.18 +44,3.435927621182324,0.11364657234058725,3.54 +45,0.6625901393644162,0.1044836105677961,0.68 +46,0.676541516684972,0.10409588380626825,0.64 +47,0.8474871481139252,0.10351723219312328,0.82 +48,0.021109752975954077,0.11285182499756924,-0.06 +49,1.564559414180882,0.10496678192328913,1.62 +50,0.8287282382567347,0.1034610388500544,0.84 +51,1.0217576659863652,0.10360689275112703,0.92 +52,0.43116055101870776,0.10511493388404855,0.4 +53,1.4657574651088274,0.1057839048751215,1.44 +54,1.1058122101899754,0.10346300684771463,1.14 +55,2.051240056413698,0.10551110895649647,2.1 +56,2.2271737433086627,0.10551493952197373,2.2 +57,0.5975339423123116,0.10495846886837695,0.54 +58,0.6780151817259337,0.1039374808816246,0.64 +59,0.8007528088912088,0.10356985573758805,0.8 +60,1.3818597529376304,0.10413568412882603,1.36 +61,0.9363250186357859,0.10471515023909807,0.82 +62,1.185881041266755,0.10374432770509247,1.26 +63,1.468269748165079,0.10482195162135054,1.44 +64,0.4185059283312511,0.10574078084066878,0.4 +65,0.36915021623971844,0.10569700595245024,0.32 +66,1.696102560647938,0.1070822998815523,1.68 +67,2.1213074043628004,0.10641000567045776,2.1 +68,1.0493230236340891,0.10376152356042491,1.08 +69,1.3647130024485263,0.10487470058410753,1.44 +70,0.40223464380117013,0.10557610329382652,0.38 +71,1.598564429052908,0.10476195965002581,1.54 +72,0.6578773318148392,0.103970566109617,0.56 +73,1.5480775003189051,0.10424777496686977,1.48 +74,2.1700904122888303,0.1068831836736591,2.1 +75,2.45697168067692,0.10663081749455619,2.44 +76,2.1152796163378347,0.10554230952376324,2.28 +77,2.0014126838083093,0.10523443711832263,2.02 +78,1.8479707866654898,0.10553384181240023,1.84 +79,1.627359315831908,0.10698696735140649,1.74 +80,4.057069303749843,0.11978903907287816,3.84 +81,0.7568815263755808,0.10431654053865137,1.02 +82,2.1458736248421473,0.1053174645825661,2.3 +83,2.324404363152707,0.10560189180306084,2.24 +84,0.7608011842090519,0.10392603782170808,0.68 +85,1.3085490167567975,0.10417660456932842,1.58 +86,2.610274950890252,0.10810260798496742,2.52 +87,1.6333920115853195,0.10453239700961871,1.64 +88,0.9007474396081405,0.10741159772967177,0.82 +89,0.8939302281252615,0.1033086426180882,0.92 +90,2.350685697742994,0.10597269593133456,2.3 +91,1.6788395793830317,0.10508835539256849,1.72 +92,1.4247570014454154,0.10484042317742329,1.48 +93,0.7141850250960586,0.1037869460012638,0.84 +94,0.8660049369990417,0.1033235506176096,0.8 +95,1.2348918546834127,0.10370996816471563,1.26 +96,0.6228237128562824,0.10429288520092156,0.6 +97,1.942893969518804,0.10596439703219707,1.96 +98,0.8087257053991279,0.10408210932938,0.76 +99,1.2498072030846514,0.10380339186880835,1.26 +100,1.4127884506358845,0.10508411474046067,1.42 +101,0.9629072974751351,0.10536833140126377,0.94 +102,1.3066795367165596,0.10482888975585007,1.2 +103,0.4475407081952212,0.10500288201262381,0.32 +104,0.6715309028185401,0.10432312330874816,0.68 +105,1.8716988659224518,0.10545346960260256,1.84 +106,0.13939564874200405,0.10911047566917098,-0.04 +107,1.645311400489804,0.10591183559575705,1.54 +108,1.380397926226871,0.10530059249888164,1.38 +109,0.5132477843101895,0.10503096644619149,0.5 +110,1.1589316898250828,0.10387277038281494,1.16 +111,2.1858971900424122,0.10533453167972016,2.18 +112,0.9619591629778923,0.10359428886336924,0.9 +113,1.6302938578005892,0.10491773665382398,1.62 +114,1.0955154199219606,0.10316782641583688,1.14 +115,1.5594044083713974,0.10548895427272673,1.62 +116,1.9139877680217068,0.10572512750851727,1.78 +117,1.1358372424504757,0.10351755517339513,1.1 +118,0.3779983270677021,0.10585442367861898,0.4 +119,2.0115400633269522,0.10564548920125033,2.14 +120,0.2805245913930512,0.1062815788054884,0.28 +121,1.4106151677270602,0.10511279234786981,1.4 +122,1.8308573179170238,0.10579933062717016,1.8 +123,0.4778328151945437,0.10519516319783882,0.48 +124,1.8609717994056267,0.1062165497380975,1.92 +125,0.160634055208694,0.10823456742792613,0.16 +126,0.6898038635461439,0.10391491129049117,0.68 +127,2.281730188535137,0.10847250282822758,2.28 +128,1.17151146072989,0.10377387738583041,1.16 +129,1.3564746089634148,0.10420858596927918,1.24 +130,1.3007802632582979,0.10379181746077724,1.26 +131,1.6732160412517536,0.10471979274534426,1.7 +132,1.8007418196718894,0.10557140148797432,1.82 +133,1.9664628076083033,0.10553960848551922,2.04 +134,1.2261329612014378,0.10423494049706214,1.28 +135,0.7247713724416385,0.10405722060944224,0.62 +136,3.5115341297482323,0.11261082842506755,3.44 +137,0.9474122313351372,0.10329161856414873,0.9 +138,2.4034010425070185,0.10577686709949043,2.4 +139,2.4972045418641584,0.10555599544621144,2.46 +140,1.0958298160878228,0.10383354511938415,1.02 +141,0.809661603336687,0.10409238095546289,0.76 +142,3.2085493017758444,0.11145150539872199,3.26 +143,1.2900330411694596,0.10387946771266099,1.14 +144,1.7611652743958834,0.1055161217564295,1.8 +145,1.8014497971825505,0.1056218056364382,1.86 +146,0.7967845285988289,0.10387176616129488,0.94 +147,2.169389546950844,0.10565825419654337,2.1 +148,1.7448866357730757,0.10570509661647089,1.9 +149,1.2826318254780928,0.10407078059360325,1.28 +150,1.5315148553818374,0.10464006692559534,1.6 +151,0.23926195874922263,0.10698919263061463,0.16 +152,1.7847016075285906,0.10584054257581606,1.72 +153,0.5946483218219973,0.10468305192746435,0.52 +154,0.9072593035573191,0.10334214494352702,0.92 +155,1.6368190829799665,0.10541398050495106,1.64 +156,1.2384316947061236,0.10411630863150607,1.12 +157,1.8098372474041553,0.10516384087416765,1.88 +158,0.997064486488854,0.10333303882234626,1.0 +159,1.1045928544218753,0.10319171507578351,1.16 +160,1.1840211952505704,0.1037220784682374,1.2 +161,1.0420812300920388,0.10328015243681646,1.12 +162,2.4400851477048504,0.10616379908352301,2.48 +163,3.638812112542302,0.11585041763812001,3.44 +164,1.2283232529703212,0.10378590752615112,1.34 +165,2.2584261761105977,0.10530757784086442,2.26 +166,1.1753973834021472,0.1033167374509519,1.24 +167,1.8132096926113497,0.10641409021120117,1.82 +168,0.9673519275189526,0.10337835810400535,1.0 +169,1.0806464767130364,0.1039238776577765,1.12 +170,1.0759621971968385,0.10355683233408107,1.14 +171,0.8543410313248443,0.10407750932967091,0.98 +172,1.0581726060554977,0.10351856842275532,1.04 +173,1.636799512338198,0.10529863908053642,1.7 +174,0.41906286685629857,0.10510690162047001,0.42 +175,1.4001865008037213,0.10471836712900259,1.44 +176,0.6591682638658241,0.10408647710594773,0.62 +177,1.7557418928485844,0.10575891260700931,1.8 +178,1.4835033837933351,0.10473728198515704,1.5 +179,0.7398123671370285,0.106894033390815,0.66 +180,1.5184318618567665,0.10483024373009653,1.48 +181,1.3131656270836358,0.10392503992271697,1.32 +182,1.69879861429686,0.10494455784213833,1.68 +183,1.2323830385887873,0.10358600152669784,1.22 +184,2.684312237881057,0.1063642110910231,2.66 +185,1.2636251460610324,0.1038077374042085,1.18 +186,1.803916489802615,0.10591319136935642,1.84 +187,1.4180792012939327,0.10521754494769191,1.44 +188,1.073267392759687,0.10358116862841636,1.02 +189,1.8721280753417466,0.10542459821264932,1.9 +190,2.176607563899475,0.10591973359129828,2.12 +191,1.6232222322652823,0.10550209326781282,1.56 +192,1.0530783036494298,0.10355828830974402,1.1 +193,1.3326524624548326,0.10479083319497287,1.4 +194,2.8903732523110413,0.10855330060737788,2.76 +195,2.1717822351558573,0.10591587070650492,2.2 +196,0.3291539081586179,0.10636192632191697,0.22 +197,0.9593548497560689,0.10394785844349566,0.94 +198,2.4879527913932455,0.10602256312762036,2.46 +199,1.2220401090752673,0.10374089226424671,1.28 +200,1.4857687427724726,0.10457685944189546,1.5 +201,0.6535386481833725,0.1039034493847591,0.7 +202,0.8777871091943061,0.10392107919539942,0.98 +203,1.9629582422724723,0.10635598158648245,2.02 +204,0.8344884397726751,0.10347089448433142,0.84 +205,0.8315366860369529,0.10372915972888792,0.84 +206,0.8159785410421363,0.104075893756825,0.82 +207,1.4463004055468942,0.10424195870719846,1.36 +208,4.211901933648212,0.1376167268608405,3.96 +209,1.669647741520007,0.10493461668375192,1.62 +210,1.207900614490844,0.10354146817790125,1.2 +211,1.2342584976558313,0.10379386094312272,1.24 +212,1.088155992790051,0.10378542971166119,1.1 +213,1.1890457635268787,0.10351264226567794,1.16 +214,1.5824067399174218,0.10460715261861551,1.56 +215,1.009862752193031,0.10342076719667748,1.08 +216,1.7251801810283154,0.10470963363224414,1.72 +217,2.6857796792624398,0.1073337642172638,2.62 +218,1.0803238120711156,0.103267286051119,1.02 +219,1.6128095374889404,0.10547587782812635,1.7 +220,2.0450828162968064,0.10575230652992648,2.12 +221,0.7963993602707773,0.10379325396083687,0.86 +222,1.1527280107849314,0.10354424855658935,1.18 +223,0.5279288140868785,0.10484860633077457,0.48 +224,1.2781850649230555,0.10383990801545978,1.28 +225,0.888768686359851,0.10552489348684156,0.78 +226,1.6131035943249805,0.10534699148279039,1.58 +227,0.5261153569031918,0.10500635288204595,0.5 +228,0.13695579595764817,0.10916552035815152,0.14 +229,2.422740515474979,0.10622142629430616,2.62 +230,2.647917091300046,0.10930250430017106,2.66 +231,1.2192177880221506,0.10394081652813893,1.24 +232,1.4077147086077537,0.10483028907532346,1.44 +233,1.017856265064816,0.10383978734784509,0.92 +234,0.6717647978500465,0.10411712870385278,0.72 +235,1.941561985691178,0.1063438611112541,1.98 +236,3.941638186404107,0.11840147827401173,3.72 +237,0.956800814897258,0.10353891491911982,0.98 +238,1.9553480264571639,0.10631929568370709,2.04 +239,0.9249743251575189,0.10344689384032381,0.88 +240,2.5581920062207657,0.10625576029894188,2.46 +241,2.794713471781433,0.10720440829546994,2.9 +242,2.651497067541649,0.10642978164837501,2.56 +243,2.6478370998255882,0.10718763031103964,2.64 +244,1.4744524006325341,0.1043908992936538,1.46 +245,2.132729620393435,0.1055759884906071,2.16 +246,1.4683502781791424,0.1046111709105683,1.52 +247,0.5141952422257474,0.10469456179785483,0.46 +248,1.7263403347677069,0.10511302898030485,1.76 +249,0.8245818280380646,0.1054746065907847,0.78 +250,2.1940325509487315,0.10583849818465446,2.22 +251,1.518264057283536,0.10528019752556196,1.6 +252,1.4462580114968424,0.1052594031347936,1.38 +253,1.7719938711206438,0.10529232279250689,1.82 +254,1.4961782072877425,0.10463523484872117,1.54 +255,3.063817851631805,0.11170617435323633,3.16 +256,1.7981657037029755,0.10556013421474088,1.88 +257,2.1400572509475615,0.10562067772755304,2.24 +258,1.4823026911712822,0.10575622740564126,1.42 +259,1.4325016330626617,0.10452659453534549,1.52 +260,0.9078924599432923,0.10380490274279516,0.9 +261,0.685626902540514,0.10543368068613038,0.56 +262,1.8506471169633705,0.10605949555181061,1.86 +263,2.4436391161839146,0.10576167265808616,2.3 +264,1.7628845762752348,0.10492733648276302,1.78 +265,1.3973136303519005,0.10425043926867564,1.48 +266,1.0446839404673667,0.10333703578639478,1.1 +267,0.1671720328867834,0.10856073000319945,0.12 +268,1.9181425892669224,0.1056806981294813,2.06 +269,1.1599116944269325,0.10392624926560134,1.24 +270,0.7872603005838541,0.10391591857915775,0.74 +271,0.4807344661880406,0.10525665574513215,0.42 +272,2.2748385351670293,0.10521031154855508,2.2 +273,1.7385099605655419,0.10488436897104138,1.86 +274,2.035381758502003,0.10560774295595643,2.08 +275,1.2853026843218394,0.10377327994773522,1.26 +276,2.023216408076484,0.10596306567614236,2.04 +277,1.0836397812790337,0.10369346429852813,0.98 +278,1.6908175095124434,0.10570583452995909,1.88 +279,1.255172711168457,0.10387883719969432,1.24 +280,1.2372775931213815,0.1037567139625493,1.28 +281,1.6432870584802486,0.10470155347887558,1.56 +282,0.7050074716959229,0.10383348725137448,0.78 +283,1.7431201167435986,0.10490765438568446,1.72 +284,1.6736582738021517,0.10507771312954611,1.68 +285,1.6059937882973911,0.10521392444647742,1.58 +286,0.8506757143420827,0.10358378039276209,0.88 +287,0.5018952414908511,0.10765240548399085,0.54 +288,0.8169227842807856,0.10348793397875992,0.82 +289,2.29458320979751,0.106286649419467,2.32 +290,1.9193579152902251,0.10575731965433814,1.94 +291,1.0473276841257593,0.10316317815911502,1.08 +292,1.3059618841643021,0.1046152042877506,1.36 +293,0.6882067092202475,0.10382792300768162,0.62 +294,0.9970665143743367,0.1032710854525408,0.98 +295,0.1525614903503345,0.10877885108240759,0.12 +296,1.6202957271056646,0.10480426895795564,1.66 +297,0.9183224866092288,0.10363443586899791,0.86 +298,0.5313898867885682,0.10608776343554474,0.46 +299,0.41797642041383787,0.10569261900126262,0.4 +300,3.10249233649373,0.10977133805107188,3.12 +301,0.5242199699976822,0.10477550912601968,0.48 +302,1.958957524200604,0.10532878281775397,1.98 +303,1.0814815646399984,0.1033856665251041,1.08 +304,0.8102962078471001,0.10356957352390186,0.62 +305,1.8516585360454143,0.10610639247566468,1.82 +306,1.0617968028170544,0.10353081950473358,1.04 +307,1.898503884844883,0.10530870892715359,2.02 +308,1.475029376031093,0.1054954809466261,1.54 +309,1.2932789531080409,0.10415235660207856,1.4 +310,1.566077339348309,0.10431692010133546,1.56 +311,0.7377207001271464,0.1042686823635744,0.78 +312,1.6054407855322999,0.10524065650532156,1.64 +313,2.0238756521575545,0.10527539237430379,2.1 +314,0.9175144111636526,0.1031132369258509,0.86 +315,1.1889077502407388,0.10407094888480146,1.24 +316,1.009846844165382,0.1032536571538153,1.12 +317,1.2630552379910482,0.1037486961200496,1.3 +318,1.243631365584997,0.10387791248271896,1.26 +319,0.5108533825875852,0.10478197643139858,0.64 +320,1.2439249506125143,0.10398591002038142,1.34 +321,2.06140930985577,0.10587484722836785,2.04 +322,1.8101421177337733,0.10535837362245032,1.84 +323,1.0343360697217086,0.10346319366371669,1.04 +324,1.3617478703773975,0.10405828443856141,1.46 +325,0.797953433758829,0.10371596647816288,0.82 +326,1.3308366923789818,0.10438447356147768,1.3 +327,1.0808991273877182,0.10338348424911814,0.94 +328,1.7993062511637183,0.1054081205156757,1.78 +329,0.5153787687174414,0.10464081341338072,0.58 +330,0.9503230299940966,0.1032846350255634,1.02 +331,1.176551340700294,0.103574016295279,1.14 +332,1.1025662267903384,0.10363856454480905,1.16 +333,2.5170821584416934,0.10653549798091079,2.6 +334,1.4657752154544617,0.10453722557095452,1.44 +335,1.904295344602191,0.1057918122077784,1.94 +336,1.0637477022984299,0.10381678009631529,1.04 +337,1.431646440875665,0.10444357179214973,1.46 +338,1.737009163096912,0.10459427150638538,1.74 +339,2.2879690601028897,0.10544314284719819,2.24 +340,0.48385225539096544,0.1054037512041084,0.4 +341,2.5236332754174646,0.10590979957379026,2.34 +342,1.7333502128094564,0.10465969471945025,1.74 +343,1.8104867107430862,0.10530366482361399,1.84 +344,0.9224624698010095,0.1036052169486633,0.88 +345,2.161035677292103,0.10566973096555246,2.12 +346,1.1816452681134009,0.10342750267451678,1.18 +347,0.5190714648972174,0.10521450062313416,0.54 +348,0.5875893052058507,0.10438791675260008,0.64 +349,2.0298007423495803,0.10632785114395807,2.06 +350,1.6910354471872444,0.10479482945000991,1.72 +351,1.5573041912907661,0.10454757691027612,1.52 +352,0.8415965891985642,0.10413186948589824,0.88 +353,1.2442872795426232,0.10396234313049406,1.26 +354,0.7021778340459561,0.10826541253406956,0.58 +355,0.8940201413321787,0.10405850030291533,0.9 +356,1.8833185939524788,0.10554196772719981,1.94 +357,1.2742942790613276,0.10392564198946296,1.3 +358,0.9254094639938457,0.10347232048975614,0.9 +359,0.5104841109406002,0.10519616661240656,0.52 +360,0.9533381628236568,0.10332832947085965,0.94 +361,0.7578042228658766,0.10494892321744188,0.86 +362,1.1780933735048307,0.10360219368793525,1.18 +363,1.4513794162886646,0.10642986958754594,1.46 +364,1.4242528489195947,0.10468594903646873,1.44 +365,2.895347820495393,0.10885794356156288,3.02 +366,1.0784158228955305,0.10323473255329683,1.12 +367,1.8648002675363329,0.10573220712652334,1.82 +368,0.9531385079181418,0.10332701587801253,0.9 +369,1.9342506513107138,0.10602754684990333,1.96 +370,2.0597627469688304,0.10528451547631813,2.06 +371,1.6830997403583878,0.10472523226319864,1.74 +372,2.2079687462530386,0.10609923721691619,2.38 +373,4.018980323457479,0.12010053465586516,3.88 +374,1.3202657414381078,0.1039966646243614,1.34 +375,1.3443143275590308,0.10409657366950749,1.36 +376,0.518062327559361,0.10492021022993525,0.46 +377,1.9857053615772968,0.10623092420165009,2.0 +378,1.8786767976452245,0.10601755831418906,1.78 +379,1.7302920604656378,0.10520362900764224,1.78 +380,1.0804557164281277,0.10352062571234485,1.14 +381,1.5973501619351196,0.10846820500293428,1.68 +382,1.3865809891165184,0.10487509728283662,1.3 +383,0.20708121974765836,0.10759524486945933,0.22 +384,1.1114494255195573,0.1036377564520454,1.2 +385,1.0460332116849798,0.1031584208967651,1.04 +386,1.06698036748825,0.1039676517917219,1.16 +387,1.1977098666912886,0.10381250525076298,1.16 +388,1.212718061049093,0.103617806067333,1.2 +389,1.0175581252123016,0.10349168592161896,1.08 +390,2.224878009069323,0.10540885134878336,2.14 +391,1.418291626300531,0.10467902588164296,1.42 +392,1.538854072684051,0.1071057015018728,1.62 +393,1.1176394565661396,0.10359504842535207,1.1 +394,1.4622951017317347,0.10507639284819416,1.44 +395,0.5147479019339172,0.10508161577894956,0.5 +396,1.0468037042130773,0.10389153469014309,1.06 +397,1.1229645578553948,0.10320708190124467,1.12 +398,3.5915338318481758,0.11161183825109557,3.54 +399,1.1356545401128826,0.10438774263227449,1.08 +400,1.290653549391139,0.10463583577191207,1.2 +401,0.48022176613123824,0.1062319877715585,0.58 +402,3.4779956685692226,0.11555381172152726,3.36 +403,0.7656411028805485,0.10582461079985128,0.8 +404,0.7071028590114437,0.10415752494715996,0.62 +405,0.7208012125905099,0.10405497396563848,0.72 +406,0.9103282295105983,0.10400988205311804,0.86 +407,1.8759988732220712,0.10559498031369989,1.9 +408,1.3111532682117768,0.10407660293529686,1.34 +409,1.8792829834829035,0.10528470581111392,1.92 +410,3.020154102290538,0.1101554083836307,2.94 +411,1.2089475593388292,0.10353957331276355,1.16 +412,0.5829457938262101,0.10445874327671084,0.56 +413,0.8983864999150959,0.10339910835986879,0.86 +414,2.423905359588298,0.10581081690748605,2.36 +415,0.269675309832182,0.1065435856327802,0.28 +416,1.6449431969666946,0.10488365507472723,1.6 +417,1.4311950299175762,0.10709165581026403,1.4 +418,0.6004897747241862,0.10490908879738707,0.52 +419,1.2952371837020187,0.1039900316709927,1.16 +420,1.4030057252332049,0.10568069025446311,1.4 +421,2.3566527909028046,0.10533976599708804,2.36 +422,2.6866133696214205,0.10626298183089658,2.72 +423,0.8678187789281657,0.10434298642496571,0.76 +424,1.422728141457712,0.1057092041289177,1.48 +425,3.9292012181735294,0.12150680180847429,3.84 +426,1.9085440590348752,0.10585612221513735,2.0 +427,1.5947525836583032,0.10451397730789494,1.56 +428,1.286046203031725,0.10387323306075442,1.42 +429,0.8692833661422568,0.10386090055565626,0.8 +430,1.6286912549621753,0.10456924729823383,1.66 +431,0.28925189107989047,0.10609986065957396,0.2 +432,1.4039900977543716,0.10481132230964972,1.44 +433,2.786551066242969,0.10683162493872081,3.1 +434,0.9265231342009002,0.10336945480696343,0.86 +435,0.784993521244695,0.10393797314575311,0.78 +436,0.5978961230658917,0.10470409863090652,0.54 +437,1.3360252357339077,0.10464675464393071,1.44 +438,0.2518451603538181,0.11528462326112843,-0.3 +439,0.7564862480966901,0.10364696628134386,0.84 +440,1.0361353805019298,0.10318521295682069,1.0 +441,0.8572952343167812,0.1033094583072561,0.86 +442,2.0144573451036805,0.10765522784039386,2.02 +443,0.9213492798818179,0.10358015316742317,1.08 +444,1.29306904478995,0.10394612577440687,1.2 +445,0.7173163232553512,0.10533796904605026,0.7 +446,1.5634075169294532,0.10505645890844857,1.58 +447,1.861343932980732,0.10619929205995998,1.88 +448,1.6705368045993807,0.10652578457154971,1.78 +449,0.5526357010359617,0.10458716344739852,0.54 +450,0.5308669179548473,0.10486858351362523,0.5 +451,1.1612105923095455,0.10411492814279766,1.2 +452,0.9092342456092886,0.10351763605042218,0.96 +453,1.1448282184650522,0.10356118487520896,1.18 +454,1.2372195480972592,0.10353226150415959,1.36 +455,1.180413753271972,0.10360543613778737,1.2 +456,2.8037763374882814,0.10960862954456738,2.84 +457,1.832265426088012,0.10520795107958948,1.82 +458,1.694582220612245,0.10468713847121826,1.74 +459,1.1494494047733226,0.10379437854177605,1.12 +460,1.7795668500217174,0.10545905356671197,1.78 +461,1.3611176342901472,0.10563028027988736,1.34 +462,1.4758981018944985,0.10455022158900597,1.42 +463,0.3320334252564563,0.10970809165319433,0.34 +464,0.5637793009267695,0.10486619654154752,0.6 +465,0.7639798902102455,0.1037583153946448,0.76 +466,0.8521156023732757,0.10340440977600154,0.84 +467,2.4578213659361707,0.10615344906316125,2.48 +468,0.5117020653808999,0.10570527645336546,0.46 +469,1.6014820996578947,0.10543829239452521,1.56 +470,1.1087556138810917,0.10368965501266739,1.16 +471,2.585989945327897,0.10636014997154339,2.54 +472,1.2334025959085593,0.1036241119680243,1.24 +473,1.78031919144111,0.10501491030489422,1.78 +474,1.1359655271917801,0.10413239120005653,1.12 +475,1.0416177606968104,0.10432848470573158,1.02 +476,3.0472060169550814,0.1102242099706262,2.92 +477,0.03328189755122102,0.11109072749397636,0.1 +478,0.8751929134706216,0.10352402710630368,0.84 +479,1.0302991792502758,0.10357358960142547,1.02 +480,2.565573430578817,0.10658620821315976,2.62 +481,0.8753959967141411,0.10376790183615908,0.88 +482,3.0014055451719606,0.11075962845922015,3.0 +483,1.561631817856989,0.10448192203957006,1.3 +484,2.8901897075904066,0.1087747324588753,2.8 +485,1.5839924653398376,0.10552145656587365,1.54 +486,1.3760490804250671,0.10421988586919635,1.38 +487,2.5518048569215543,0.1058647052306116,2.58 +488,0.9511242853822295,0.10336315003400588,1.0 +489,0.9502543449701597,0.10461175875256762,0.98 +490,2.52514688551472,0.1084171344835156,2.5 +491,1.6606815540858952,0.10481563123733846,1.7 +492,2.697831327339381,0.10678177805036722,2.74 +493,0.8665870098674886,0.10395861780433942,0.8 +494,2.300800278209921,0.10547342710427977,2.36 +495,1.5655650796936924,0.10493309733039907,1.52 +496,1.391876867539851,0.10408069779987883,1.32 +497,1.3743280718138933,0.10569259859502465,1.32 +498,1.0021728907028247,0.10488188316738707,0.96 +499,1.063903468518626,0.10498252521351492,1.04 +500,0.6931923818487618,0.1038428820793131,0.6 +501,1.9757366857582972,0.10583129072838122,2.06 +502,0.9050557680878923,0.10398809553941164,0.94 +503,0.690908635883511,0.10417760333912161,0.7 +504,0.9951785211221007,0.10353672559315606,0.98 +505,1.2471047731014067,0.10386545652227067,1.28 +506,2.2694797377636724,0.1065055693028909,2.28 +507,1.7399626694122552,0.10486078426561275,2.18 +508,1.3353750511237172,0.10402931849398224,1.36 +509,0.11294416500367666,0.11063906415547098,0.02 +510,3.041092343094357,0.10942638991895219,2.98 +511,1.3756355308831707,0.10581814415320916,1.42 +512,1.475062419580469,0.10566969726506216,1.5 +513,0.9869372194776047,0.10340717279275875,1.14 +514,0.900583434403218,0.10344903221968482,0.9 +515,0.9658917322484277,0.10379086176479048,0.96 +516,0.8465699708883512,0.10393289549430595,0.9 +517,2.146047744293463,0.10672307706922461,2.18 +518,1.0994749252844627,0.10353384999514206,1.14 +519,1.3353964230889708,0.10400075373270262,1.3 +520,0.8887268743354837,0.10415963007768227,0.94 +521,2.573124356799114,0.10634214792328882,2.58 +522,1.1591458430102768,0.10413835301449534,1.2 +523,2.182027790805209,0.1059238824661665,2.18 +524,3.1690561310807523,0.11005856897946543,3.18 +525,0.981536849861294,0.10315230158322336,1.0 +526,0.9280021178108568,0.10314832097104867,0.94 +527,1.1181009863547557,0.10385391751827004,1.06 +528,0.9383323360466966,0.10604418207441403,0.9 +529,1.4281839036278554,0.10557075700305739,1.42 +530,1.6152179426829298,0.10466765323620006,1.64 +531,1.2622953897757525,0.10373043239485827,1.28 +532,0.9644867468929781,0.10346283208877619,0.96 +533,1.884066110048733,0.105509779858909,1.8 +534,1.1164523486126696,0.10329175565686188,1.06 +535,0.629907694338415,0.10441827849692278,0.62 +536,2.0975853408830374,0.1055124086234102,2.04 +537,1.6917445809517608,0.10522292615651907,1.8 +538,1.1928813320675515,0.10358017134550351,1.22 +539,1.2472151208926205,0.1034920100385443,1.3 +540,1.2581906788329582,0.1044628499257991,1.32 +541,1.354904644528355,0.1042848229949341,1.36 +542,0.2972634567768657,0.10845971421820792,0.26 +543,1.3309390226460684,0.10397800302264237,1.32 +544,1.3242900943273432,0.10433277501694344,1.34 +545,1.353029585528121,0.10455428621587749,1.44 +546,2.217465810763405,0.10578325086703755,2.16 +547,1.4790099147831213,0.10902599066364367,1.46 +548,1.6650084092492299,0.10469762650365128,1.68 +549,1.9871963348942372,0.10583482445908615,1.96 +550,0.639637594358573,0.10551867363351868,0.58 +551,1.4533061991415877,0.1052486335153087,1.56 +552,2.2000537032166014,0.10587674446246899,2.14 +553,3.515063131950972,0.11080862401380294,3.48 +554,1.9823501075843502,0.10662862856105225,2.1 +555,0.5351109582026381,0.10551631656639059,0.46 +556,1.4763061331848433,0.1056683105227928,1.4 +557,1.4594093013265037,0.1058834179910223,1.54 +558,2.2213324739987335,0.10538805545298967,2.24 +559,1.9056690178305344,0.10573401999639923,1.88 +560,1.5960223053683271,0.10471840538601165,1.62 +561,1.254105056433557,0.10364274962227342,1.26 +562,1.3580848997486377,0.10425766173850874,1.3 +563,0.9109737695029714,0.10351219555001877,0.94 +564,1.924952246366606,0.10650707880878363,1.88 +565,0.6962109130120253,0.10478532776768111,0.52 +566,1.0781669302603212,0.10366522687462826,1.1 +567,0.9562199058755438,0.10339308777603899,0.92 +568,1.6440093166309473,0.10480516076432891,1.7 +569,1.0685222532418748,0.10323840205322526,1.02 +570,1.8465415052476941,0.10538042569412907,1.88 +571,1.6870878963948726,0.10616278571977233,1.76 +572,1.6319707203909686,0.10636270971062727,1.66 +573,1.7524190912660536,0.10474213488010066,1.82 +574,3.221152174620007,0.1141918541430121,3.12 +575,1.0990446553879614,0.10362891162472408,1.08 +576,2.847538810863172,0.10789797535968729,3.9 +577,2.8256057615654533,0.10848796971893819,2.78 +578,1.0838313080098572,0.10344236143219795,1.08 +579,3.6461579752749684,0.11816282241306383,3.54 +580,1.592900730195511,0.1057137900096633,1.52 +581,0.4759368686998804,0.10503935894069516,0.48 +582,1.129537872384501,0.10340929423726146,1.16 +583,1.513247818848066,0.10418012537976604,1.48 +584,0.6464417643528946,0.10476203782024049,0.6 +585,2.0286733324787334,0.10520451804856185,1.96 +586,1.6189519959498262,0.10482852039781396,1.58 +587,1.4594324844607214,0.10603387917121843,1.46 +588,2.079014023542141,0.10551180756517323,2.06 +589,1.8389639746342055,0.10571630075913069,1.88 +590,2.245460361480171,0.1054585424243119,2.16 +591,0.48765667508307464,0.10497494728633562,0.44 +592,1.5331809128758223,0.10429236721233424,1.54 +593,2.664061252922328,0.10889341184352345,2.64 +594,1.6113708238999975,0.1055762321653694,1.62 +595,0.5715625593991347,0.10461528224525986,0.56 +596,2.6578328007903216,0.10658698966986702,2.62 +597,0.6842743598803209,0.10419432632861422,0.78 +598,0.42585658281731176,0.10526050638586397,0.42 +599,0.8336801941014058,0.10351506581043879,0.8 +600,2.200021594851209,0.10586295112381164,2.24 +601,0.397757350157677,0.1055436183930009,0.38 +602,1.2589174520390158,0.10412193649263027,1.18 +603,1.1096930470353228,0.10359546830807857,1.18 +604,1.8088519417385327,0.10466771817803107,1.84 +605,1.2317032095931721,0.10387220442552995,1.22 +606,1.6500977950725804,0.10987178291793935,1.66 +607,0.5769357214156385,0.10615069843584551,0.48 +608,0.5873214290372757,0.1045024696075702,0.6 +609,0.7315397257149043,0.10364704951272687,0.72 +610,0.760707409868894,0.10430121902446592,0.8 +611,1.7726350321129742,0.10518603914051945,1.78 +612,1.2527921990940363,0.10381898568476466,1.32 +613,1.912421215876067,0.1057299875649418,1.96 +614,1.620859097212422,0.10637749700764206,1.66 +615,0.4412966300574097,0.10586124156841852,0.42 +616,0.5315035914845452,0.10440770636898154,0.56 +617,0.9669233712476788,0.10329543663357459,0.98 +618,1.8506942178122734,0.10547648898312602,1.84 +619,1.474290264688603,0.10677468976374968,1.42 +620,1.2717745912563898,0.10541359152238919,1.36 +621,1.4834993136638928,0.10727571085378554,1.42 +622,1.651312101098751,0.10563007124349635,1.66 +623,1.048721604779837,0.10353377606265222,1.04 +624,0.9577196236989081,0.10526339622211028,1.04 +625,1.7669826580015822,0.10462860523627376,1.7 +626,2.21502045281103,0.10554724132319503,2.16 +627,1.3268520985680126,0.10398656529523714,1.36 +628,1.4798433547638985,0.10480253413939045,1.52 +629,1.7885487798012618,0.10555617975418743,1.76 +630,0.39380959398071047,0.10628805521936804,0.46 +631,1.3608506957889417,0.10481412603080227,1.34 +632,4.881010775759394,0.2915788160455574,4.58 +633,2.5273868906123815,0.10593923057051154,2.52 +634,0.5598262893178769,0.10575287323473738,0.68 +635,1.4731397365749586,0.10449144600304126,1.62 +636,1.5683060099776873,0.10625561096619761,1.56 +637,1.618311796829024,0.10474177190898985,1.68 +638,1.9203339659876923,0.10582618575619537,1.9 +639,0.816510741086359,0.10424516811636059,0.88 +640,2.4238384684924745,0.1059666893030274,2.26 +641,3.1710588165996767,0.1130482178372137,3.1 +642,0.431389508737142,0.1049965608111253,0.4 +643,1.1734546677854616,0.10411558924710278,1.06 +644,1.3634486888975785,0.10416038361947677,1.38 +645,1.081216648309693,0.10368793933158396,1.08 +646,1.8113759974342982,0.10594640242187255,1.82 +647,0.5343087868086527,0.10502187405889757,0.48 +648,0.5177140919011953,0.1047513834641678,0.48 +649,1.4550589925782567,0.10494574026156879,1.4 +650,0.8361691682063976,0.10417285244970943,0.8 +651,1.1144749425801215,0.10377143973239394,1.14 +652,0.1832903212281045,0.1083471132161339,0.48 +653,1.4503614615352354,0.10511029492464763,1.46 +654,0.9450404064413234,0.10350446172911526,1.04 +655,1.473708917978692,0.10477866059743975,1.52 +656,0.432458214162883,0.10530810379833644,0.42 +657,0.9533334208698903,0.10312685636666197,1.0 +658,1.3409152968506723,0.1041793185891083,1.4 +659,0.5665410199006629,0.10468706133055226,0.54 +660,0.9023869007701903,0.10326364246994184,0.84 +661,2.842379357283354,0.10699582104034377,2.7 +662,2.495942376400675,0.10571051365249211,2.42 +663,0.028472654575329326,0.11126837409008948,0.0 +664,1.5352505383403794,0.10640224060845305,1.54 +665,0.3314702978308701,0.1067017717203912,0.34 +666,1.0618395061874195,0.10358747103148191,1.04 +667,1.4627099158831398,0.10515538164639056,1.48 +668,0.8266676922591016,0.10361128444364046,0.78 +669,0.4656397902854805,0.10525212479174625,0.48 +670,3.351786561421251,0.11356771914474263,3.44 +671,1.2420707077292845,0.10374908484302979,1.2 +672,1.0828463850147911,0.10435757410435882,1.08 +673,1.314455308077926,0.10393183757032387,1.3 +674,2.5269433128753938,0.10595685863895568,2.5 +675,3.6308103636850446,0.11657695432110533,4.24 +676,1.0600158803874264,0.10339271837110936,1.0 +677,0.9867204211606562,0.10372851619381565,0.96 +678,0.8450174924512139,0.1034866898008226,0.88 +679,1.7178821093069891,0.10495999968361913,1.8 +680,1.1533625272232313,0.10394546149099361,1.02 +681,0.8603546365843839,0.10343828284756192,0.86 +682,1.8766966814935713,0.10575800216113286,1.88 +683,1.320586417555576,0.10410772798607294,1.32 +684,1.2683223476035592,0.10379117820809047,1.28 +685,1.4144285123452724,0.10629561029984863,1.46 +686,2.091885468356787,0.10693044521011302,2.12 +687,0.5763224925515273,0.10511398034899823,0.56 +688,1.4574314519152103,0.10575067250657508,1.54 +689,1.381621293345956,0.10406919224377822,1.34 +690,1.0498926398244612,0.10368580148879242,1.0 +691,0.6453606037000497,0.10430161340639285,0.62 +692,1.1886590503112777,0.10394446772722218,1.22 +693,0.5716032094970429,0.10489817473876858,0.48 +694,1.7275332895951414,0.10477779676145964,1.74 +695,0.6943755217839764,0.10536221178528532,0.6 +696,1.3099817137862018,0.10385812575605678,1.34 +697,1.2952440869638386,0.1039762090261642,1.26 +698,0.22419851550854508,0.11049103286889758,0.2 +699,1.9125377663543772,0.10585550853053736,1.94 +700,1.5835936172493539,0.10468980307176766,1.6 +701,1.218391357554507,0.1037566821748339,1.36 +702,3.861952885470648,0.11515950485840439,3.58 +703,3.0237591120781118,0.10956166963010716,2.9 +704,1.7077404224553425,0.10488601594123197,1.88 +705,1.2603672825775631,0.10367841694931543,1.26 +706,1.5039334231756007,0.10519714899294325,1.56 +707,1.1236346498455005,0.10351992393232441,1.18 +708,1.1601417850101376,0.10386687524541494,1.2 +709,0.8531871270716294,0.10511796977632887,0.78 +710,1.872828348132765,0.10579121483430354,1.9 +711,2.4167315098602145,0.10620821992709513,2.34 +712,1.3064682759432187,0.10383707385386579,1.42 +713,2.7324661817203313,0.10697777449177252,2.66 +714,0.49802749612604336,0.10476740795025978,0.4 +715,0.31730307066845986,0.1062358370199457,0.24 +716,1.6609646529628974,0.10471849919686727,1.68 +717,2.9741930663959812,0.10999254276471247,2.94 +718,2.332032283037852,0.10561693017693956,2.44 +719,1.9388364381097758,0.1062222964244459,1.82 +720,1.9441820087822967,0.10557678287934284,1.94 +721,1.8819237157832744,0.1062936770116324,1.9 +722,0.7104317019159025,0.10404682387578705,0.76 +723,4.980518400183868,0.329012515690263,4.54 +724,1.2020848222519418,0.10350503045257504,1.26 +725,1.9677248727784025,0.10551071568523407,2.02 +726,1.8812707765559948,0.10555402285095765,1.8 +727,1.2927968333232314,0.10377154583736739,1.34 +728,1.9940145965060032,0.10555773341985694,1.96 +729,1.8839008996392805,0.1054752190580099,1.84 +730,1.6220836087938486,0.1054438109476798,1.6 +731,0.5782398515257063,0.10464384935897454,0.64 +732,1.2272922778648563,0.10390166459684334,1.24 +733,0.6124440426089897,0.10665836670586235,0.6 +734,1.686111534870713,0.1047434782040612,1.64 +735,1.6076591565920046,0.10543267968752,1.62 +736,0.681365659191195,0.1041953423981754,0.7 +737,1.377473908594991,0.10530052873907694,1.4 +738,1.1193604644477033,0.1036256681555484,1.16 +739,1.7476431093857783,0.10488068287192517,1.7 +740,0.770482953845272,0.10443821870808755,0.7 +741,4.188736307268188,0.12865911709790712,4.1 +742,0.3952958836805016,0.10655191722418789,0.26 +743,0.5857933325137572,0.10478798846868795,0.6 +744,1.274665958128272,0.10451560413724234,1.26 +745,2.733553156574293,0.10949213856439888,2.7 +746,0.6008580757588482,0.10510882650887177,0.6 +747,1.9829241022651636,0.10662907235949794,2.02 +748,2.0600122224160002,0.10656952853073158,2.08 +749,1.9008824254299248,0.10585701498334978,1.94 +750,1.2391269564211576,0.1037516336944065,1.22 +751,2.033625495299192,0.10583223737023972,2.04 +752,1.9830063415425143,0.10609979160071736,1.92 +753,3.5658832003015184,0.11754003880940031,3.46 +754,1.4750905604911906,0.10485379668826053,1.4 +755,1.2420731293035927,0.1039815887630283,1.28 +756,0.735994245976952,0.10504633516460732,0.78 +757,1.8210704989831306,0.10560327359780623,1.9 +758,0.799526766846268,0.10390252965940627,0.84 +759,1.1919497656845635,0.10563583991932879,1.14 +760,1.0449830867657979,0.1033610023505334,1.06 +761,1.3105556187099068,0.10431898456916833,1.28 +762,1.496057002144409,0.10420892757112143,1.58 +763,1.2543355367782119,0.10505006510630086,1.28 +764,0.8761463281316764,0.10360416579331193,0.88 +765,0.47331747851679884,0.10811089381571434,0.56 +766,3.563809734555926,0.112089582984698,3.54 +767,1.2120304391066958,0.10434081355683318,1.24 +768,1.2217732390594889,0.10361151406311248,1.2 +769,2.6296357763873686,0.1062078567052197,2.84 +770,0.6935451592697901,0.10381221856980444,0.6 +771,1.8442499547914948,0.10604373127471829,1.92 +772,3.0222035654896238,0.10931726454567742,2.94 +773,0.9179356960239935,0.10338989308752732,0.98 +774,1.5974443738275226,0.10517317107577885,1.64 +775,1.435110082869636,0.10486231540342261,1.52 +776,0.9031620190565426,0.10445726900988095,0.9 +777,1.2464386262613103,0.10412127938926301,1.2 +778,1.6965169092216015,0.10500031751575165,1.94 +779,1.3987660628024314,0.10505127646009474,1.4 +780,1.6447334180402513,0.10509683553701622,1.6 +781,1.0968238397197623,0.10376881674013945,1.08 +782,1.9648712257864047,0.10647998163583967,1.98 +783,1.5446867474380226,0.10527958663283221,1.6 +784,0.4678887034639643,0.10624915598950789,0.48 +785,1.1022993940107475,0.10358552384438416,1.12 +786,3.6800148587812678,0.11667959689689132,3.8 +787,1.3930783313648631,0.10489856999496647,1.42 +788,1.6013852168736604,0.10535676604484658,1.76 +789,1.2763175499971786,0.1038093112877416,1.42 +790,3.249822033245825,0.1096909881032313,3.26 +791,2.751677922020819,0.10661896510910376,2.8 +792,2.890529824860758,0.10874388595193732,2.96 +793,1.8165674828491993,0.10506092114068089,1.78 +794,1.417676409537362,0.10528229167837218,1.48 +795,4.2120672075453935,0.13160240224812786,4.02 +796,1.2454788743224312,0.1040344543538555,1.34 +797,1.9804262766193985,0.10526395336670268,2.02 +798,1.6571588764326157,0.1045871197950428,1.54 +799,2.053039862221952,0.1055180469804393,2.12 +800,1.19223933584365,0.10417133908079468,1.16 +801,0.9197016335838568,0.104807598711445,1.02 +802,0.9625975184042601,0.10307456033111084,0.84 +803,1.1671304616874507,0.10342202290890662,1.14 +804,0.6186536861409286,0.10602187156690854,0.62 +805,2.5368513214785344,0.10575839844812823,2.66 +806,1.123097051223494,0.10357521641256198,1.0 +807,1.374223770184377,0.10431936974744857,1.42 +808,0.6042066127203838,0.10445281074028452,0.56 +809,1.0893672337132094,0.1038187736183036,1.2 +810,0.8672359130013212,0.10375562022995774,0.9 +811,1.3808580006626392,0.10457037677045565,1.5 +812,0.8715671436562054,0.10407270753305158,0.96 +813,1.3019548104655398,0.1043944720218224,1.42 +814,1.5636963665553743,0.10452471283648299,1.58 +815,1.6147314254079972,0.10564672506113297,1.72 +816,1.1892715862474161,0.10372833585840857,1.14 +817,1.6302196207958466,0.10490806761490763,1.68 +818,1.4055198006846275,0.10714058178724135,1.44 +819,0.5916803603402072,0.10447114422640773,0.54 +820,0.29021189303166883,0.10725842289550579,0.28 +821,1.7029363799722694,0.10471455632981576,1.74 +822,4.1898176468976,0.13109496438974105,3.9 +823,0.9396123201850428,0.10360290276124699,0.98 +824,1.1164580714151469,0.10388981112722072,1.18 +825,4.071881388081662,0.1235865596198308,3.96 +826,1.039383246763863,0.10349052342419096,1.1 +827,1.345050407179515,0.10394773141623201,1.46 +828,1.7165219659177153,0.1062523417415011,1.78 +829,1.7307067440588972,0.1045599776810805,1.74 +830,1.004454723265917,0.1034736614898535,1.04 +831,1.129225849708488,0.10382443484283269,1.16 +832,1.7413707334814048,0.10456060656831147,1.8 +833,3.5260032108200163,0.11348288834394417,3.46 +834,0.9347243236543874,0.10329428854206305,0.98 +835,1.6280812472039954,0.10492164414405802,1.58 +836,0.9838464022840028,0.1033172406205598,0.94 +837,2.1185463965678415,0.10522884140659629,2.2 +838,-0.1665650950624049,0.12661699227479473,-0.32 +839,1.7622330295943391,0.11071741331541388,1.86 +840,1.764493536284808,0.10549851960446315,1.82 +841,1.7909498717567565,0.10621907501229731,1.86 +842,2.2047371721537465,0.1051260953037677,2.26 +843,1.31499031863734,0.10396853236589734,1.2 +844,1.0346494657531564,0.10369948259613317,1.04 +845,0.7633011172696533,0.10360282284135475,0.8 +846,1.857106843514122,0.105148309612562,1.94 +847,1.1793045839144134,0.10350003128057139,1.18 +848,1.1730047638712562,0.10351045622987187,1.14 +849,0.6276759808559524,0.10408260063944125,0.58 +850,1.1537866188813353,0.1038042623039506,1.16 +851,3.926821825262907,0.11424533826514494,3.8 +852,2.27069053590848,0.1054683716345441,2.14 +853,1.3462043660440144,0.10401041082721392,1.38 +854,1.5811490998171798,0.10620905204060818,1.62 +855,1.5947523807311383,0.10585951916174483,1.64 +856,1.6806383550972703,0.10789782717418753,1.82 +857,1.5827353343864181,0.1048337617479261,1.58 +858,1.1854476936896297,0.1048800063318273,1.28 +859,2.0723891339640494,0.10612133311598818,2.04 +860,1.572906174619019,0.10536756267881368,1.54 +861,3.671145635305242,0.11462524397539445,3.66 +862,3.10406938013404,0.11127129946132445,3.06 +863,0.5356592810551652,0.10509861350874393,0.54 +864,2.856440543662939,0.11103366311647529,2.8 +865,0.9709872215631257,0.10415489100446758,0.98 +866,0.5858239320307432,0.10544217518000233,0.64 +867,3.2169591493680705,0.11059413711823705,3.28 +868,1.0940055854226336,0.1040002907411279,0.92 +869,1.0192169358975476,0.10857405477117135,1.02 +870,1.0251083822787748,0.1038524875161558,1.02 +871,3.4609871128989496,0.1135250765829926,3.42 +872,1.5275415174864881,0.10531020768012189,1.62 +873,2.693082576310784,0.10763223361554147,2.72 +874,0.9995515173989431,0.10426789925007722,0.94 +875,1.8219189010554557,0.10529730494366454,1.86 +876,2.514474688516058,0.10606175211680892,2.5 +877,2.2753344635769266,0.10561960317033205,2.16 +878,1.25097455325743,0.10385439928260078,1.26 +879,1.2454828673848914,0.10377269920352179,1.2 +880,0.8812180311852393,0.10410062133901032,0.86 +881,1.5515784492845994,0.10441749649484926,1.58 +882,1.6191872010681592,0.10466957721119237,1.62 +883,1.9564996855484664,0.10637117645298737,2.0 +884,1.1045098830315054,0.10369165524685324,1.22 +885,1.2183113136078787,0.10363170876853604,1.22 +886,1.4858427782320773,0.10565055614142604,1.46 +887,2.8270344343915688,0.10720926049259748,2.78 +888,0.2047980372061864,0.1074987103181349,0.18 +889,0.9967548136701558,0.10330432324609394,0.88 +890,0.7100263458756166,0.10458789089515565,0.8 +891,1.2905624169617602,0.1037668895656466,1.32 +892,2.256735515649319,0.1053354087199805,2.22 +893,1.0133573893353591,0.10336508090439125,1.02 +894,0.43821672826219205,0.10514039993075396,0.44 +895,2.1480372469141513,0.10608625147187942,2.24 +896,1.6252987194068154,0.10485499766597633,1.6 +897,1.0458382054096815,0.10334434552193014,1.1 +898,2.2272003080110436,0.10551354841515535,2.26 +899,1.8911940100660671,0.10649776614484975,1.88 +900,0.7609967939588898,0.10365038915611262,0.66 +901,1.3783028653333331,0.10413228126536252,1.34 +902,2.35179821723827,0.10570113248243074,2.4 +903,0.7118125036155312,0.10503667656670944,0.78 +904,3.0638929991476167,0.10892335944997673,3.38 +905,0.9126308477103087,0.10436743074735175,0.96 +906,1.167709174619668,0.10358599883359298,1.16 +907,0.9172482629050527,0.10340711949147835,0.94 +908,3.1862465948917573,0.10996505211188902,3.04 +909,1.5222124217615103,0.10533289022793457,1.44 +910,1.752061406610204,0.10486294039293377,1.84 +911,1.0079053371113296,0.10459365870263405,0.96 +912,1.0372813746919518,0.10304131537672553,1.12 +913,2.6532863563383287,0.1072389850351499,2.7 +914,3.151548872414556,0.10997079780421364,3.12 +915,0.8113032561542197,0.1037712837100633,0.8 +916,0.9228852898334536,0.10345313186863342,0.94 +917,3.4262921059661884,0.1158468638605696,3.44 +918,1.6591479820347863,0.10527107989514407,1.66 +919,1.6718056397923156,0.10464872311919686,1.64 +920,1.7989760617515826,0.10538315298211447,1.84 +921,3.0937831225355494,0.1117366652721578,3.02 +922,1.9629008113780393,0.10688567989542205,1.96 +923,0.8209332403375824,0.10369785420793118,0.8 +924,1.7422711933450805,0.10478427626726212,1.58 +925,1.1320345445884619,0.10448349141449889,1.06 +926,1.871461547345516,0.10742151319283222,1.84 +927,0.8043170948752496,0.10333466507480728,0.72 +928,1.3794368417987584,0.10436739875588229,1.44 +929,2.016803605362673,0.10613401158714852,2.02 +930,1.61675938778489,0.10604664017980658,1.94 +931,0.4743364053109942,0.10481563378550499,0.46 +932,2.5388154381883346,0.10598986238482574,2.52 +933,0.7231209588285714,0.10498069067639686,0.68 +934,0.8756467603519247,0.10426614493937397,0.84 +935,1.1567019035940738,0.10359258117827021,1.22 +936,3.0271950979006674,0.11006006123124328,3.08 +937,1.398338420272347,0.10488267231056145,1.4 +938,0.7308022756145447,0.10535020079371667,0.68 +939,1.253131556011153,0.10639884952884779,1.32 +940,1.3402647494345543,0.10396675064421737,1.42 +941,0.2807212466510314,0.10603992853872846,0.22 +942,1.8741785002628766,0.10613004563333579,1.86 +943,0.7377367441000913,0.10369648825115926,0.62 +944,1.0812162619404169,0.10373788561603738,1.08 +945,2.065902110696386,0.10506825988383568,2.06 +946,0.725556081743798,0.10366666542696228,0.7 +947,0.7265400727809577,0.10465961693472471,0.7 +948,1.5624367121375697,0.10461355292761983,1.54 +949,1.2031809329548735,0.10428241060580852,1.14 +950,0.4784400854423807,0.10517462746396679,0.44 +951,1.8881138658667331,0.10589780560360598,1.9 +952,1.612943282811981,0.10585674224105318,1.58 +953,2.4036619530041903,0.1091063778171006,2.44 +954,2.747250138985622,0.107020190873242,2.84 +955,3.6882653159629704,0.11289001737981402,3.7 +956,1.0919527297725238,0.10333218807900346,1.18 +957,0.9281704933802017,0.10342131646370364,0.86 +958,1.2420346111428286,0.10366907381852823,1.24 +959,0.9322509774109675,0.10408504328073896,0.94 +960,0.7222556263799809,0.10403742185724187,0.74 +961,0.9956206729112664,0.10456631629485585,1.06 +962,1.4133544465179262,0.10483539896223142,1.5 +963,1.6056277242828343,0.10478000154868689,1.62 +964,1.148448210323076,0.10404055557079679,1.14 +965,1.6834710052030117,0.10453299498910007,1.66 +966,1.7416657791376173,0.1056319880188967,1.7 +967,0.6463824476977833,0.1053007817526106,0.54 +968,1.1181914993630016,0.10487404068852257,1.22 +969,1.5630781548252464,0.10654526743208252,1.78 +970,1.315782917445277,0.10406300832549009,1.36 +971,2.1938494587635495,0.10575143516443815,2.4 +972,4.266350888718842,0.13816058597995756,4.22 +973,1.909908842882858,0.10571622030702946,1.8 +974,1.061620404461722,0.10365673220383054,1.02 +975,1.210111019593311,0.10386872564242583,1.22 +976,1.2357411119890194,0.10399714478860624,1.26 +977,1.2859812560332613,0.10389700103115573,1.24 +978,1.9474817721972726,0.1057540002206009,1.92 +979,4.0524328503912646,0.1346046022168612,3.84 +980,0.7454913835242549,0.10436122666331656,0.68 +981,1.4247282303074633,0.10605351919931094,1.5 +982,1.6053755448238625,0.10678067362846932,1.76 +983,4.374895966471078,0.14340683923874034,4.34 +984,0.15897586519386442,0.1082844748357953,0.04 +985,1.2431671380973923,0.10383897404094082,1.3 +986,1.6259075285566964,0.10554122119324419,1.6 +987,3.748045174163797,0.11206330487304382,3.64 +988,0.46089453706210426,0.10513176109653061,0.46 +989,1.3143952408742456,0.10420204874111916,1.38 +990,1.638719332997924,0.10511922875193076,1.72 +991,1.6851310129017363,0.10516697953664586,1.72 +992,1.114873159584318,0.10336522938426256,1.08 +993,1.8357128961213731,0.10532285923804914,1.88 +994,1.9024239733607948,0.10580897761352506,1.8 +995,0.8970360935329338,0.10368225619837404,0.9 +996,0.5769083874553487,0.10434791416171411,0.58 +997,1.5719431561383614,0.10482925179313941,1.46 +998,0.9232493443612291,0.10372847100565881,0.86 +999,1.7863802509339393,0.10503270640946893,1.86 +1000,2.491902717226542,0.10570657269731382,2.52 +1001,1.5486283066693054,0.10425993730969915,1.58 +1002,1.1637029710322024,0.10440171368882194,1.14 +1003,1.7861837482975118,0.10560253402919742,1.76 +1004,1.1591943624112857,0.10361005553922549,1.04 +1005,1.8478564583740051,0.10635384878947847,1.86 +1006,0.7533996599204271,0.10463035899094257,0.7 +1007,1.8779705801793454,0.10548312125391919,1.8 +1008,0.968284686676943,0.10349438049105582,1.08 +1009,1.9714528405875504,0.1058613200288622,1.88 +1010,1.8502956131811756,0.1054926956193617,1.82 +1011,1.140096800992461,0.10469090985423396,1.18 +1012,1.1185515192398952,0.10374204856205087,1.12 +1013,0.809320008506107,0.10336472680790963,0.86 +1014,3.068606837126216,0.11244347600865022,3.06 +1015,0.6215607513237358,0.10462427308349291,0.62 +1016,2.493877612051557,0.10569203656016242,2.5 +1017,1.279543141037132,0.10386226537809091,1.38 +1018,2.6812891176262474,0.11073930804281162,2.74 +1019,1.5439836862225795,0.10560225181943957,1.54 +1020,0.8881194370903187,0.10315952019387059,0.92 +1021,3.6841738504290205,0.11486459936135092,3.64 +1022,3.512615814320023,0.11305307542305724,3.42 +1023,1.8889965139597016,0.1054527187318315,1.92 +1024,2.010525897547955,0.10622584891856619,1.98 +1025,0.17268889606980187,0.10817979321529252,0.18 +1026,2.8271531553498632,0.10716896763490377,2.76 +1027,0.5715057390684009,0.10498283162112679,0.58 +1028,1.381132091110144,0.10454216122617897,1.4 +1029,1.54755771455523,0.10491307412674263,1.58 +1030,2.4092248458712944,0.10559798684365139,2.38 +1031,1.5842016563442463,0.1045164028040497,1.58 +1032,1.248274998413423,0.10370751746927571,1.24 +1033,1.5728235147649428,0.10590078531339417,1.7 +1034,1.7443042838839466,0.10501318358128284,1.7 +1035,1.0682772250671753,0.10363790718025914,1.12 +1036,1.6134081529249626,0.10473120597043666,1.7 +1037,1.8031627764276918,0.10539778745937307,1.82 +1038,1.5065749789415555,0.10483368873290094,1.5 +1039,1.6576428198617434,0.10454154597018767,1.48 +1040,1.7966322997866668,0.10629114542650261,1.8 +1041,2.1349187008760295,0.10566979698918703,2.08 +1042,1.2574494601966477,0.10420800415830335,1.3 +1043,0.9199160131453232,0.10342298018287403,0.86 +1044,2.747215249800527,0.1088618533252758,2.8 +1045,1.3705222512231408,0.10459072027230533,1.46 +1046,2.0025152280687393,0.10598132101390519,2.02 +1047,1.9084089888018183,0.1061735757746808,1.92 +1048,1.356528821597267,0.10455148452744994,1.36 +1049,1.2420977979937873,0.10370070381735733,1.26 +1050,2.05664572820787,0.10656310178430657,1.68 +1051,1.0351312965777182,0.10418155961001847,1.02 +1052,1.6396365981744458,0.10535498784587438,1.66 +1053,1.3958484516244751,0.10546224188366628,1.42 +1054,1.0533611071281057,0.1032215715819535,1.14 +1055,2.84129742220343,0.10733924488809939,2.68 +1056,1.0174180386484166,0.10320349011661066,0.84 +1057,1.041975498861612,0.10333873220240256,0.98 +1058,1.65449333819299,0.10453192498853123,1.72 +1059,0.5185419025043188,0.1055129418098205,0.6 +1060,1.6283982121001137,0.10483451942699962,1.56 +1061,0.5703186737768582,0.10434452657641524,0.62 +1062,0.4438232677914882,0.10595495861181756,0.4 +1063,2.579939278551245,0.10655471657884441,2.64 +1064,0.936746875135634,0.10328262076087716,0.9 +1065,0.6583986740953889,0.10383440906278622,0.74 +1066,1.6583327460835249,0.10473897036226824,1.68 +1067,1.4423687847683282,0.10475568258057916,1.5 +1068,0.3058732381382696,0.10972723470810687,0.42 +1069,0.6171855851880799,0.10625141320207046,0.68 +1070,1.0807722970457418,0.1037676054678,1.08 +1071,1.7301685513191187,0.10479251028256548,1.76 +1072,1.8263552014781417,0.10627682267363085,1.84 +1073,0.6488485777908877,0.10425561792415777,0.6 +1074,1.7709868557661443,0.10505796783055733,1.9 +1075,1.68886487360419,0.10451077956920024,1.68 +1076,1.463366888745989,0.10497419364727527,1.52 +1077,0.5864113224116827,0.10587503982258073,0.72 +1078,2.918821400474188,0.10757598574969697,2.94 +1079,1.7132898709967335,0.10495150357957116,1.82 +1080,2.2912414444240468,0.10599989435222326,2.44 +1081,0.3541188539805744,0.10610792375925672,0.38 +1082,4.6414406429564306,0.20352433269269796,4.1 +1083,1.2554795240494072,0.10364758808440602,1.24 +1084,1.6756684718923345,0.1145852948218568,1.62 +1085,1.126806228602033,0.10390293048714164,1.14 +1086,0.6705746317956467,0.1038610574561202,0.6 +1087,1.2092252444230822,0.10391679147034687,1.26 +1088,0.45371687166434915,0.10579058347644071,0.46 +1089,2.320819773695925,0.10557743260606568,2.24 +1090,0.48616492204459183,0.10512662608803579,0.46 +1091,0.7771130866964007,0.10397886206016585,0.74 +1092,1.3959057672996962,0.10779803822169426,1.56 +1093,2.1631749438814523,0.10577687596968115,2.14 +1094,0.5655568202055483,0.10435791355927664,0.5 +1095,2.1246451381551323,0.10603801056889095,2.16 +1096,1.3114225767024776,0.10537916321576221,1.36 +1097,0.5586861689080123,0.10471040960341477,0.58 +1098,1.4317186473099475,0.10631895401402768,1.44 +1099,3.499386439200728,0.1114786726252975,3.82 +1100,1.3790898047526823,0.10444619129722948,1.44 +1101,0.9194482278925249,0.10369822829143177,1.12 +1102,1.4443958626688462,0.10557106614257712,1.48 +1103,3.204587271058981,0.10917074776775355,3.3 +1104,1.8819586297470834,0.10526503898415028,1.96 +1105,0.9307996033403021,0.10326843298889615,0.94 +1106,0.7656835250031597,0.10386229918749375,0.68 +1107,2.215971432920719,0.10538529908116268,2.26 +1108,1.3787707958672129,0.1042250979579303,1.42 +1109,0.8413799812787075,0.10367431052306535,0.84 +1110,2.1989310267137454,0.1059690890321037,2.1 +1111,1.3853270055245104,0.10463388430275833,1.42 +1112,1.9256074340552245,0.10534012053397307,2.02 +1113,1.28945789907563,0.10390717192122466,1.28 +1114,1.4667420784520053,0.10514107763897033,1.46 +1115,1.6504423192530822,0.10554854014792804,1.68 +1116,1.092603805436576,0.10367041064223786,1.02 +1117,1.5691052335341964,0.10459695972563585,1.62 +1118,0.8654218404063854,0.10599781167687831,0.86 +1119,4.217000704988562,0.13554349050234127,3.94 +1120,1.1234650051382373,0.10338962866590012,1.06 +1121,1.331427475847304,0.10421401387241419,1.44 +1122,1.1961708073673392,0.10401239761136712,1.26 +1123,4.057255791311741,0.11818816363929906,3.92 +1124,1.3904742421409266,0.10473403886154492,1.32 +1125,0.7170660421164974,0.10388063677270282,0.68 +1126,1.0128353485143875,0.10361258942500855,0.96 +1127,1.0591645948714485,0.10370490985711252,1.02 +1128,1.721947084972681,0.10476805020700498,1.82 +1129,2.1510060381521057,0.1061462962900337,2.18 +1130,1.7141073957168458,0.10586206972712212,1.82 +1131,1.9075797685059483,0.10579181476279026,1.96 +1132,1.64357758460485,0.10482221799838512,1.62 +1133,1.3210119212530897,0.1046731860440533,1.4 +1134,0.3403794984052566,0.10650142072391075,0.32 +1135,1.8320607420230224,0.1060257765851682,1.86 +1136,1.0763224916847718,0.10365398165511591,1.04 +1137,0.7730826108413509,0.10366783868482371,0.72 +1138,1.286226733763074,0.10415665896044951,1.38 +1139,0.44245476246756743,0.1069258782199826,0.34 +1140,1.0159509807741265,0.10376822334383401,0.94 +1141,1.077838259170162,0.1036963333085441,1.14 +1142,0.7950662735592728,0.10360777145226406,0.72 +1143,1.28411561538512,0.1037369479070365,1.26 +1144,1.7817076724959562,0.1058510713524591,1.82 +1145,2.2716950265900997,0.10519447381784734,2.38 +1146,0.6051936494642347,0.10673215783638812,0.68 +1147,0.46651058163494374,0.10498655857690449,0.34 +1148,1.2047158646943017,0.10376031766437994,1.2 +1149,1.115462959953406,0.10358929215941048,1.12 +1150,0.6766578483714034,0.10420147663632785,0.74 +1151,1.3321503354247652,0.10426313748289588,1.38 +1152,1.0698399587937302,0.10541490493449766,0.96 +1153,1.3936604855706434,0.10541519727567718,1.22 +1154,2.0729948539591354,0.10563769270292601,2.02 +1155,1.8658785572960226,0.1052601292971935,1.88 +1156,0.8164416896499502,0.1040449798690274,0.78 +1157,0.8349242808511099,0.10389028176712098,0.8 +1158,1.0195618596309202,0.10422070603873863,1.02 +1159,1.0509114479006434,0.10380094331125964,1.1 +1160,0.07342126017557993,0.11113365445411207,0.04 +1161,1.5105732050840373,0.10480332749562847,1.52 +1162,2.301601790016169,0.10561894216829736,2.36 +1163,3.673042120755811,0.11950825760354476,3.66 +1164,2.270328435009707,0.10539663068749952,2.3 +1165,1.536966509833055,0.10446714163467022,1.52 +1166,2.218816709644249,0.10546734190232193,2.08 +1167,1.336567140132837,0.10395962041348798,1.34 +1168,1.457379293558828,0.10455073674660913,1.48 +1169,3.05291229262645,0.11188806143084175,3.06 +1170,3.5482633424574614,0.1120518050807166,3.62 +1171,0.6854706227575469,0.10392580839740191,0.64 +1172,0.8389454565828429,0.10395923800604163,0.76 +1173,1.6252053789719354,0.10475173336742816,1.68 +1174,2.0262418403270437,0.10585465504274143,1.96 +1175,3.5782559096582225,0.11383302148556913,3.8 +1176,1.623408463161796,0.1055911370237186,1.66 +1177,3.13737673323701,0.11407258642888118,2.96 +1178,2.669648636570693,0.1065585943892649,2.62 +1179,1.8087639572076504,0.10563690323196998,1.8 +1180,0.5590274286395185,0.10467505383787223,0.58 +1181,1.3497659919793654,0.10412282644012011,1.38 +1182,2.243300536722488,0.10586913035038549,2.62 +1183,1.0110214446743035,0.10367767553102955,1.06 +1184,3.8498367550818258,0.11632051318625608,3.76 +1185,-0.44298765847576016,0.19558882792746726,-0.64 +1186,1.8951809851832642,0.10592003668001383,1.78 +1187,1.3608835552488698,0.10447158326681491,1.38 +1188,1.4601920133041033,0.10497528567940824,1.5 +1189,2.0822983348819597,0.1071110611750817,1.72 +1190,1.049170243796206,0.10415509571004863,0.98 +1191,1.5832448696860033,0.1045889746402417,1.58 +1192,1.4845422430782533,0.10513383254465695,1.54 +1193,0.9899363400921799,0.10374564369553674,0.98 +1194,1.8962674849095378,0.10619783850718494,2.02 +1195,1.528974745786877,0.10532636621371554,1.58 +1196,1.8492948083179086,0.10573274055914215,1.92 +1197,2.112858754834432,0.10680466060414351,2.06 +1198,0.9732094791049888,0.10351983631154288,1.08 +1199,0.3416215777481155,0.10612252315868798,0.3 +1200,1.3350381880458975,0.10424187785694591,1.32 +1201,1.4558684125773467,0.10494591338733275,1.42 +1202,1.3520317295307307,0.10451718020050114,1.32 +1203,1.1346328665598384,0.10388994921027919,1.06 +1204,1.0017012437367732,0.10384753647013407,1.02 +1205,1.1427448291475968,0.10416104661143025,1.22 +1206,1.1467095403387026,0.10351411731825491,1.14 +1207,1.9707793670414104,0.10541307266450291,1.9 +1208,3.1316742942148514,0.10883608126608496,3.2 +1209,2.6687168825051066,0.10668732511969721,2.6 +1210,1.4119600779125405,0.10487736512571347,1.46 +1211,1.1109654144052157,0.10327634732403061,1.16 +1212,1.5531442957919643,0.10463010350044423,1.5 +1213,2.0479688423607185,0.10601987083459057,2.04 +1214,1.6074513951556866,0.10456658029545417,1.58 +1215,1.251602490671361,0.10443629388266616,1.2 +1216,1.0457305098102316,0.10390327510351519,1.2 +1217,0.6473727816784893,0.10472147517954739,0.48 +1218,3.117535985714317,0.10985048663930944,3.16 +1219,1.4113307666644146,0.1052315267874813,1.62 +1220,1.620301306249908,0.1053964500486465,1.6 +1221,1.4403812586861746,0.10601538234289563,1.42 +1222,2.6412213109057716,0.10646349707060032,2.72 +1223,0.9635004992153511,0.1040841515794021,0.94 +1224,1.1052672000191754,0.10331240269325796,1.06 +1225,1.1893408200283502,0.10358364588905024,1.2 +1226,0.9762905157634711,0.10324573425976794,0.94 +1227,2.182362077331321,0.10551567854940631,2.14 +1228,0.8550276350731685,0.1042447078622129,0.66 +1229,2.058494236934281,0.10544406725972479,2.04 +1230,2.2740525108809115,0.10529547939913768,2.34 +1231,0.5082187738342561,0.10510699411120002,0.46 +1232,4.515692851296018,0.18312534390591462,4.1 +1233,1.3224344573072293,0.10392127546128244,1.38 +1234,1.2180945350357617,0.10374082323496397,1.34 +1235,1.2720879554047477,0.103723568935716,1.36 +1236,0.7383456089735048,0.10382369856707507,0.74 +1237,0.47593373084955237,0.10551272057715436,0.5 +1238,0.6372536430116411,0.10523157117750082,0.62 +1239,0.7537552671056225,0.10372321626251932,0.8 +1240,0.8332290926506132,0.10352957322490172,0.76 +1241,1.0515296263327243,0.10365942345939959,1.08 +1242,2.029771885742709,0.10531433413365923,2.16 +1243,1.3826910521711553,0.10438563287953152,1.44 +1244,1.835660101439648,0.10527979621397572,1.8 +1245,1.652367996962004,0.10484214717264954,1.62 +1246,2.1165740401499256,0.10588761206994268,2.0 +1247,1.7371853911228334,0.10522288797324578,1.74 +1248,1.3070138299434837,0.10378825679038245,1.24 +1249,1.3770530257893383,0.10430233286732282,1.48 +1250,0.23864250516475627,0.10684561726342987,0.28 +1251,2.2129862346053577,0.10560252910739396,2.32 +1252,1.718121585000604,0.10491133011895155,1.86 +1253,1.2674151689733981,0.10365403439143168,1.32 +1254,0.8716903842164085,0.10362002590567425,0.88 +1255,1.306119556608278,0.10384370687318979,1.3 +1256,2.439169099085029,0.10597064812360216,2.46 +1257,1.5912420443875717,0.1053809398004278,1.6 +1258,-0.09447301869232883,0.1192951776866438,-0.14 +1259,-0.202010822949648,0.1335518282728484,-0.3 +1260,0.5100509994932998,0.10536694909943806,0.48 +1261,2.2353345467661945,0.10570171661244716,2.04 +1262,1.0261240866076284,0.103460450334761,1.04 +1263,1.1645205955987712,0.1036678007467102,1.16 +1264,1.854861209629758,0.10599497956104326,1.96 +1265,2.758408151594748,0.106978796735562,2.76 +1266,2.3219627354364945,0.1052137706703687,2.28 +1267,1.2797562255344146,0.10368628135334539,1.32 +1268,1.6447601717899096,0.10483551095527036,1.64 +1269,0.799175518850658,0.10422611561910963,0.8 +1270,0.716333479692659,0.1038094482020459,0.8 +1271,0.6181934524909152,0.10423058799287152,0.6 +1272,2.483022637319015,0.10588594349983785,2.54 +1273,1.7204937866158523,0.10505469133510706,1.7 +1274,1.5934744556043028,0.10455394224855584,1.66 +1275,0.48746680670541087,0.10526932217714143,0.48 +1276,1.7728382429938896,0.10526389859685975,1.82 +1277,1.5359712875566855,0.10567888639492089,1.6 +1278,0.8345051297164132,0.10426163167427394,0.76 +1279,0.12770148342707577,0.10818280469554425,0.16 +1280,1.6058706145680026,0.10538659688501541,1.64 +1281,1.160227002832071,0.10359906779499614,1.18 +1282,2.8117645413634,0.10687163704081205,2.84 +1283,0.9839675337094085,0.1049906013737615,0.98 +1284,1.3370052397653764,0.10418205412153829,1.32 +1285,0.4966667898238355,0.1048024473389798,0.56 +1286,2.214784219062112,0.1078433465824197,2.22 +1287,2.6346639516664943,0.10665699432267944,2.62 +1288,0.8046418690783326,0.1046648250046111,0.84 +1289,0.8933853022382698,0.10332351264423406,0.86 +1290,1.4791934306989716,0.10440043887701878,1.54 +1291,1.3628105381974165,0.1047790822566927,1.28 +1292,1.656456314050247,0.10485053597243342,1.6 +1293,0.1278034386838569,0.10884509293540122,0.1 +1294,1.5322687062923364,0.10437498122257514,1.5 +1295,1.1240411816143818,0.10366716804318733,1.18 +1296,1.5059907597448343,0.105022498731274,1.6 +1297,1.274004685240031,0.10415445667822361,1.32 +1298,2.8166256156197824,0.10738384369259098,2.82 +1299,0.945108891599284,0.10348087781115937,0.98 +1300,1.0531384242630266,0.10340112972958189,1.04 +1301,0.6543816159772731,0.10461863436868861,0.56 +1302,0.23316224074398084,0.106770295595079,0.22 +1303,3.628108703774353,0.11208814161186285,3.54 +1304,1.8834968032207704,0.10559784998022877,1.88 +1305,2.0060809945406617,0.1063197730647568,2.16 +1306,0.7901793028966195,0.10388987092908593,0.82 +1307,1.4223124068775461,0.1042306850421705,1.38 +1308,1.3204269808014941,0.10393645947887487,1.3 +1309,1.8341181806144156,0.10538160986006403,1.84 +1310,1.9659722770835244,0.1055985743239624,1.96 +1311,2.6556795342119144,0.10690013682744622,2.62 +1312,0.827193350998408,0.10353182410476154,0.74 +1313,0.8148321992495595,0.10382534261227601,0.72 +1314,1.5222407928229678,0.10644827917221021,1.6 +1315,3.44890435187783,0.1124514495464107,3.54 +1316,0.5690924230771954,0.10573440045082617,0.52 +1317,1.2805710879170085,0.10363345199502183,1.32 +1318,1.3001374567470463,0.10372441118628804,1.36 +1319,1.7645471758851037,0.10560255660438245,1.74 +1320,1.7218820558454246,0.10598323706913734,1.78 +1321,1.6738256752657903,0.10484206035342625,1.66 +1322,0.8232403837242699,0.10453376473288983,0.86 +1323,1.4449595432513092,0.10580683078938519,1.52 +1324,0.9449182609862752,0.10396734597522377,0.94 +1325,2.0346771689485954,0.10637664898750528,2.14 +1326,0.9546908752823007,0.1039700710096268,0.94 +1327,1.2786485719288918,0.10375049744006824,1.34 +1328,1.697772899335534,0.10516918733975461,1.78 +1329,1.09062312819808,0.10362257922634999,1.16 +1330,1.1975045436014695,0.10375577517775533,1.2 +1331,2.0977098243381014,0.10584574580363988,2.08 +1332,1.081129187699767,0.10319232487105406,1.08 +1333,2.9923489352943995,0.10840551143393792,3.08 +1334,1.495234498863803,0.10560352709790162,1.56 +1335,0.8430416058485455,0.10420836545714263,0.92 +1336,2.3829750969787162,0.1056767898430281,2.48 +1337,1.0144906063440344,0.10477967021041963,1.04 +1338,0.9234631683523147,0.10377583618375075,0.96 +1339,1.453392311258399,0.10424516333265686,1.46 +1340,2.071914271015222,0.10628897806142401,2.22 +1341,1.3280126630457239,0.10443066133553781,1.26 +1342,1.178343912337842,0.1035164478752486,1.14 +1343,0.5944237381084441,0.10522967071498911,0.66 +1344,0.8028645087309001,0.10336273276039336,0.7 +1345,1.0814752955029774,0.10348195531119067,1.1 +1346,1.267628642226009,0.10405813795811249,1.3 +1347,1.3982538322772888,0.10482586102578745,1.48 +1348,1.065592685451262,0.1034913160941491,1.1 +1349,0.44016369945316347,0.10534651503869802,0.4 +1350,1.3448243055850688,0.10420085073462633,1.3 +1351,1.1881894166951503,0.10371664079949221,1.22 +1352,2.8658477628148247,0.1081082501462975,2.92 +1353,1.539909979927573,0.1058075357262102,1.56 +1354,0.9945168345653221,0.10544451464396036,0.96 +1355,1.3652697279854578,0.10424284679251879,1.4 +1356,1.3620222875144257,0.10473087371901993,1.44 +1357,0.7436500390194936,0.10388861841461926,0.74 +1358,1.0258941769404877,0.10361235373484963,1.06 +1359,1.4076018107240045,0.1043276089299032,1.44 +1360,2.497367574547807,0.10627865036691372,2.5 +1361,1.2169603366378943,0.10388209187395286,1.16 +1362,0.8677651921500931,0.10357946823339755,0.84 +1363,0.9021716828075959,0.10339815759155571,0.82 +1364,1.3278108569758458,0.1039987586023876,1.26 +1365,1.4343953912119942,0.10579046618451128,1.46 +1366,0.7523666398889559,0.10514151164223912,0.66 +1367,0.6727025886697446,0.10414934327032417,0.64 +1368,2.077582326169144,0.10501651554534189,2.16 +1369,1.2436400206107385,0.1037347987203995,1.16 +1370,1.1315948630861938,0.10521857880952222,1.06 +1371,1.8564779248694925,0.10639728773632993,1.76 +1372,1.9520894671859508,0.10575733521520408,2.08 +1373,1.8962917867137619,0.1059132963166955,1.98 +1374,1.6657889601576747,0.10468157200657252,1.6 +1375,1.951614155705394,0.10615087387425816,2.0 +1376,1.763726341507931,0.1053532554094742,1.88 +1377,1.211810016260079,0.10355831059472607,1.14 +1378,1.099435494280287,0.10402283666522746,1.08 +1379,2.3564738166763433,0.10568350134738745,2.44 +1380,1.7225792570143326,0.10452755494316647,1.6 +1381,1.0033372136839076,0.10439895493721592,1.04 +1382,1.3269077682778145,0.10421974031369002,1.44 +1383,2.8019585939231937,0.10763105868049258,2.98 +1384,1.7679876648005375,0.10569940772345127,1.76 +1385,0.9541739395986908,0.10443354437913759,1.02 +1386,1.71569219436248,0.10471105276711294,1.7 +1387,1.2274938149450398,0.10356676385034815,1.14 +1388,0.4943226281711275,0.10583781851941718,0.42 +1389,1.1877467404346844,0.10411625425371498,1.18 +1390,1.7710108106372728,0.10556292219728393,1.74 +1391,0.951761609807432,0.10352584348289974,0.98 +1392,1.4569009240344832,0.10611898167020634,1.48 +1393,0.924942170705799,0.10344259628297685,0.92 +1394,0.3140430287775344,0.10638208232797015,0.3 +1395,0.7807865879737164,0.10402271563112811,0.66 +1396,1.2825911963566106,0.1039563120302969,1.38 +1397,0.8161475831597129,0.10340751144722335,0.8 +1398,1.2862836627080418,0.10512871277331198,1.32 +1399,1.192071802838535,0.10439933960486754,1.16 +1400,1.9813168947211799,0.1053750909131193,2.1 +1401,1.7120616664320365,0.10505966516513056,1.86 +1402,1.2332336500535823,0.10399106250576244,1.34 +1403,1.272719720235569,0.10384317954987791,1.24 +1404,1.7117575062048593,0.10480425305117434,1.78 +1405,1.8167322550018574,0.10555258829140349,1.82 +1406,0.8862161667079902,0.10381917510134674,0.78 +1407,1.6040464977395188,0.10439287538563614,1.62 +1408,1.42631789502567,0.10405966036580132,1.16 +1409,0.8792136428646073,0.10511407533688102,0.9 +1410,1.049561293340607,0.10341184906148299,1.12 +1411,1.362888185499672,0.10548083450045323,1.4 +1412,2.3863341291357663,0.10566476775472285,2.32 +1413,1.2838422232080489,0.10392391891300537,1.24 +1414,0.4887022772771892,0.10535108794380851,0.46 +1415,1.5981283540253606,0.10483593253126405,1.74 +1416,1.516627207466081,0.10418360172732223,1.54 +1417,1.426980281755108,0.10548302642327599,1.48 +1418,1.849185656364392,0.10579075342645622,1.86 +1419,1.6906069779025308,0.10486290797737519,1.74 +1420,1.3939935552091938,0.10544222740904245,1.42 +1421,1.8223649242176,0.10536932657115525,1.84 +1422,0.7468316904734507,0.10394357200127713,0.76 +1423,0.08333776772535151,0.11699322678758592,0.14 +1424,2.4267055581112884,0.10556898453512284,2.38 +1425,0.4959801883832511,0.10663096241672719,0.58 +1426,1.001106694150463,0.10505059983686908,1.02 +1427,2.1780100089073797,0.10528584470228759,2.14 +1428,1.3987036457779793,0.10513916767439709,1.44 +1429,1.904034468686484,0.10622572038875618,1.9 +1430,0.5764156635093634,0.10421971284006583,0.52 +1431,1.818552067633488,0.10599237191874264,1.9 +1432,1.305466660363853,0.1040297456368455,1.32 +1433,0.06114219828001799,0.11088186389775741,0.0 +1434,2.1595335529384285,0.10566117762543104,2.26 +1435,1.3252439628104624,0.10401321060896548,1.36 +1436,0.2775027587230787,0.10632922486772031,0.16 +1437,4.468622255781499,0.21586470466616076,4.14 +1438,1.3886116497193242,0.1053919233849911,1.46 +1439,1.2115023966658014,0.10365512313306037,1.18 +1440,1.781592999009932,0.10590056760197451,1.86 +1441,2.21787985168771,0.10534591692456081,2.32 +1442,3.283143848682348,0.11197619379988198,3.26 +1443,0.42955272929948896,0.10521524853329664,0.4 +1444,1.5308164628772452,0.10563075124358279,1.56 +1445,0.7503550126265721,0.10364849056873869,0.68 +1446,2.8442747178323997,0.10725472547386813,2.86 +1447,1.1107501840930936,0.10322497533581663,1.12 +1448,0.8982184677344285,0.10327465266221635,0.88 +1449,3.282884104356748,0.10983556729319194,3.42 +1450,0.22394315788137353,0.10717331127055789,0.1 +1451,1.4094833594165137,0.10502496277864828,1.44 +1452,1.7529160667487829,0.10536375400173316,1.74 +1453,1.6970373365605886,0.1060590243909077,1.6 +1454,1.197434341284994,0.10366087106051836,1.24 +1455,1.1859325151725897,0.10378656081051603,1.2 +1456,1.414541585843606,0.10410314498657282,1.4 +1457,0.8557630743028439,0.10349025873683944,0.82 +1458,1.7183681628361582,0.10526712046137876,1.84 +1459,1.0578647404824237,0.10330288419361433,0.94 +1460,1.2736929693323993,0.10377551090641564,1.26 +1461,0.8511660654537443,0.10377913503685716,0.82 +1462,1.1964830788027796,0.10387316219130904,1.28 +1463,2.4245016204290457,0.10601182134088913,2.48 +1464,1.3857381498877976,0.10507281792061027,1.82 +1465,0.9150248647985264,0.10308857857225667,0.98 +1466,0.9920981562542983,0.10347276902577139,0.92 +1467,1.0551461880911233,0.1042914952525172,0.98 +1468,1.327079936456959,0.10454442691186912,1.38 +1469,1.0535554442556303,0.10343912627697151,1.06 +1470,2.87182219192689,0.10955881566161314,2.84 +1471,1.29342238104458,0.10365520055047954,1.26 +1472,1.15656016784108,0.10383126202327081,1.1 +1473,1.6767375345783093,0.10502074899819633,1.64 +1474,0.6888776638832979,0.1040994891782043,0.78 +1475,3.7116432424494206,0.12287202969634277,3.6 +1476,1.6196413237576208,0.10523407659593986,1.68 +1477,1.6616956738286581,0.1048681858966414,1.68 +1478,1.0656359135114442,0.10338435926034333,1.18 +1479,0.43918411200703167,0.10573902932519719,0.52 +1480,1.7221881356921016,0.10473131044976533,1.84 +1481,1.553047112046888,0.10553227389266379,1.52 +1482,2.955594921563891,0.11055702078669091,2.94 +1483,1.7952470378778407,0.1052698273165977,1.8 +1484,1.004809618547435,0.10328171963325673,1.1 +1485,1.507883546305242,0.10765025213287535,1.56 +1486,1.9570759645565992,0.1051517250325024,1.96 +1487,0.9961994907539249,0.10387200820357609,1.06 +1488,1.261914386649417,0.103883228135679,1.24 +1489,1.8199865891792455,0.10551950322047327,1.66 +1490,1.4456624199915935,0.10459760528887484,1.44 +1491,1.7354435133273838,0.10533587789332013,1.76 +1492,1.4462615314011749,0.10621654412100165,1.38 +1493,0.6471509655783705,0.10410479074990357,0.5 +1494,1.67808039395563,0.10515546850055567,1.78 +1495,1.8569160125599153,0.10589830710907595,1.9 +1496,2.952504731592169,0.10991375586765548,3.52 +1497,1.4938829008323693,0.10514378330569288,1.44 +1498,1.0870354425310906,0.10366260136292992,1.04 +1499,1.6870991138073008,0.1050995920197638,1.7 +1500,0.3522978144652824,0.10735917051989512,0.28 +1501,0.43229431411259744,0.10590867036266123,0.38 +1502,3.065660409894805,0.11261073649729172,3.08 +1503,1.1919139514690165,0.10424896812676522,1.14 +1504,2.0473295173042394,0.1061514270650413,2.04 +1505,2.627398758976392,0.10684337521436055,2.7 +1506,1.7892584932530453,0.10510449167007929,1.78 +1507,1.6392467517713931,0.10477815419387576,1.62 +1508,0.9880821130599577,0.1036209494365858,1.0 +1509,1.4899758370080334,0.10430149984995488,1.56 +1510,1.0932382554820044,0.10364323991524474,1.08 +1511,2.811880460405296,0.10965119949898777,2.9 +1512,3.280779377689052,0.11195062017908243,3.5 +1513,1.6981041726059458,0.10505144925650288,1.7 +1514,1.2505298583241191,0.10355156110929818,1.3 +1515,0.3316363425203632,0.10592782081202909,0.24 +1516,1.176816656293075,0.10362073602941305,1.22 +1517,2.2817004791704334,0.10553336723544977,2.34 +1518,1.169391002874446,0.10364839737178487,1.16 +1519,1.098375881003944,0.10339518588790893,1.18 +1520,1.5031391243830057,0.10463915655487022,1.42 +1521,1.6522644502763106,0.1049433069738199,1.52 +1522,0.8089817833975714,0.10348526824488262,0.74 +1523,0.3425991100334129,0.10633013017822464,0.34 +1524,2.172170964134993,0.10673235252088423,2.24 +1525,1.703557303171015,0.10479384283371158,1.8 +1526,0.6804642215640917,0.10463185534780514,0.82 +1527,0.7424261268512331,0.104235519069141,0.76 +1528,0.7738079891534269,0.1036388581569011,0.74 +1529,1.404393495030026,0.10466596537837261,1.42 +1530,2.092670582577442,0.1077042334969555,2.08 +1531,0.7274400721311678,0.10403950940661001,0.68 +1532,0.5870718624616642,0.10420968675017175,0.54 +1533,3.1040749767030547,0.11057096285248293,3.06 +1534,1.6706741357283597,0.10439851306612245,1.62 +1535,1.2826206842642036,0.10476335592381256,1.26 +1536,1.3570745368236472,0.10446974480596356,1.4 +1537,2.034662102558103,0.1055738981321839,1.94 +1538,1.965613722416888,0.10574002628173614,2.0 +1539,1.304420743461376,0.1039783792024216,1.32 +1540,1.569275762612102,0.10474630467368089,1.58 +1541,0.7336410402758964,0.1037665054928182,0.74 +1542,1.7049219333143113,0.10442096161734321,1.68 +1543,0.9667824389287545,0.1041735492050464,0.86 +1544,1.3786288545555272,0.10544312492721496,1.38 +1545,2.9762808273216783,0.10840507533327912,2.98 +1546,0.9595890122279029,0.10318987236839887,0.8 +1547,1.6659431631144712,0.10513361913751938,1.82 +1548,0.3462496310097598,0.10630390836988352,0.3 +1549,1.80399070789082,0.10540652975362358,1.72 +1550,1.0941744384529897,0.10399298843996975,0.98 +1551,0.565340115865419,0.10466611933489926,0.5 +1552,1.61167851199991,0.10459588577687537,1.6 +1553,1.237694806997554,0.10390601513954575,1.22 +1554,1.1071548869214367,0.10348390286038865,1.14 +1555,1.0541079904770938,0.10354182909165606,1.08 +1556,0.9352940618735786,0.10333094769594245,0.98 +1557,0.9139059984492639,0.10322112571579327,0.98 +1558,-0.057506394243473924,0.11861870927586483,0.18 +1559,1.2599138752940262,0.10376933008373315,1.42 +1560,1.2768841559728812,0.10404773025417106,1.3 +1561,1.410549197257319,0.10556182352627683,1.42 +1562,0.4801958849157564,0.10664682215951889,0.46 +1563,0.8037275129174559,0.10345486848455517,0.8 +1564,2.26419268088396,0.1054147834556242,2.34 +1565,1.7249993717548135,0.10549421225360205,1.66 +1566,0.9598649050503112,0.10313707725391019,1.02 +1567,1.5226752983623064,0.10390922580719086,1.48 +1568,0.6821173215594292,0.10419059065135229,0.58 +1569,1.6568325767239833,0.10557318047368772,1.7 +1570,2.1660297280244563,0.10534266889391218,2.12 +1571,2.112566689129055,0.10545563806726169,2.16 +1572,1.453571766721511,0.10530562747392161,1.54 +1573,0.6892755360093132,0.10420591499799106,0.58 +1574,0.5680518246016226,0.10464175574555204,0.46 +1575,1.5130347149418788,0.10460177827993833,1.52 +1576,1.4861905270649678,0.10528805372367249,1.52 +1577,1.004406147103603,0.10329331832052234,1.0 +1578,1.5001204531745684,0.10463572659917865,1.5 +1579,1.3666374763639104,0.10446464896296541,1.38 +1580,1.356826965601369,0.10542927692059917,1.32 +1581,1.4455945002590354,0.10490573157800769,1.46 +1582,1.0653329656397879,0.1035457165123273,1.06 +1583,2.0194682990808466,0.10636558686439378,2.0 +1584,1.0765153514695753,0.103523984602691,1.04 +1585,1.018097071460184,0.1036870133579043,1.04 +1586,1.1288098709315952,0.1043655133964568,1.1 +1587,2.4261793998528147,0.10547261112560921,2.32 +1588,0.3779546728113252,0.10751802942092845,0.36 +1589,0.7401605141769436,0.10506748895107913,0.66 +1590,1.904161466003925,0.1062460932020227,2.0 +1591,1.4371832396729523,0.10450695754258238,1.42 +1592,2.940606484117994,0.10816995415894459,3.0 +1593,1.186125508866224,0.1035352602511196,1.18 +1594,2.0908480794350672,0.10540567553041097,2.1 +1595,0.8329687460793962,0.10429718923785847,0.88 +1596,1.302629809241148,0.10402703838057736,1.28 +1597,1.4426551723753795,0.10514254713304974,1.36 +1598,0.9998373163584389,0.10350292257965885,0.86 +1599,2.1829414226339288,0.10525686694763299,2.2 +1600,1.1682251197603093,0.10406863699018008,1.18 +1601,0.9341103346232535,0.10441251207290164,0.94 +1602,0.10586099796145865,0.10971907489990759,-0.02 +1603,0.7273235217687115,0.10414496923210444,0.64 +1604,0.7349394055578968,0.10380279638285692,0.72 +1605,2.0678378709403247,0.10731557610313991,2.14 +1606,1.4913151808894916,0.1048400925093431,1.56 +1607,1.3159627487120367,0.10403562918863729,1.36 +1608,1.5657452334720765,0.10617225880192112,1.62 +1609,1.4344394763211468,0.10566827345488639,1.36 +1610,1.9712491692009535,0.10613443740998235,1.96 +1611,0.5969473394802569,0.10505696006956126,0.6 +1612,1.5534005346271171,0.10490344338823325,1.52 +1613,0.7126617851617048,0.10559200088196437,0.72 +1614,2.28541430167648,0.10563810478039057,2.18 +1615,3.0242395081528044,0.11141220515754961,2.92 +1616,0.9034123804309693,0.10463051367658177,0.82 +1617,1.7417352207910581,0.10527934717638933,1.74 +1618,1.4480328887580654,0.1055622212070577,1.42 +1619,0.7763086596546187,0.10463420565390638,0.84 +1620,1.1207458042799003,0.10327163879232672,1.04 +1621,1.4419171411573344,0.10460716763184491,1.44 +1622,2.545426687527525,0.10590006403294927,2.52 +1623,1.4416304680921335,0.10506590148495637,1.46 +1624,0.7782932505371618,0.10352987968722697,0.74 +1625,0.5063659012491448,0.10490462419066687,0.54 +1626,1.4376339756373233,0.10608238577678773,1.5 +1627,1.0915089161438103,0.10383988993476742,1.2 +1628,2.360404090376059,0.1060415008776157,2.46 +1629,1.347634125283443,0.10466049055765284,1.2 +1630,0.8850779449221675,0.10379794431941057,0.9 +1631,1.0265254581261174,0.10339131617701613,0.98 +1632,1.4682049265233394,0.10375912215588001,1.5 +1633,0.9372970066190773,0.10330395438639454,1.04 +1634,1.4673841914654466,0.10440285933203337,1.48 +1635,1.4848642514577945,0.1046802892238365,1.48 +1636,1.5062588069871707,0.10557921475932985,1.5 +1637,2.2376494063326517,0.10533153798465508,2.28 +1638,4.932077534565954,0.31917897291123687,4.56 +1639,1.893240100861172,0.10681772804781647,1.96 +1640,1.2258796009774158,0.10405367078792215,1.2 +1641,1.4366385702717301,0.10517296690886589,1.44 +1642,2.1770032973840556,0.10565625650225183,2.2 +1643,1.928189445439569,0.10684669869013878,2.0 +1644,0.1286474789320713,0.10869297420510275,0.08 +1645,0.9576937898493454,0.10420499076852195,1.0 +1646,0.1964881557162328,0.10711882383135661,0.14 +1647,2.616742910632881,0.10717364472864019,2.62 +1648,1.7654229035597893,0.10520908250826787,1.82 +1649,2.0970477544335266,0.1051399767131434,2.16 +1650,0.9391930704833178,0.10328093166426451,0.96 +1651,1.0738263542439426,0.10357167197370702,1.02 +1652,0.8400057005942307,0.10528701811044319,0.82 +1653,2.033700700251335,0.10694353194425615,2.0 +1654,1.3281286343997194,0.10472292242030573,1.34 +1655,2.4727618322508547,0.10572819555674974,2.5 +1656,1.3969707917264258,0.10563220698242222,1.46 +1657,0.45317694581704293,0.10528397529755851,0.42 +1658,1.2874938045534647,0.10413747630391049,1.36 +1659,3.44689832077063,0.11070300574462928,3.54 +1660,4.235148379765766,0.12869705500537632,4.0 +1661,1.4456543424193895,0.10537439212660925,1.56 +1662,0.4639435888474188,0.10551510308200639,0.5 +1663,0.7291309741399821,0.10360498482723779,0.66 +1664,1.8812614540128698,0.10513565762648895,1.86 +1665,1.254603761292001,0.10387386676947409,1.36 +1666,3.1971678943777184,0.11296816547962833,3.16 +1667,1.2478976612895472,0.10368045243307868,1.16 +1668,1.2873172734928793,0.10466168574175547,1.28 +1669,0.8691241255754156,0.10380967523435343,0.62 +1670,1.2461057310082686,0.10392160798849862,1.36 +1671,1.2206173229718913,0.10417901356549764,1.18 +1672,0.6802588339396691,0.1042493598137183,0.66 +1673,1.2301209623218923,0.10360423645181271,1.22 +1674,1.3271237321296936,0.10394595148260266,1.34 +1675,2.415198078290247,0.10638726813112434,2.3 +1676,1.2225187054015385,0.10397770347610778,1.38 +1677,1.3542922682075846,0.10538217317017909,1.38 +1678,1.228902697384933,0.10422727757235908,1.2 +1679,1.5444914405114694,0.10464899585780277,1.54 +1680,1.3175908832997734,0.10476722040581148,1.3 +1681,1.1926159468723632,0.10339662931207931,1.24 +1682,2.229339393791656,0.10626398637453874,2.2 +1683,1.6611635103572282,0.10493362676861942,1.56 +1684,1.3452109881073055,0.10465417410567208,1.3 +1685,0.6102324544084552,0.10506040342494655,0.56 +1686,1.351692120098535,0.10414566259999117,1.32 +1687,1.4314405760172746,0.10385878454662056,1.36 +1688,2.95408697383368,0.10881848968878764,2.94 +1689,0.9229001854223156,0.10421839578412936,0.98 +1690,0.9773899130066481,0.10405785975281658,1.04 +1691,1.8298742365532852,0.10659741139275163,1.84 +1692,0.7421300034405944,0.10588414732198519,0.68 +1693,1.544999443835342,0.10437580209819985,1.58 +1694,3.5206235453705594,0.11571389100621567,3.6 +1695,1.1578825260007455,0.10349106270998815,1.22 +1696,1.032261379092899,0.10360061828524289,1.12 +1697,3.7997134791347853,0.1174747631757212,3.88 +1698,0.6944760519643203,0.10400593140302393,0.74 +1699,1.3802472814065978,0.10459133400420687,1.36 +1700,0.9883918229725324,0.10417805358267829,1.0 +1701,3.9618435968292203,0.11757674674186135,3.9 +1702,1.3363981136890373,0.10438484770772359,1.28 +1703,1.7228732697421463,0.10486037131790368,1.72 +1704,1.1207296094218342,0.10373928854152889,1.14 +1705,3.5800177934937003,0.11682141208663034,3.72 +1706,0.9630759858553382,0.10383171775352484,0.9 +1707,2.5761685984483456,0.10620123819688025,2.52 +1708,0.3605094218590721,0.10637763484044031,0.34 +1709,2.3284345361391074,0.10582624983984944,2.44 +1710,1.6398381005968026,0.10539239519156166,1.68 +1711,0.4321159184059957,0.1053428869182585,0.38 +1712,0.6546018403133202,0.10409979862782526,0.62 +1713,1.9048537264859262,0.10607407687262853,1.92 +1714,1.873976694826895,0.10559179869442194,1.94 +1715,2.7384213526615553,0.10660590056404567,3.0 +1716,2.2193639959005593,0.1063052964450569,2.34 +1717,0.38785034198383306,0.1055521973576164,0.36 +1718,1.70672526462277,0.10570195547622903,1.82 +1719,0.8194357667496859,0.10441162225991356,0.88 +1720,1.183110199057006,0.10371067685763774,1.2 +1721,1.3647587030075292,0.10429428760369071,1.38 +1722,1.5859095591721526,0.10486328406395762,1.66 +1723,1.2880136999685674,0.10388755603054846,1.34 +1724,1.2742536521183552,0.10373998252699544,1.32 +1725,1.4680786646493593,0.10735719402292719,1.48 +1726,0.6553320392165864,0.1050276795511353,0.76 +1727,2.186125622991367,0.10583095331258245,2.26 +1728,1.0411554197612083,0.10320406658016197,0.98 +1729,0.8589485198201969,0.10328132137388818,0.82 +1730,1.8440319742268634,0.10609623906097178,1.88 +1731,1.6303214038652647,0.10603201363069982,1.68 +1732,0.9240640488410761,0.10504123617793772,0.92 +1733,2.1688556975089184,0.10564676884470878,2.18 +1734,1.2640706073337689,0.10420378461164602,1.08 +1735,1.032395840255473,0.10345002753636567,1.02 +1736,2.150743803203388,0.10715171544256288,2.06 +1737,2.104158674129445,0.10533847764806989,2.04 +1738,2.1758673242359357,0.10967366476427355,2.18 +1739,1.4960800732902135,0.1049168774109126,1.52 +1740,1.4760251858488451,0.10552903167155751,1.56 +1741,0.3290275322599725,0.10625278878612428,0.2 +1742,0.9265972641386973,0.10321721455606918,0.96 +1743,2.82579448527821,0.10858448146498406,2.84 +1744,3.8144597542372707,0.11566482096589235,3.72 +1745,1.0645649519259393,0.10375173441787158,1.08 +1746,0.6733252471571354,0.10407235160490531,0.66 +1747,0.9754835511447957,0.10418503559269057,1.06 +1748,0.2383091574443248,0.10777054951077372,0.14 +1749,3.9411669445159148,0.1173482461117092,3.62 +1750,-0.22057821964781477,0.13846888471403634,-0.38 +1751,2.261253362583291,0.10529492489707463,2.14 +1752,1.7178559918250413,0.10483896014935333,1.76 +1753,1.129130273884884,0.1032994384458972,1.04 +1754,2.1503670870963894,0.10515759577553896,2.12 +1755,0.6085279272052708,0.10539602511463007,0.58 +1756,0.6732697674472461,0.10497306157358723,0.7 +1757,0.9982749090932841,0.1038203652312735,0.92 +1758,1.3987479227910469,0.10465091284123862,1.4 +1759,1.1784628423471246,0.10373496159578825,1.18 +1760,1.0028428081916565,0.10369790406721906,0.98 +1761,1.395153240502919,0.10474844490272758,1.42 +1762,0.6399607800578528,0.10424125220769437,0.66 +1763,1.257546590114449,0.10367614093460875,1.3 +1764,2.542471332519669,0.10613783946014343,2.46 +1765,1.0148911303209167,0.10415092434144976,0.94 +1766,1.3093786796171663,0.10422572846330751,1.42 +1767,0.9462418548947737,0.10455841464913482,1.02 +1768,0.7260477570823851,0.10471027423065561,0.78 +1769,1.8216314703318743,0.10565679495970655,1.86 +1770,1.2830669111500241,0.10384677465498555,1.32 +1771,0.7480900350911823,0.10360543158081378,0.72 +1772,0.7296234180781638,0.10385620419522791,0.64 +1773,0.6644239588015579,0.10435257875329472,0.76 +1774,1.2113046622686823,0.10347068900728988,1.3 +1775,1.8332741568734874,0.10648197125419917,1.9 +1776,1.220987988310982,0.10377604681445396,1.36 +1777,0.3098458838346594,0.10902817805626375,0.22 +1778,1.271096851571746,0.1038550884842939,1.22 +1779,0.48219072122805917,0.10541578441272635,0.5 +1780,2.7782072271339415,0.10678209355877696,2.76 +1781,1.4123665553762499,0.10420665715890992,1.48 +1782,0.9045323652500357,0.10448330902863928,0.88 +1783,1.1806844938410328,0.10394977338710677,1.1 +1784,1.8067904616992947,0.10548211561965212,1.88 +1785,0.6813097430522332,0.10556199876620907,0.66 +1786,1.4621480884157,0.1051707216828515,1.44 +1787,1.0201353206660264,0.10429093221748431,1.06 +1788,1.0577720932204087,0.1041190349935937,1.16 +1789,1.1129559918084673,0.10356509633482104,1.2 +1790,1.5400580503477648,0.1046011941167339,1.56 +1791,0.8321365238705964,0.1034457142689248,0.76 +1792,0.9208934727787557,0.10341628990154846,0.96 +1793,0.9772134353835411,0.10316312114461405,1.0 +1794,3.5595052020236273,0.11256725127353773,3.54 +1795,1.724485756805096,0.1052696133598468,1.8 +1796,1.7314305620522048,0.10536814341580152,1.72 +1797,2.319266451816707,0.10562615908800407,2.3 +1798,1.604262052574954,0.10543808989600813,1.66 +1799,1.2934227183875904,0.10381906465596293,1.26 +1800,1.3484542182427162,0.10486032647726509,1.44 +1801,1.876071298502326,0.10715007870567288,1.92 +1802,1.6543854309855361,0.10512413346089322,1.6 +1803,0.9562570602587939,0.10327488400245526,0.96 +1804,1.304191112449741,0.10418326958750998,1.42 +1805,2.1105110870827963,0.10602743976803533,2.08 +1806,0.7915633385896519,0.10420682083844768,0.82 +1807,2.990897184630755,0.10830933408741047,2.96 +1808,0.7326365453393158,0.10424217343774694,0.68 +1809,1.5375992950746649,0.10440999236672817,1.58 +1810,3.0472918699656595,0.10907411795379783,3.28 +1811,1.5154541080544113,0.10457186289999458,1.54 +1812,1.209414257015092,0.10528171029828962,1.2 +1813,0.9537722184267863,0.10390939520456484,1.0 +1814,1.7934623440172124,0.10483819430228034,1.82 +1815,1.2289980600967652,0.10357395304652829,1.36 +1816,2.5033501171552444,0.10608065561010162,2.5 +1817,1.463371260378517,0.10466560251328316,1.6 +1818,1.5726835793058433,0.10567806169000298,1.6 +1819,1.1623676646610703,0.10382999704484078,1.22 +1820,0.8512256957957702,0.10372703606082449,0.84 +1821,1.3906230130908859,0.10423621985593089,1.38 +1822,0.6624464687438887,0.10412637634197039,0.72 +1823,1.5917120559235527,0.10499034725776649,1.6 +1824,1.972740222117126,0.10584907089458756,1.88 +1825,2.2782940671844805,0.10578385277377216,2.34 +1826,2.060021134456482,0.10580593692585732,2.06 +1827,3.205146251267729,0.1167117266145139,3.0 +1828,2.0698074357059304,0.10758470280439754,2.1 +1829,1.1875591729238386,0.10386535008040289,1.24 +1830,2.6842565317539715,0.1080555435195594,2.62 +1831,1.6658154258125335,0.10548819597183563,1.6 +1832,0.4937219773743968,0.10648591058297623,0.42 +1833,1.1321801938128018,0.1038999021219888,1.16 +1834,1.130109280003404,0.10352612122650365,1.12 +1835,0.4945961714983027,0.10557397650972328,0.52 +1836,1.2539756836321536,0.10364298740297681,1.3 +1837,1.5117669729988008,0.10513027667802281,1.58 +1838,2.003402493173263,0.106316699481504,2.0 +1839,1.4644812660792907,0.10539045280275092,1.5 +1840,0.8772816907548076,0.10423174780470401,0.96 +1841,2.2014433028300977,0.10576552411245872,2.3 +1842,0.7861633787640243,0.10361540102000724,0.76 +1843,2.362467106821961,0.10629935147309816,2.26 +1844,2.0140020625638946,0.10546263726035772,2.1 +1845,1.0140206505345524,0.10328061276751165,1.02 +1846,1.6655398558482424,0.10560701927638953,1.72 +1847,1.9814365292021363,0.10725882449877062,2.16 +1848,1.567631175098485,0.10529573024522902,1.46 +1849,2.1247861750018777,0.1056239389271852,2.14 +1850,2.1312259240921683,0.10548797137030912,2.1 +1851,1.199583357947764,0.10349018426415235,1.12 +1852,0.6466247097062818,0.10433377031647938,0.6 +1853,1.4245819414708207,0.10616693428127666,1.44 +1854,1.689692260384303,0.1081376014644831,1.94 +1855,0.9884501870683393,0.10387755559614113,0.98 +1856,2.141607834178069,0.10591374464270314,2.1 +1857,2.334717967132464,0.10587596906800681,2.28 +1858,1.006998720861867,0.10356014953730415,1.0 +1859,0.6401574968758559,0.10426092992034701,0.62 +1860,1.0572909870016232,0.10353360303266863,1.04 +1861,0.8383833906028442,0.10342014267052535,0.82 +1862,1.2955152518970237,0.10400935860376372,1.3 +1863,2.527263418048656,0.10604569501989401,2.5 +1864,1.379327896027275,0.10472685854668957,1.42 +1865,0.7724718369558068,0.1038498560780742,0.68 +1866,1.8065354254669521,0.10531809194893887,1.78 +1867,2.4102104743248502,0.1059368351980058,2.58 +1868,0.30794188441286385,0.10617321038410125,0.32 +1869,1.6196114274490525,0.10480198155549772,1.7 +1870,1.7131676685029347,0.10468100157659099,1.72 +1871,2.6292546185973804,0.10638084722392815,2.56 +1872,0.36492414665214445,0.1054122524926494,0.36 +1873,1.0958053353229018,0.10377070481604846,1.06 +1874,2.354460105029291,0.10670289571198498,2.34 +1875,0.9005379139419261,0.10328586816731042,0.84 +1876,1.3232826131038826,0.1040989186277331,1.32 +1877,2.408785184923962,0.10640417033191471,2.36 +1878,0.5545694739258606,0.1048571212439007,0.54 +1879,2.1605158320713698,0.10542707889045087,2.14 +1880,1.590924701579739,0.10490514341200664,1.62 +1881,1.8395526070735335,0.10667537743766886,1.94 +1882,1.4038936385480318,0.10575061255566029,1.4 +1883,1.1970450071782692,0.10371791270083881,1.2 +1884,1.2838585702348602,0.1038089254126677,1.28 +1885,0.8620500682669401,0.10379856937705054,0.78 +1886,1.0763709007931062,0.10334754411604484,1.06 +1887,1.7680114507027347,0.1051633362918208,1.78 +1888,1.1208490108724454,0.10380899211511684,1.16 +1889,1.7830741667145111,0.10545111479761557,1.86 +1890,1.9711493008967103,0.10693555275654128,2.0 +1891,0.5131417149352422,0.10535162453718964,0.5 +1892,1.827324969220649,0.10639952913310952,1.76 +1893,2.116045386731828,0.10606057658183674,2.12 +1894,1.1870545696513068,0.10378710342789665,1.16 +1895,1.2455776082378427,0.10398723053593205,1.32 +1896,1.456204478041927,0.10463658290005018,1.44 +1897,1.6195049271403383,0.10470627004283396,1.58 +1898,1.3481774114800493,0.10456010803353134,1.36 +1899,0.9027191971542634,0.10618786219813078,0.9 +1900,0.7509561795551369,0.10373977350007155,0.76 +1901,0.8188622387191322,0.10354814564991917,0.8 +1902,0.17763440661377805,0.1082382737269587,0.12 +1903,3.563303316991982,0.11226377708578203,3.56 +1904,0.5785421013624066,0.10583377810661654,0.54 +1905,1.4031673417060602,0.10435889113230498,1.46 +1906,0.9045282952948326,0.10377663943715218,0.94 +1907,0.9728118721090069,0.10415565886511022,0.94 +1908,1.1280340724902316,0.10345536635726889,1.26 +1909,2.3035056554838937,0.1052949842727154,2.24 +1910,0.7852230137794982,0.10403315184192109,0.72 +1911,2.031155688240753,0.1059360491987159,2.0 +1912,0.8416862824906572,0.10405165746631845,0.84 +1913,2.0705603102470334,0.10553831231777998,2.52 +1914,1.5409978274734129,0.10508319893109264,1.62 +1915,0.8828019132048559,0.10418133650911159,0.92 +1916,2.049418748756325,0.10559559930681126,2.12 +1917,0.9104740202698927,0.10350273304447323,0.98 +1918,1.4028333499114587,0.10485360290668069,1.42 +1919,1.6856119919376886,0.10433538172969652,1.66 +1920,1.7057807265647376,0.10501283454266333,1.8 +1921,0.5520286819608002,0.10555960230906147,0.56 +1922,2.7861743746320626,0.10759430163285316,2.82 +1923,0.9298512932442242,0.10387589641862628,0.86 +1924,1.5360311007881449,0.10443570240614089,1.48 +1925,1.3471680451934325,0.10418814865647114,1.34 +1926,1.2613797039697991,0.10409439538319455,1.3 +1927,1.4865133141906042,0.10416141621937201,1.48 +1928,1.137724046340972,0.10364558403058997,1.26 +1929,0.9301045705526341,0.10331287430406583,0.94 +1930,1.4404770363070525,0.10583792124945612,1.56 +1931,2.2536616924758532,0.10726043570578873,2.24 +1932,1.595075735118575,0.10505319854764171,1.68 +1933,2.1932271962507968,0.10527188404874858,2.08 +1934,2.1807674038979754,0.10571029132684563,2.26 +1935,1.6524113756516647,0.10570796903456513,1.66 +1936,0.9697850442487108,0.10373556148788357,1.0 +1937,0.5093318844551447,0.10591906101260197,0.64 +1938,0.9382111570650884,0.10374604251559442,0.84 +1939,0.31204560353551747,0.10648276610333618,0.18 +1940,2.5255597098464135,0.10580704205032136,2.46 +1941,0.9813258993588874,0.10350208552203372,1.02 +1942,1.7242946393783547,0.1051553372065895,1.7 +1943,1.3043853033613515,0.10388676672843009,1.26 +1944,2.7603425506745096,0.10757586929732067,2.88 +1945,1.3548950154885886,0.10516084501165893,1.38 +1946,2.278109367654531,0.10540482700368732,2.42 +1947,1.3177076119878222,0.10498029171727401,1.38 +1948,1.1076104739517745,0.10350872042394571,1.14 +1949,0.6862007551214773,0.10390707854858802,0.66 +1950,1.315300607720784,0.10404102027614179,1.4 +1951,1.5825027510030671,0.10462779491837618,1.58 +1952,0.9223161999310299,0.10309173569681962,0.92 +1953,0.11918982744097795,0.1152670600840584,0.22 +1954,1.1595056855114563,0.10447025507642793,1.14 +1955,1.4588500177001094,0.10503100327226207,1.54 +1956,2.413522848116967,0.10652702899884592,2.38 +1957,1.3027335613905016,0.10397646791713258,1.34 +1958,1.320440393414804,0.10432574697064158,1.24 +1959,1.31808097668558,0.1039981089255483,1.34 +1960,1.31344249772645,0.10384025453095107,1.36 +1961,1.4284372187111116,0.1052090808483449,1.48 +1962,2.173642362511719,0.10545944165797164,2.12 +1963,3.146554299095017,0.109325567007893,3.2 +1964,2.6649062033787394,0.10681478493995542,2.68 +1965,1.350334672539295,0.1044498790615113,1.3 +1966,0.18779621214312803,0.10753065267484851,0.08 +1967,1.5205381290232132,0.10413314767806335,1.4 +1968,1.5285755622486952,0.10541667451877393,1.52 +1969,1.557213209193724,0.10448875841586976,1.48 +1970,1.8146397260875786,0.10529304081552845,1.82 +1971,1.2757915965075077,0.10367013258146171,1.3 +1972,0.4072830700400174,0.10505574267604198,0.38 +1973,0.5723616878607216,0.10503306683229371,0.48 +1974,0.5430481183648062,0.10460589351191754,0.52 +1975,0.7689619131357843,0.10366612396144202,0.76 +1976,0.8013507658218102,0.1041825930913582,0.78 +1977,0.9761442242556391,0.10476705428684886,0.86 +1978,2.504159852038883,0.10563416356711063,2.52 +1979,1.8756340518285284,0.10505151660832415,1.9 +1980,1.3477710958460611,0.10403460821203113,1.42 +1981,1.050242449176467,0.1037326972889894,1.08 +1982,1.3433952999478094,0.10443634017103137,1.3 +1983,3.3196357633856315,0.1117318149941899,3.26 +1984,1.3389126235734081,0.104155645859524,1.3 +1985,0.9227889496592723,0.10319473204554322,0.96 +1986,1.5428899509331884,0.10463863247162732,1.52 +1987,0.9407938255164203,0.10330772659345407,1.2 +1988,2.3477305259902663,0.10530374020480741,2.32 +1989,1.3519737111068273,0.10439327086161085,1.38 +1990,1.1460672297776724,0.10384984040957479,1.18 +1991,1.820087145380755,0.10554908205256287,1.86 +1992,0.500210920752417,0.10496427538414353,0.48 +1993,1.1195842662747437,0.1046337681598211,1.06 +1994,1.2305737042311669,0.10387601381346896,1.2 +1995,0.45867020996747376,0.10519589319003876,0.42 +1996,2.0757533364087677,0.10576021224081959,2.12 +1997,2.364955271375473,0.10599554915649166,2.2 +1998,2.588783346825289,0.1058829920634671,2.5 +1999,1.8229233453650813,0.10570928372395189,1.8 +2000,0.7275309895375712,0.10478696993302952,0.74 +2001,1.6635493858240387,0.10492810486444175,1.66 +2002,1.5527191332364025,0.10490849258838555,1.5 +2003,1.583424507738099,0.10472808626117358,1.7 +2004,1.4709672865315127,0.10555335543958103,1.52 +2005,1.4239195814098742,0.10478299884730068,1.46 +2006,1.0014585323298468,0.10323510058141878,1.04 +2007,1.3986126305995454,0.10567240934645028,1.46 +2008,2.7177684684537637,0.10749364060042088,2.72 +2009,1.318104515235889,0.10432374249619296,1.28 +2010,1.8483383486971063,0.10583245639528358,1.8 +2011,1.3361798422080304,0.10432655415167064,1.42 +2012,2.0403213548347607,0.10601987370632064,2.18 +2013,2.089955802026052,0.10623875211145314,2.14 +2014,0.7012103579387285,0.10394911816930934,0.66 +2015,1.503040455766095,0.10402077863238376,1.92 +2016,1.2418323402236502,0.10480464833866834,1.02 +2017,1.9414150222042479,0.10588874005669004,2.02 +2018,1.4849110962174783,0.10401952022794728,1.42 +2019,1.3395149660148475,0.10404406039877229,1.3 +2020,0.7483825398513111,0.10390596458088223,0.68 +2021,0.6021234298814035,0.10443905441843772,0.6 +2022,1.3000673947593753,0.10372163743949733,1.26 +2023,1.9064387605377937,0.10550357949609286,2.1 +2024,0.2986473931349827,0.1089505506578141,0.36 +2025,1.8264540065093988,0.1054342189637192,1.9 +2026,3.711215735826394,0.11344480627516146,3.54 +2027,1.8093625162495797,0.10618819894975917,1.78 +2028,1.3901576025946425,0.10417697020140688,1.42 +2029,0.8270943116906948,0.11331217249112507,0.82 +2030,2.938113787330843,0.10871763763458431,2.98 +2031,0.8267274093419643,0.10377525522692209,0.78 +2032,1.3939634019446792,0.10417355959776908,1.46 +2033,1.8343905742493987,0.10547177934487571,1.84 +2034,1.2589503677135645,0.10362457573207345,1.38 +2035,1.5187064990273575,0.10447248573846077,1.54 +2036,2.341879476280679,0.10659863990065266,2.34 +2037,1.0858918814226484,0.10356635225432677,1.16 +2038,1.1432039868488224,0.10343932980366512,1.12 +2039,0.13991355547482476,0.10814216639335543,0.1 +2040,1.4437233735917032,0.10550208382463423,1.46 +2041,1.8323571974879456,0.1051200755328853,1.72 +2042,1.8454032250649965,0.10517973974579652,1.76 +2043,1.9435657126564094,0.10551357583080172,2.32 +2044,1.6424180259252679,0.10618567979908745,1.74 +2045,2.969229198017094,0.10994669499257564,3.04 +2046,0.9382021414018609,0.10456855234727336,0.9 +2047,2.1897559165754124,0.10578887051936607,2.12 +2048,1.9888228334674998,0.10639331638157169,2.12 +2049,0.7707406933750831,0.10401103912351066,0.74 +2050,0.8771845904855531,0.10466676665853358,0.84 +2051,1.6769612470913287,0.10477883894439581,1.74 +2052,1.133902797967687,0.10378842664437,1.14 +2053,1.9868509290551493,0.10589586658361318,2.06 +2054,1.2233171771605824,0.10562517162531954,1.28 +2055,1.2323198783302955,0.10359504121385568,1.26 +2056,0.9692368396777993,0.1036781539495623,0.98 +2057,0.6064562791383152,0.10509671441642264,0.6 +2058,1.0776516730117662,0.10438177673041642,1.16 +2059,0.8068261807875827,0.10358723957121507,0.86 +2060,3.5996648263354927,0.11643572671288702,3.54 +2061,0.7344726088856652,0.10440013571181246,0.84 +2062,1.0125427222983183,0.1034599990793366,1.04 +2063,1.5408811240432079,0.10501598243014504,1.52 +2064,1.1438656062425223,0.10337033666486871,1.06 +2065,1.193402137953727,0.10401569903152509,1.26 +2066,1.3420089394819619,0.10488633791113273,1.3 +2067,3.4788096907875974,0.11251164349328761,3.42 +2068,1.0165570434622437,0.1032775741563001,0.98 +2069,1.2181908249974014,0.10401078919940474,1.28 +2070,2.1900430870473158,0.10572256650321105,2.04 +2071,1.1989961705871948,0.10363402535791502,1.16 +2072,1.1840777576336001,0.10377502923720185,1.04 +2073,0.6262630270053982,0.10485119305442188,0.52 +2074,1.8758377169825464,0.10798341945989724,1.96 +2075,1.1180200744268602,0.10396408428432678,1.1 +2076,0.9389044318492963,0.10315224275034088,0.94 +2077,1.6294647165052587,0.10542242486068654,1.6 +2078,1.1756587398979526,0.10375784538089843,1.08 +2079,2.0411771925776256,0.10563512309796246,2.08 +2080,0.9474351396161125,0.10322943956305541,1.02 +2081,1.4082234964146827,0.10490481659874265,1.4 +2082,2.0642243996310596,0.10537479684107048,2.06 +2083,0.22758866437798764,0.1081731144733826,0.18 +2084,1.9030812890466406,0.10565128735649265,1.86 +2085,2.305537212545095,0.10559113025989071,2.24 +2086,0.9000580049463252,0.10321747367019544,0.76 +2087,3.1697899816143162,0.10897890466107825,3.14 +2088,2.695983455404535,0.10685066147720768,2.76 +2089,1.5996028559141222,0.10451052934531736,1.6 +2090,0.9580295741680778,0.10336235823959171,1.18 +2091,0.6815971204768885,0.10496474839438509,0.72 +2092,0.5214527359132837,0.10526750966568925,0.54 +2093,0.5242368627579288,0.10815435755659278,0.6 +2094,1.8747183868756472,0.10648349104324083,1.94 +2095,1.2987521752205793,0.10458604083640612,1.34 +2096,2.3675911045692835,0.1064431838678205,2.28 +2097,1.5701083273657495,0.10763257885823103,1.66 +2098,3.1775623863283946,0.11243755852288546,3.08 +2099,1.3830776060867875,0.10436588790441326,1.44 +2100,1.556115613753073,0.10460171447025816,1.72 +2101,2.2700820096625,0.10559409514218654,2.32 +2102,1.9905211946242516,0.10569776838773634,2.02 +2103,0.8259458922311196,0.10439426314364064,0.84 +2104,1.4560018075930272,0.10408938533064012,1.52 +2105,1.3666266041069028,0.10463731887876453,1.62 +2106,0.6869710691839983,0.10398122616177626,0.78 +2107,1.3124613846853257,0.10397466190990934,1.24 +2108,0.5304788892453671,0.10489877776391279,0.5 +2109,0.5386168117377017,0.10481045691492412,0.5 +2110,0.40916180508399824,0.11057436723405921,0.32 +2111,1.345182994939781,0.10442746357881798,1.34 +2112,2.7920138876852945,0.10759957934757568,2.78 +2113,2.286270477008608,0.10613746228859547,2.38 +2114,2.05286333382355,0.10571853752475746,1.94 +2115,1.5688077455307208,0.10575238883290165,1.62 +2116,1.11874150980668,0.10413693422615894,1.1 +2117,2.0179909799815063,0.10561298174360279,2.1 +2118,2.2433687852107496,0.10526299216256968,2.22 +2119,1.8713567240830478,0.10573230386598212,1.92 +2120,0.22128311554230384,0.1067235907462136,0.12 +2121,1.5466168030042708,0.10827213516641121,1.66 +2122,1.7827232800068784,0.10542244422588207,1.76 +2123,4.20330076696556,0.13064486576935358,3.92 +2124,1.343355826413338,0.10435802433650723,1.38 +2125,2.2767153827703495,0.10559807630026068,2.4 +2126,1.4827469027821762,0.10630014374774281,1.52 +2127,0.8296153812452629,0.11107706025309044,0.82 +2128,2.9271325920746682,0.11059068341236933,2.84 +2129,1.3253934642859462,0.10407108625740935,1.3 +2130,1.08551503370308,0.10351825352146991,1.3 +2131,0.691373918090123,0.10414902898627126,0.68 +2132,1.1381392011127232,0.10403050835332242,1.16 +2133,1.370492891341415,0.10459064060783052,1.34 +2134,2.25329941023636,0.10518984302411404,2.16 +2135,1.104539201379532,0.10325312496137426,1.14 +2136,0.40344258234758135,0.10526658359726464,0.38 +2137,1.4675061845180273,0.10472316882027838,1.6 +2138,1.009700024102583,0.10440559444058407,1.06 +2139,1.7132340609625252,0.10471529080922247,1.76 +2140,2.7940576921031677,0.10735733932842997,2.8 +2141,2.7530940662741172,0.1070395577569724,2.76 +2142,1.723316988436698,0.10456686785134689,1.76 +2143,1.096379492083924,0.10486009472408021,0.96 +2144,1.0048126739960508,0.10373031530180354,1.06 +2145,0.6163794719961024,0.10480893572487117,0.62 +2146,1.302019150399429,0.10417088597220042,1.32 +2147,1.9348162648405896,0.10585810085323397,1.94 +2148,2.8859769329744522,0.10798697728760648,2.98 +2149,1.4859107875618363,0.1053893881736832,1.52 +2150,1.2721098645944635,0.10357479858542264,1.2 +2151,1.3942485637218893,0.10561926203997281,1.42 +2152,1.3581214008661369,0.1059626496001661,1.38 +2153,1.46353773902293,0.10856006228087245,1.48 +2154,0.9016185605394305,0.10415473406889542,0.86 +2155,0.5965627823444009,0.10424553019016523,0.64 +2156,0.9244648322863696,0.10337708534220977,0.9 +2157,0.8597648685614572,0.10403452516437776,0.8 +2158,2.099160097847635,0.10580575069641172,2.04 +2159,2.851154177461497,0.1071031189758466,2.82 +2160,0.9548184375437052,0.1032759383236198,0.94 +2161,1.3886924717535734,0.1053551346968742,1.44 +2162,0.014641517164649454,0.11299489536850058,-0.1 +2163,0.9767353832714902,0.10355728865293337,0.92 +2164,2.0268636485246794,0.10585622042752894,2.08 +2165,1.1558702941799637,0.10362004335320575,1.1 +2166,1.4527671311263837,0.10581277707051283,1.5 +2167,1.4094163900579395,0.10585594165735256,1.42 +2168,2.1172404314020112,0.1063442573237316,2.22 +2169,0.7738596027798876,0.10363569381554533,0.72 +2170,0.9511606075562269,0.10347167575214367,0.96 +2171,2.567354829006612,0.10592485419779694,2.56 +2172,1.4546178265019036,0.10885023283630982,1.52 +2173,1.7468507204548067,0.10507441871363475,1.72 +2174,1.276618716295951,0.10383833952433107,1.26 +2175,1.54439905007643,0.10573875759395167,1.58 +2176,1.3254280948877386,0.10400467717332419,1.3 +2177,0.9025891289996095,0.10319479524996018,0.96 +2178,2.8018870892275323,0.10723680778564099,2.96 +2179,0.38466338151020585,0.10545536854902735,0.3 +2180,1.4990124699437373,0.10458532409289445,1.48 +2181,4.371899455953988,0.1508429966818787,4.02 +2182,1.2016784791517217,0.10372132650320809,1.22 +2183,2.234889073940175,0.10557832886743519,2.24 +2184,2.6519757749833324,0.10654581780620775,2.62 +2185,1.6752697406407626,0.10463382885224884,1.58 +2186,0.6203091016600921,0.10545511827852906,0.58 +2187,2.6640175562368085,0.10843769563289558,2.6 +2188,-0.041980514075098174,0.11579202179854785,-0.06 +2189,0.7926763256420215,0.10367763833857437,0.82 +2190,0.35284486165430584,0.10622250276314761,0.28 +2191,0.8542328990513162,0.10347202547357087,0.84 +2192,3.0415772665699676,0.10959024120975776,3.06 +2193,2.6075197172152413,0.10600490369368876,2.62 +2194,0.757058360549189,0.10445424571223792,0.7 +2195,0.36606667324716957,0.10578955987987453,0.3 +2196,2.525684033480841,0.10600350934957507,2.52 +2197,1.7730932158427328,0.11075516963261106,1.8 +2198,2.0403732570837056,0.10679723261904735,2.1 +2199,2.1031408373566207,0.1060783194798189,2.08 +2200,1.600182772509585,0.1055363038720827,1.58 +2201,0.3678049019772103,0.1066395580345399,0.28 +2202,1.0453438603438427,0.10312843080596094,1.08 +2203,0.589397827098979,0.10496783618471159,0.6 +2204,1.027542002370287,0.10399355293475326,1.08 +2205,0.7033740696762343,0.10401238619575738,0.56 +2206,1.052858680312203,0.10355851926126271,1.02 +2207,0.9862075910079731,0.10348117092168467,1.02 +2208,1.095088577757442,0.10363490878952802,1.16 +2209,0.9352163922495342,0.10314631458368678,0.94 +2210,0.29337814811481655,0.10715504228675678,0.36 +2211,1.0820397995591207,0.1035718017613937,1.12 +2212,0.691055640768004,0.10483026210400073,0.62 +2213,1.2252528547029171,0.10360243599858102,1.24 +2214,1.7828270664284047,0.10559166104512173,1.78 +2215,0.7986753193615121,0.10343397216877606,0.74 +2216,0.41288946482769395,0.10612094660630088,0.46 +2217,3.0866361628161605,0.11096457634940629,3.26 +2218,0.9875375662367083,0.10418118504914033,1.0 +2219,1.4641883611714959,0.1051130384971522,1.42 +2220,1.6880171145263687,0.10591960023317,1.66 +2221,1.313699617325946,0.10388852700438979,1.34 +2222,2.519357762229441,0.10573808137267328,2.52 +2223,2.626841994630881,0.10663090497481773,2.46 +2224,1.0934287025535254,0.10361999550014662,1.12 +2225,2.303335413750014,0.10520760275281403,2.36 +2226,1.4761510731497984,0.10516045800171228,1.42 +2227,0.8828579658914584,0.10341720792922425,0.86 +2228,1.0838058586220192,0.10334460841886474,1.06 +2229,0.4503287392381963,0.10613820485379707,0.34 +2230,1.6803794737744133,0.104959511879732,1.66 +2231,3.182369298043317,0.11021122664924182,3.12 +2232,1.8597923608253253,0.10595432218802005,1.8 +2233,2.508523597501243,0.10635287520281382,2.6 +2234,3.46572155283893,0.11348312687161813,3.36 +2235,3.849634337899855,0.11326006953050315,3.74 +2236,1.380823080803148,0.10533361522478865,1.4 +2237,0.19763579258642983,0.1096107051449905,0.12 +2238,1.4125544558272352,0.10460674216292748,1.38 +2239,1.3541863238866738,0.10489223237913298,1.32 +2240,1.3843881642240894,0.1051972250932946,1.44 +2241,3.5182936528140387,0.11369155125732144,3.5 +2242,0.8943017116692409,0.10356704499007496,0.8 +2243,2.1935402965495974,0.10601384330517771,2.16 +2244,2.826350869673204,0.10705872488151097,2.54 +2245,1.6327285881516054,0.10523581567179897,1.5 +2246,1.4707911276697927,0.10488389392720215,1.4 +2247,0.5013331455751291,0.10898529705493512,0.4 +2248,3.303992313648459,0.11184182412742284,3.24 +2249,1.7426719408871683,0.10500123751361688,1.8 +2250,0.07057115311592943,0.1104857719212856,-0.04 +2251,2.0608805861020207,0.10653788691545939,2.04 +2252,1.6808483755238277,0.10573562716708308,1.8 +2253,1.6040710386825459,0.10456014569218268,1.66 +2254,1.6727473766757384,0.10503576375651927,1.76 +2255,1.1735255382487977,0.1041733749559783,1.2 +2256,0.7816936420411493,0.1036396485557761,0.72 +2257,2.279655446434036,0.1073517749010576,2.36 +2258,1.0854620701953777,0.10331656899276542,1.04 +2259,1.9838628559767897,0.10602896776725487,1.98 +2260,0.7332252925650784,0.10502957628589289,0.84 +2261,1.2648415376941329,0.10386498782384639,1.36 +2262,1.1101061784975825,0.10367433359830147,1.16 +2263,2.1507139105146194,0.10589729564344169,2.2 +2264,1.0804080240424425,0.10342961716399263,1.14 +2265,2.6926776062383495,0.1064414158603932,2.74 +2266,0.9812631569324863,0.1032917607859555,1.04 +2267,0.34774941179978347,0.10771998754714256,0.46 +2268,1.3532533978903074,0.1054048254320374,2.22 +2269,0.5133027514519468,0.1051532570373039,0.56 +2270,1.569943617219772,0.10503371806994974,1.5 +2271,0.8664652719505468,0.10361868447808235,0.82 +2272,1.4670193148316826,0.10473866419829964,1.46 +2273,0.5975141572505094,0.10529245013670817,0.64 +2274,1.7379369423490956,0.10540270600101419,1.72 +2275,1.3076379037330113,0.10383232949903477,1.34 +2276,1.5836113865399368,0.10527640274959665,1.6 +2277,2.0725588728114785,0.1067285488485781,2.12 +2278,1.611773421829413,0.10468439057512514,1.58 +2279,1.5885597322161167,0.10540622290158812,1.66 +2280,2.0266836394948746,0.10598137251734115,2.02 +2281,1.280500369491262,0.10392271153564306,1.32 +2282,1.3483522637898075,0.10413617805324393,1.34 +2283,1.0654078476789777,0.10357343900377135,0.98 +2284,1.5335516722891689,0.10500657173033934,1.52 +2285,0.9739227443793204,0.1036633203334749,0.96 +2286,0.8026316020973261,0.10352525368092105,0.72 +2287,2.202384597098957,0.10557036986055987,2.22 +2288,1.3076172922103964,0.10372614375049605,1.24 +2289,2.3429046417653914,0.10537329757790832,2.36 +2290,3.0577234300550713,0.11427449544968585,3.04 +2291,0.9389270010063071,0.10520461612967126,0.94 +2292,2.527938079065398,0.10563903679517189,2.58 +2293,3.1849609795178515,0.10947219371027259,3.5 +2294,2.1512665689753674,0.10543335073895953,2.12 +2295,0.5329394696903704,0.10558502497847828,0.52 +2296,1.5913014772039928,0.10454808577822043,1.52 +2297,2.230278430407141,0.10540100279360622,2.26 +2298,1.2078414785116904,0.10365736015720091,1.08 +2299,0.5862059572740121,0.1048495793502486,0.54 +2300,2.892070268516727,0.10986316069039646,2.8 +2301,1.9058155190271093,0.10561152852837405,2.04 +2302,1.1091819031292878,0.10352736051895499,1.12 +2303,1.9819798872535173,0.10629423774156976,2.02 +2304,1.6686521567207868,0.10472522902097926,1.66 +2305,2.82319630513364,0.10890393998190284,2.7 +2306,2.4702083024304904,0.10589135493798744,2.4 +2307,1.6308156053356604,0.10511144996206959,1.66 +2308,0.6862213873377647,0.10401349764950406,0.64 +2309,0.3277928573088622,0.10626060345799683,0.36 +2310,1.151938648478621,0.10373129584451679,1.16 +2311,0.6524041437789321,0.10443883588671674,0.66 +2312,0.27897404238953305,0.10637771719538153,0.32 +2313,0.9290290066723315,0.10420356643940402,0.82 +2314,1.6678954322332813,0.10472522162246259,1.68 +2315,2.0758972533959024,0.10595351255464198,2.36 +2316,1.6403669466155342,0.10472054666143137,1.64 +2317,1.6135560709147412,0.10511635305094688,1.68 +2318,1.1807977857132328,0.10405564737342969,1.18 +2319,1.3861529247837878,0.10524864530422584,1.52 +2320,0.9817916665432924,0.10471119563627507,0.9 +2321,0.7344300693312085,0.10383660290040261,0.74 +2322,1.4281778934842122,0.1055663645192677,1.42 +2323,0.8551614348313392,0.10375655279963998,0.88 +2324,1.8709873262008165,0.10626985694637646,1.92 +2325,1.4081474632325572,0.10401958593218875,1.36 +2326,0.9816803684378512,0.10360646718900732,1.02 +2327,1.072675848252389,0.10514076076965248,1.06 +2328,1.5747347823162428,0.10574108394061614,1.5 +2329,0.7336280622378673,0.10382134018087495,0.84 +2330,1.660406180635872,0.10497831895262898,1.74 +2331,1.395343747250402,0.1052319385760034,1.44 +2332,2.0894499538637183,0.10621965800545288,2.16 +2333,2.362797436364127,0.10551088958039011,2.4 +2334,0.8252786679513462,0.1040343273029557,0.8 +2335,1.4357315071663037,0.10439818869191016,1.5 +2336,1.1075245987953237,0.10324842284210242,1.16 +2337,1.3931546437529234,0.1053801484878928,1.46 +2338,2.016639375337119,0.10575360233942031,2.04 +2339,2.6650379911881408,0.10642555755176472,2.64 +2340,0.7485565648185655,0.10641602031071855,0.86 +2341,1.3977978806526834,0.1045529605495174,1.28 +2342,4.769800197335725,0.24641256983040233,4.46 +2343,1.8944619205511422,0.10532215320856388,1.92 +2344,2.059192891039076,0.10585646582767208,2.1 +2345,1.7155270755482426,0.10544575789664007,1.76 +2346,2.278273313230423,0.1056995095400244,3.12 +2347,0.9813363626842331,0.10315833188679976,0.98 +2348,0.6458482017530911,0.10431051064137149,0.52 +2349,0.9092444469797463,0.10386927547378465,0.9 +2350,1.1201690363086505,0.10360877380648188,1.14 +2351,0.8017577838412158,0.10365795146635921,0.68 +2352,1.6737016992098233,0.10496329036160273,1.74 +2353,1.7595433336444741,0.10527740704774208,1.82 +2354,3.1309540984404456,0.11043853994198398,3.2 +2355,1.4427530988423718,0.1056040292326832,1.48 +2356,0.7300123868373816,0.1037321019604399,0.82 +2357,1.6509501080660534,0.10507540795869062,1.64 +2358,1.4517894715240103,0.10618845892160776,1.5 +2359,1.627738467427862,0.10517530740261971,1.64 +2360,2.339654977345718,0.10752046281734812,2.26 +2361,1.046459898344588,0.10418792684382877,1.16 +2362,1.0664704890856753,0.10373062462182135,1.1 +2363,1.8127098072789898,0.10508282195740234,1.78 +2364,1.0665779983937838,0.10324970676419684,1.04 +2365,1.176156609726815,0.10359063680120947,1.22 +2366,2.2815942544403014,0.10600209770213756,2.26 +2367,1.9990881041016535,0.10557835150745735,2.12 +2368,1.178149289205018,0.10360313040092031,1.18 +2369,0.6465075824145088,0.1047810477987574,0.74 +2370,0.9481529177319188,0.10336456509503143,0.92 +2371,2.714646777731685,0.10716889714839702,2.88 +2372,1.4181119213036424,0.10508034628029722,1.56 +2373,1.5534438003634299,0.10515448548882503,1.5 +2374,1.4467794994896734,0.10614993763776102,1.48 +2375,1.3239174705497994,0.10393744054059893,1.44 +2376,0.8162038277917403,0.10572385286698191,0.84 +2377,1.120940904443175,0.10358374141215694,1.14 +2378,0.8424398987603126,0.10377378142056802,0.94 +2379,1.1687325893814466,0.10372830860495831,1.22 +2380,1.2995821292858607,0.10380726702381518,1.32 +2381,1.0934889716632958,0.10378338688003014,1.1 +2382,1.601747249107221,0.10459399851496905,1.56 +2383,2.2690326556049825,0.10562244530227739,2.36 +2384,2.7644606063831083,0.10716797013686556,2.68 +2385,1.084410701699697,0.10631043764078855,1.08 +2386,2.591042150584103,0.10705870099534684,2.64 +2387,1.1855363086509327,0.10377302051498855,1.28 +2388,1.6090903972200095,0.10716117281071115,1.72 +2389,2.3523077167808935,0.1053882367195979,2.36 +2390,0.777062940431692,0.10373609421366478,0.74 +2391,0.023838760630245925,0.1122329727724734,0.06 +2392,1.0944746936661516,0.10351396872982693,1.0 +2393,2.932178107035758,0.10866953086312651,2.8 +2394,2.679306398196869,0.1065678936553847,2.86 +2395,1.514926024439338,0.1043250923842556,1.48 +2396,1.1166667187847188,0.10392185508435259,1.06 +2397,1.1213764509178445,0.10399482723509104,1.16 +2398,1.1755582024204165,0.10457967059128652,1.14 +2399,2.2630483186824875,0.10533433847197218,2.18 +2400,2.7640555027486022,0.10668402411981437,2.7 +2401,0.9710609922556279,0.1036113270107671,1.06 +2402,0.8689774308706482,0.10357532644503857,0.84 +2403,0.9763532511480206,0.1036617328936832,0.94 +2404,0.8272591516378731,0.10331422618899741,0.88 +2405,1.0617855152099955,0.10353816146671178,1.1 +2406,1.0012127552912928,0.1036550805727028,0.94 +2407,1.8967346012112194,0.10677396909112916,2.08 +2408,1.2767163405538837,0.10441126412721716,1.28 +2409,1.3272295359209045,0.10389083364724597,1.4 +2410,1.0814538598737378,0.10354599178120548,1.06 +2411,0.9068905970472527,0.10458665778598732,0.9 +2412,4.1977466887443295,0.13170985428246498,4.06 +2413,2.0302918844989555,0.10623857035692572,2.14 +2414,2.6412795947993692,0.10613988535069387,2.66 +2415,1.2796580490735265,0.10377783816634885,1.28 +2416,1.1470614241091694,0.10376319810527582,1.24 +2417,0.7733304408147261,0.10381790866563427,0.8 +2418,0.8891197252648779,0.10368731789102707,0.88 +2419,1.3572588732713569,0.1044386991684047,1.4 +2420,0.7012148171072652,0.10424397803614421,0.74 +2421,0.877590913362011,0.10380095192445808,0.88 +2422,0.7714403185782301,0.10371941677864711,0.74 +2423,1.3476841540419122,0.10498844772484683,1.36 +2424,1.0532277996278991,0.10340410821099659,1.04 +2425,0.850710086706131,0.10371931002134353,0.96 +2426,1.3483236714441467,0.10591288806765538,1.36 +2427,1.6493389664698532,0.10542669862582779,1.62 +2428,1.0300096503904341,0.10328375300727272,1.04 +2429,0.82516364907976,0.10335393514470795,0.78 +2430,0.74784967672676,0.10406198724613677,0.74 +2431,1.795333206483226,0.1051045361010585,1.8 +2432,1.1682101277320789,0.1037705928008112,1.2 +2433,0.9992043639575043,0.10435881607502523,1.08 +2434,1.6773211036416256,0.1046776493114352,1.82 +2435,0.5983622133507551,0.10442741617265718,0.64 +2436,1.2010219432590445,0.1039747519029888,1.2 +2437,0.6414559316644399,0.10420960865194717,0.64 +2438,2.1811945408349245,0.10527862890202686,2.1 +2439,0.7122936977661012,0.10399011866057964,0.68 +2440,0.5312886183201555,0.10451745607374045,0.56 +2441,1.5169417830961947,0.10410074467937612,1.6 +2442,0.8515972963070211,0.10417705316286505,0.84 +2443,0.11174746123811863,0.11031928461515368,-0.02 +2444,1.5416200168835217,0.10488518917624418,1.5 +2445,1.0058885270341817,0.10420221910150262,0.98 +2446,1.0002251420428663,0.10332603994605957,1.02 +2447,1.1107807481869307,0.10373976030584925,1.0 +2448,-0.02599905562507354,0.11536796354634044,-0.02 +2449,2.112616988600306,0.10548029665256366,2.34 +2450,2.952288077969635,0.10924416157854347,3.3 +2451,1.9436048079103272,0.10552298974118211,1.98 +2452,1.6792638411823204,0.10533760758841026,1.74 +2453,1.344520901367909,0.10422119615789445,1.42 +2454,1.423636151420284,0.10403250125013967,1.42 +2455,1.3512340268677732,0.10393686970781245,1.38 +2456,2.1762148459498767,0.10551640942189429,2.2 +2457,2.5663383292627393,0.10703139543619564,2.58 +2458,1.6854127036312305,0.1051327998737569,1.54 +2459,3.6069632313193174,0.11140041468250628,3.56 +2460,3.08746670958814,0.11118026613958742,3.12 +2461,0.1003243614840641,0.11007685154212332,0.18 +2462,1.8862741450194078,0.10652070800997966,1.9 +2463,0.08918406151491132,0.11192984370552395,0.08 +2464,3.045586625092239,0.10941079938102434,3.04 +2465,0.5336199930229895,0.10499276434996965,0.56 +2466,0.5545169633604075,0.10548083609845442,0.5 +2467,0.8661225027882948,0.10397352065471537,0.76 +2468,1.1104790048256183,0.1033827772711072,1.0 +2469,1.4082906715657102,0.1060750754235928,1.54 +2470,1.6152827810248218,0.10519965595695148,1.62 +2471,1.03976692311018,0.10358719348784394,1.06 +2472,0.7396266450948814,0.10391740713898438,0.7 +2473,2.158593028047244,0.10518759165919435,2.12 +2474,1.599070448227541,0.10532381769809261,1.6 +2475,1.8796112694529596,0.10708726894410055,1.88 +2476,0.6466546644635769,0.10445790152772959,0.6 +2477,1.9784304189111537,0.10698865188864742,2.1 +2478,1.2276865160826076,0.10422602708048077,1.24 +2479,0.6451621230484839,0.10415164602070415,0.66 +2480,1.6394923802884533,0.10435061246050405,1.58 +2481,2.1973198662966005,0.10643774857758094,2.24 +2482,1.456859233178958,0.10528617338597596,1.44 +2483,1.8601346036705073,0.10560051965790855,1.82 +2484,1.8162801918445317,0.10628801769021604,1.84 +2485,1.1807056548904042,0.1034670840046708,1.22 +2486,0.9765035910776816,0.10339986327001163,1.04 +2487,0.4941701469776034,0.10478684270528793,0.44 +2488,1.295733036763758,0.10385283030815758,1.28 +2489,1.7421947281802423,0.10559736328892297,1.78 +2490,0.774704932732527,0.10385206111545633,0.86 +2491,0.6529867048993565,0.10391259080869629,0.56 +2492,2.4935006976157985,0.1055806531339537,2.26 +2493,1.0590209257401368,0.10354355649392498,1.1 +2494,1.3395603252214996,0.10421099636174609,1.38 +2495,1.885935561183833,0.10510448578702318,1.94 +2496,1.9171198162241843,0.10615864079325868,1.98 +2497,1.6840084557399932,0.1049065840525162,1.64 +2498,3.2280675945166037,0.11192943794470762,3.22 +2499,1.3349753564844646,0.10394917676612009,1.42 +2500,1.2847686045619127,0.1038338537565901,1.3 +2501,1.0363486726938134,0.10425144382490564,1.08 +2502,2.5510857408280336,0.10639075338710394,2.48 +2503,1.9990662530638956,0.10664725421204792,1.92 +2504,1.9056543694305055,0.1059385759510041,1.92 +2505,1.600706816231662,0.10499639612267217,1.6 +2506,-0.15454028480344428,0.12480485471443813,-0.2 +2507,1.0770956636166367,0.10366596022409558,0.96 +2508,1.4046152074608549,0.10452910123252125,1.46 +2509,2.0401099589300222,0.10570842835355662,1.88 +2510,2.4769634596056505,0.10575291905158789,2.38 +2511,0.597520737995326,0.10549639647590969,0.62 +2512,2.3063569589080237,0.10746531206529955,2.3 +2513,1.1316144571453726,0.10397705717456834,1.18 +2514,1.8569124519045714,0.10603981960091102,1.8 +2515,1.3825858343452437,0.10444347291999972,1.44 +2516,0.48689845501032414,0.10516147492875136,0.42 +2517,0.9157914980273261,0.10385603880045514,0.88 +2518,3.3012312981723375,0.11239378779980277,3.18 +2519,1.2516396004656847,0.10404652051471647,1.34 +2520,1.679575740884958,0.10460335798882661,1.7 +2521,3.0052957790464325,0.11134182270432436,2.9 +2522,2.0675337043509976,0.1068993915860485,2.1 +2523,1.4955601244954067,0.10551653152495673,1.56 +2524,0.5117536202833484,0.10458275904876943,0.54 +2525,2.01421194910913,0.105899284656757,2.04 +2526,1.6091031788807029,0.10514995725094889,1.58 +2527,1.210911891080753,0.10390224793255583,1.26 +2528,1.5784750090968003,0.10470922243311157,1.56 +2529,1.1569154228280758,0.10394856448643303,1.12 +2530,1.0860497966659373,0.10361332273250361,1.1 +2531,0.5096556929959895,0.10540823907268165,0.54 +2532,1.4370210311803553,0.10456400835710217,1.48 +2533,1.4787480177099446,0.10514050551514884,1.5 +2534,2.427239199079755,0.10578671999230797,2.54 +2535,1.2145253616353364,0.10370897217073508,1.24 +2536,1.3648411400945633,0.10421933599729866,1.5 +2537,1.2293307542253635,0.103775103438956,1.3 +2538,1.5446186764463348,0.10464953312634885,1.54 +2539,1.7339021464788806,0.10479019705494882,1.7 +2540,1.4302713084452008,0.10435290334316058,1.48 +2541,0.5512223323135728,0.10471377128402021,0.58 +2542,2.3430385596988805,0.10554157915688238,2.46 +2543,1.9244993902078718,0.10572908869528812,1.92 +2544,2.7547306955700903,0.10665599225670035,2.72 +2545,0.7535367877844066,0.10395913508006072,0.74 +2546,1.1592004177630826,0.10382717631303028,1.14 +2547,1.5831243335437128,0.10594970844504034,1.5 +2548,1.1645548914823123,0.10350604087242765,1.18 +2549,0.922862629300782,0.10364712540337284,0.94 +2550,3.196061694752943,0.11234260802816698,3.2 +2551,0.9256264950551496,0.10327720854616025,0.98 +2552,1.1038603388394121,0.10355976188091219,1.0 +2553,0.7815461264938945,0.10563350448644886,0.78 +2554,2.66313066305703,0.10664702513162301,2.98 +2555,1.390072858143197,0.10530910376180698,1.5 +2556,1.2619326163731102,0.10390915451590159,1.3 +2557,1.7629668909558034,0.10545454981534892,1.84 +2558,1.408704623050061,0.10533809864712369,1.48 +2559,1.0488428682765671,0.10339748378104202,1.04 +2560,0.8601209712617162,0.10353617839746417,0.9 +2561,1.0886589983784751,0.10377982043956518,1.06 +2562,1.2936165280254364,0.10381242373450043,1.28 +2563,0.6019450023757371,0.10427443942484056,0.56 +2564,1.7581642154916657,0.10489518188662152,1.78 +2565,1.5654550796176117,0.10441385959023015,1.62 +2566,1.0981539140958865,0.1042369608482126,1.06 +2567,1.0808319507874322,0.10374462204867949,1.08 +2568,1.0291433958080503,0.10357602754870028,1.04 +2569,0.7301146434529229,0.10592060571754841,0.8 +2570,1.2389173803296365,0.1043879323432703,1.4 +2571,1.5895177450046467,0.10444550994483137,1.46 +2572,3.5054835468614036,0.1142880428766035,3.32 +2573,1.7362904976830804,0.10498774088579048,1.72 +2574,1.045524613784662,0.10331240366882159,1.06 +2575,1.0444853863606602,0.10364359657864071,1.12 +2576,1.662089152947393,0.10487912648233692,1.68 +2577,1.5358459128457347,0.10433692298601309,1.48 +2578,1.320816170118364,0.10473496707580524,1.36 +2579,1.2226272389819655,0.10352136023583626,1.26 +2580,1.0904639786641481,0.10325861030564924,1.08 +2581,0.8231825072690824,0.10508283383059476,0.8 +2582,2.984435429646138,0.10949302905897317,2.96 +2583,0.8909666577666235,0.10458002615073658,0.98 +2584,0.6685948775061887,0.10530897324187302,0.7 +2585,1.3996904723794805,0.10523138316160568,1.4 +2586,2.439645181728396,0.1087070499840614,2.52 +2587,1.6264039428653638,0.10485562179987756,1.72 +2588,1.337562651233204,0.10418034959854142,1.36 +2589,2.0733517786021785,0.10520383428866906,2.06 +2590,0.5126352573392707,0.10662827542759741,0.46 +2591,0.621022000432569,0.10423707267898935,0.7 +2592,1.2759661587784392,0.10375108891789217,1.3 +2593,1.2913523257204544,0.10377655696875156,1.34 +2594,4.679205200286971,0.21639311731134317,4.3 +2595,2.019632804571001,0.10761890816090923,2.06 +2596,1.316311148037895,0.10389436769339593,1.34 +2597,1.534911104792863,0.10456090957287145,1.58 +2598,1.8655503869872674,0.10587957552751606,1.94 +2599,0.8800925592166577,0.10337705026129446,0.92 +2600,1.709803675421385,0.10456990001473902,1.62 +2601,1.0846506997076815,0.10388237431462087,1.16 +2602,2.01167508135226,0.10555968727546008,2.08 +2603,2.19441990549428,0.10564417700669206,2.18 +2604,3.1454635422421133,0.11024455543017331,3.16 +2605,0.30830120658618787,0.10648447861018753,0.32 +2606,1.1298118827125356,0.10353937463344731,1.22 +2607,1.4871947412478206,0.1047834607230711,1.52 +2608,1.794856027369279,0.1060221920134804,1.74 +2609,0.7628214803856586,0.10454455718806084,0.76 +2610,1.6355189750376815,0.10476536483636473,1.5 +2611,0.8383398655815042,0.10400925464040751,0.74 +2612,2.991222154495167,0.10934904643526734,2.98 +2613,1.0458702876459554,0.10382764020954845,0.98 +2614,1.0236253353854834,0.10329099872116543,0.96 +2615,1.5223196728707626,0.10428028655036213,1.64 +2616,1.1236248086752645,0.10463748761561482,1.04 +2617,2.214358263007559,0.10541197438270875,2.26 +2618,3.9129705246643325,0.11750562983632891,3.74 +2619,1.1403808376939693,0.10366243798044038,1.08 +2620,1.618323776318801,0.10448921078831169,1.64 +2621,1.6209901871105301,0.10451407095055501,1.58 +2622,1.4914677732081976,0.10415765771564518,1.42 +2623,1.4478478998350766,0.10381635637462966,1.52 +2624,1.3316227243400625,0.10434899234868908,1.38 +2625,1.5230970421325316,0.10466338294843124,1.52 +2626,1.5272721020755973,0.10484675001349222,1.52 +2627,0.9522805130507108,0.10329911725181885,0.98 +2628,1.1411364094504441,0.1035344684211132,1.16 +2629,1.0005792745519932,0.10378161541894275,0.98 +2630,0.8320265520970422,0.1035689638390267,0.84 +2631,1.524784684965082,0.10536991823948726,1.54 +2632,0.36984585867240716,0.10538849396788605,0.3 +2633,1.1242957663998978,0.10334344280705246,1.18 +2634,1.4548009008750014,0.10939796143673541,1.46 +2635,1.3960129724621964,0.10498967249182443,1.44 +2636,0.5797757149969036,0.10472228754650424,0.62 +2637,2.102327005521347,0.10735140643633002,1.8 +2638,1.4037113389365543,0.10446137635872599,1.38 +2639,1.8459846396002724,0.10539912576718533,1.86 +2640,1.4222969664963236,0.10544534243282265,1.44 +2641,1.391925740468634,0.10469422088721411,1.32 +2642,0.4593348608784509,0.10523709834103259,0.44 +2643,1.3804583872254717,0.10448820665447318,1.34 +2644,1.5374632508228756,0.10527157362729644,1.6 +2645,3.2005176043828363,0.11389658694855172,3.12 +2646,1.1290459319218313,0.10340479330989356,1.14 +2647,2.5301011251979815,0.10819419683641134,2.46 +2648,0.8661479249374202,0.10322925896160305,0.76 +2649,2.0730064737667475,0.10598219414359393,2.08 +2650,1.8443008690241292,0.1061347363596252,1.9 +2651,1.360245980813866,0.10414520961283108,1.44 +2652,2.183490152259464,0.10525838049323252,2.24 +2653,0.8212077316639621,0.10332163483943943,0.82 +2654,1.488488959523751,0.10516210397005833,1.56 +2655,3.8783306404658595,0.11388943202380082,3.86 +2656,0.7946829803657507,0.10505992317598876,0.78 +2657,0.5646710592551556,0.10536630024033658,0.56 +2658,0.853280677766024,0.10650323909934492,1.0 +2659,0.9200141880791093,0.10354632768246437,0.9 +2660,1.697660899825903,0.10509055800761694,1.66 +2661,1.3372006369438671,0.10432842308551443,1.32 +2662,1.0365922699483945,0.1036715284937334,1.0 +2663,1.8156973475988152,0.10625092027404442,1.82 +2664,0.8791721511608848,0.10419008016539481,0.9 +2665,3.021094893155952,0.10794824321398463,2.92 +2666,1.373028356614769,0.1044234398243507,1.42 +2667,1.568052081006607,0.10496996870300306,1.48 +2668,0.5266459991291952,0.1054192258884775,0.42 +2669,0.7008590121098179,0.10419368253969921,0.74 +2670,1.4264113007864885,0.10601834292599874,1.44 +2671,1.7324425289067888,0.10473080301898932,1.7 +2672,0.8920214316782036,0.10341824378670898,0.84 +2673,1.672539460177576,0.10506845546979109,1.72 +2674,0.36389168848753206,0.10788203053582762,0.36 +2675,2.071215668529406,0.10686667222896447,2.08 +2676,1.359862420175856,0.1065452258793501,1.28 +2677,1.132732220290213,0.10341554166271778,1.22 +2678,2.8497270781400927,0.11031962278306488,2.8 +2679,0.9112643448786826,0.10475201137551456,1.06 +2680,3.0448676003899258,0.10854585494709203,3.1 +2681,1.537574673623753,0.10484236066104166,1.46 +2682,1.3832393663454972,0.10522786104189152,1.42 +2683,1.4689060327818964,0.10411373184824686,1.44 +2684,1.441611861225217,0.10549519292533184,1.42 +2685,1.081859041137141,0.10378009603021127,1.04 +2686,1.0342830088885413,0.10446716968063449,1.06 +2687,1.466397386875863,0.10505558760581464,1.52 +2688,1.7812701847638528,0.10524433990135337,2.04 +2689,1.1082662659520728,0.10482477046537396,1.16 +2690,4.42929628175415,0.15437320209909125,4.12 +2691,0.7799591413137761,0.10463725841210916,0.68 +2692,2.0162971966982055,0.10555753098289557,2.08 +2693,1.2528056104280352,0.10378099555575843,1.34 +2694,1.747994937538111,0.1048538673287389,1.66 +2695,0.9004618499601817,0.10317540490900927,0.84 +2696,1.8973584335900973,0.106683694513774,1.88 +2697,1.4264170511517675,0.10639925808261706,1.52 +2698,1.8996649200894935,0.10544301117673678,1.82 +2699,1.1154207245536667,0.10400677346949488,1.1 +2700,1.3770144543081009,0.10434932910626689,1.42 +2701,0.5462371483693196,0.10449110193976859,0.52 +2702,1.4529916519909363,0.1043312844150879,1.42 +2703,1.2231070347440691,0.10352026846389482,1.24 +2704,1.3927412995176325,0.10482365329488078,1.4 +2705,0.21467365652193626,0.10749993479502647,0.04 +2706,0.4529889617878715,0.10539752816062328,0.46 +2707,1.9779958145229712,0.10551546868025354,2.02 +2708,1.7377091760425265,0.10477955926163367,1.84 +2709,1.6008401236736751,0.10465822823203315,2.02 +2710,1.66381094960049,0.10443040774224195,1.64 +2711,1.8157834536956634,0.1046895245126987,2.12 +2712,2.390848201933133,0.10599675811758684,2.3 +2713,1.7494585992863718,0.10486425905794516,1.74 +2714,0.6714978163962129,0.10400411471742026,0.64 +2715,1.032028679688826,0.10399687333326832,1.02 +2716,1.165315282120607,0.10371902627118723,1.18 +2717,1.5008234038333526,0.10429729890765418,1.56 +2718,1.0169864341371535,0.10337718154293377,0.9 +2719,1.3081916183849507,0.10387187122945732,1.2 +2720,0.4219172437827594,0.10536058495737409,0.42 +2721,3.5675407438682867,0.11317555225841289,3.66 +2722,1.756439262049072,0.10489878742876088,1.76 +2723,2.232315191651798,0.10640380339656964,2.22 +2724,1.0646907460257693,0.10370675930681061,1.12 +2725,2.5778034677936943,0.10609687357517579,2.56 +2726,0.9575163696408544,0.10319439458575316,0.88 +2727,1.3806108344082673,0.10425791327772997,1.48 +2728,0.6948013283294485,0.10437082831580635,0.66 +2729,1.6767863759160604,0.10481563331850127,1.76 +2730,1.0691969084262225,0.10340400880797666,0.96 +2731,0.7617741625798096,0.10513072383044833,0.76 +2732,2.036973766242388,0.10639361810699378,2.0 +2733,0.9721691965130055,0.10376515579633394,0.88 +2734,1.248428369453579,0.10368824526257289,1.24 +2735,2.046139852487,0.10589709227251955,2.1 +2736,1.2263468781597786,0.10357331873579938,1.18 +2737,1.4223249347094522,0.10525742124100447,1.36 +2738,1.1020096810050943,0.10381760852916581,1.08 +2739,1.2429079209127116,0.1037857735107705,1.18 +2740,0.8693407382777969,0.10333151120235226,0.86 +2741,1.3565039944143904,0.10438271924715004,1.3 +2742,1.9604626588730816,0.10584551504116492,1.9 +2743,1.1926891993769018,0.10430329759161684,1.1 +2744,2.1003342000011798,0.10564218879544729,2.18 +2745,1.6536640647432335,0.10512236930902188,1.7 +2746,1.1101007599368642,0.10368836969133383,1.12 +2747,1.7132556423176921,0.10500049804548557,1.6 +2748,2.1358260256878174,0.10647776910467503,2.12 +2749,1.816030542984103,0.10510415438309631,1.84 +2750,2.2861065627404336,0.10527428805831177,2.28 +2751,1.529271148546806,0.10421606945689768,1.6 +2752,0.7159503350195577,0.10506140932420022,0.74 +2753,0.252350565387887,0.11094026809773924,0.24 +2754,2.173786766640672,0.10723023337498695,2.18 +2755,1.4032044865182178,0.1044196095327769,1.48 +2756,1.150046109979678,0.10371712386576507,1.16 +2757,1.5589109621895374,0.10469028760324962,1.6 +2758,0.5554568946950424,0.10504507957948428,0.54 +2759,1.0197332258446834,0.10335721591796336,1.12 +2760,1.9022145712154468,0.10545197469960496,1.94 +2761,2.0966448970422014,0.10671699688160621,2.04 +2762,1.919695674525316,0.1057112403310921,2.14 +2763,1.093137094915194,0.10323171992019818,1.1 +2764,0.8712681889561416,0.10362647317182848,0.94 +2765,2.8582082665235773,0.10815912743132561,2.8 +2766,0.9661165998013188,0.10331214039552185,1.02 +2767,0.5445617862559735,0.10506820259714687,0.52 +2768,2.1160465072804704,0.10556891100349769,2.14 +2769,1.3450520323435469,0.10639122702791864,1.34 +2770,1.845104002976194,0.10497452765399289,1.88 +2771,1.079268894118131,0.1033398222468029,1.06 +2772,2.2675043136491957,0.10580179265611366,2.28 +2773,1.829989261962138,0.10601747884403519,1.72 +2774,1.2664202119763899,0.10361144366626078,1.22 +2775,0.8329837766592347,0.10512386383767099,0.88 +2776,0.9632792521625375,0.10350170369635786,0.98 +2777,0.7632362470763048,0.10396937493370798,0.82 +2778,1.3483774896065,0.10474753257360511,1.28 +2779,1.4621565992067445,0.10438534767064381,1.5 +2780,1.0719950272665364,0.10343166981210695,1.16 +2781,0.5514912364053557,0.10484879673615467,0.56 +2782,1.9419318799679153,0.10674057833586884,1.8 +2783,1.6845251520283582,0.1045285787732758,1.72 +2784,1.5197599598778964,0.10482562761840952,1.54 +2785,1.3872219359885043,0.1048756566303998,1.4 +2786,1.1863172570889957,0.10360996278880412,1.2 +2787,1.0414604260890683,0.10362682178528543,1.06 +2788,0.921696535527539,0.10358792606229777,1.0 +2789,0.815480730895993,0.10403045090608244,0.74 +2790,1.4429121848049689,0.10400874510926424,1.46 +2791,0.8483041298702445,0.10360260113437736,0.8 +2792,1.3735812221832489,0.10493177652740616,1.42 +2793,1.2898916233779345,0.10424947784290275,1.2 +2794,2.4624280557122282,0.10650740917077962,2.54 +2795,0.827873497127301,0.10377457006697854,0.74 +2796,1.0556895920548484,0.10363695421998147,1.02 +2797,0.8158320596295936,0.10353380884310202,0.78 +2798,4.9889795441088065,0.34381280831594796,4.7 +2799,1.8877549661445499,0.10583178805896536,1.78 +2800,1.3298226236190351,0.10399422878736392,1.34 +2801,1.355067480858414,0.1046577084011546,1.4 +2802,1.4553655460160662,0.10618102543752063,1.44 +2803,1.5456557592443594,0.10478917844843848,1.62 +2804,1.140392576273578,0.10351758815031498,1.14 +2805,2.9913666566412487,0.10898218827723116,3.02 +2806,1.0143972807633275,0.10677935064505811,1.06 +2807,0.9196834984679909,0.10372049656281318,0.92 +2808,1.286659772535129,0.10368835104016579,1.24 +2809,0.7829191396481021,0.10373460891271731,0.76 +2810,1.458970314877328,0.10466481773160843,1.48 +2811,0.5714895862478442,0.10587574530242844,0.56 +2812,1.0693023163589728,0.10385777252965754,1.0 +2813,1.1496087709319354,0.10428938418889061,1.22 +2814,3.710464260416161,0.11547427934883071,3.78 +2815,0.850928999123846,0.10375781397860626,0.8 +2816,2.8408312751403755,0.10713560177805961,2.72 +2817,1.8335936889431266,0.10551717329393272,1.82 +2818,1.1015746401473137,0.10322138884758626,1.12 +2819,0.21722801929627655,0.11321433886282822,0.34 +2820,1.2001361730253293,0.1036356655836808,1.2 +2821,0.8040728236616643,0.10340063910707727,0.72 +2822,0.9864901678035323,0.10342538042886999,0.98 +2823,0.7036623354952503,0.10378893783001632,0.64 +2824,2.044582306128754,0.1071355765079536,1.74 +2825,0.8535542425261311,0.10353450439032581,0.8 +2826,1.3263415243937415,0.10388875060683937,1.36 +2827,1.1168853382778443,0.10331566614994123,1.18 +2828,1.5905003317409458,0.10555521993454411,1.64 +2829,1.9966064407174726,0.10652269430581211,2.14 +2830,1.1807307737852262,0.10347762255678344,1.18 +2831,1.7849944692299586,0.10514723841192708,1.72 +2832,1.6227496516650581,0.10463520668496419,1.62 +2833,1.4039457138389486,0.1055849862859004,1.4 +2834,1.8605353063013772,0.1058970968192791,1.84 +2835,0.9942670680970571,0.1035302260516862,1.06 +2836,4.412390012450027,0.15715488700796112,4.02 +2837,2.690629420774529,0.1073489562130069,2.62 +2838,1.358819272927208,0.10432417474885407,1.48 +2839,1.8500792804396453,0.10600240965765087,1.74 +2840,1.9488734378019088,0.10576644755180127,1.98 +2841,1.9137580957161808,0.10559003030913985,2.02 +2842,1.6282646697165872,0.10465617780513442,1.6 +2843,0.6294384795305041,0.10445408839804281,0.7 +2844,0.7122872492769843,0.10396820635693277,0.66 +2845,1.3284859989786866,0.1055191847960593,1.18 +2846,1.0838627786002752,0.10453870573449868,1.14 +2847,2.615551204260514,0.10801719178043427,2.26 +2848,2.4260915744386025,0.10624709106061075,3.1 +2849,1.1065727584560903,0.10346683845563812,1.12 +2850,0.7984495939502394,0.10448559119841282,0.94 +2851,2.4119396779688222,0.10573414355929833,2.38 +2852,0.5420882137669216,0.10543406362134149,0.5 +2853,2.055262536314794,0.1074178244783719,1.92 +2854,1.204945093148639,0.10397492686375559,1.36 +2855,1.7900825813052328,0.10546135289044888,1.86 +2856,1.7192309256485934,0.10502931761138189,1.74 +2857,0.3974299829966781,0.10542845958104695,0.28 +2858,2.00698935902532,0.10545073670438392,2.0 +2859,1.4684589371593417,0.10703486454025074,1.5 +2860,1.3936279452264926,0.10452260274434204,1.48 +2861,1.249263569566986,0.1041631922174311,1.26 +2862,1.3518526817953584,0.1044420717129006,1.32 +2863,1.1385715891314248,0.10361715855754933,1.16 +2864,1.86231540005299,0.10562849055526556,1.88 +2865,0.8338484727341053,0.10397128148656458,0.7 +2866,2.730985984093754,0.10676995408735716,3.06 +2867,2.7483159901502723,0.10959957443225767,2.74 +2868,1.871595138313571,0.10601316780618825,1.96 +2869,4.540774300513954,0.19091430419567018,4.26 +2870,1.1105050559055072,0.10634236143996086,1.04 +2871,2.426818905992041,0.10565188903739034,2.32 +2872,1.4633432298517675,0.10407109698685398,1.5 +2873,1.5727199052943646,0.10633534052126122,1.52 +2874,0.750495390909721,0.10446775331312341,0.56 +2875,1.04347518565976,0.10338393272636097,1.18 +2876,1.567684251214453,0.10459422087956187,1.52 +2877,0.4639334772259196,0.10481962128125687,0.34 +2878,1.3080897701067769,0.10500882200222661,1.3 +2879,1.9183473392304697,0.10559718175546917,1.94 +2880,0.9946229419444719,0.10385777486045324,0.98 +2881,1.4203031881318764,0.10543983735696866,1.46 +2882,2.6120449797777794,0.10676433458434427,2.54 +2883,0.9140223788089066,0.10337973126750832,0.96 +2884,0.8427704481352563,0.10406493934103035,0.88 +2885,1.134623219432752,0.10428995158886248,1.06 +2886,1.7122606989938354,0.104613106031315,1.68 +2887,3.0466340094849236,0.11003265402655178,2.9 +2888,1.0892348179006368,0.10419162343357044,1.12 +2889,1.8723787477009757,0.10574616546265532,1.96 +2890,1.096492149775743,0.10408192226753182,1.02 +2891,2.5779692348602175,0.1058995679277985,2.58 +2892,2.076348636572346,0.10573739827876408,2.08 +2893,2.991970850086813,0.11209715438746788,3.04 +2894,1.5747174043531103,0.10528510259917966,1.56 +2895,0.8814846327314654,0.10402641405728807,0.9 +2896,1.749211755157885,0.10475446824033037,1.68 +2897,1.3697423856006892,0.10408733499213692,1.38 +2898,1.6817268328088253,0.10447481616776631,1.66 +2899,1.3011523230154096,0.10445316551084083,1.38 +2900,0.9818626587042423,0.10425560633110993,0.88 +2901,2.58874521211173,0.10653516710189681,2.56 +2902,0.9692408655440885,0.10370946416371297,1.04 +2903,1.944898655586163,0.10583381875747738,1.96 +2904,0.9963844161731834,0.10338625739553822,0.94 +2905,0.7785196846199169,0.10386296071344624,0.82 +2906,0.25086103653495817,0.1072751008558005,0.2 +2907,1.319407330412092,0.10388353950387576,1.32 +2908,0.7734547576372086,0.10490707110417737,0.8 +2909,2.96137045627176,0.10855387298356112,2.78 +2910,1.7532245313434465,0.10472446245825753,1.84 +2911,2.42872848176057,0.10609642248923462,2.4 +2912,0.9280742553441228,0.10317574230830852,0.88 +2913,1.7123657909372532,0.1052000369934117,1.72 +2914,0.8768695260623445,0.10453867190109498,0.98 +2915,1.5083306212784016,0.10567691505091922,1.62 +2916,0.7725308561495736,0.10462615327221159,0.76 +2917,1.7386395874124054,0.10590240744140116,1.78 +2918,1.9081830187915414,0.1057670189910153,1.9 +2919,1.2295982136117494,0.1036895612922129,1.2 +2920,1.4585954446007228,0.10557631439417778,1.54 +2921,1.735516714557542,0.10444543352784277,1.78 +2922,1.0842097478004837,0.10352721016014944,1.1 +2923,1.4860398738202298,0.10406567023601365,1.54 +2924,1.3275575210639317,0.10456996133247907,1.36 +2925,1.2490218339886225,0.10399001434672585,1.38 +2926,0.8316233361710572,0.10505427459368814,0.74 +2927,0.9826938224874637,0.10420611832030345,0.96 +2928,1.4757116987820331,0.10502169226329598,1.46 +2929,0.17287457653666172,0.1076183309037862,0.12 +2930,1.167945066126959,0.10394901862491727,1.12 +2931,1.1682595829963147,0.10386032521249836,1.08 +2932,0.6268405972866176,0.10408761196103206,0.58 +2933,1.2046999372982312,0.10399969019317085,1.14 +2934,0.8395920693142123,0.10324837922292882,0.84 +2935,2.0245752408930477,0.10592431508141897,2.18 +2936,2.328657329273786,0.10532983679390594,2.4 +2937,1.2625237117208044,0.10364291883865343,1.38 +2938,2.8351111125473216,0.10927466483025618,2.8 +2939,1.1431396855705898,0.10363119729219122,1.18 +2940,2.0935948913135944,0.10549776560369781,2.08 +2941,2.340980804404919,0.10533593238615409,2.32 +2942,2.4930945889382428,0.10572064727912805,2.52 +2943,2.0169842545593837,0.10659563023342332,2.02 +2944,1.8406525911369065,0.10862288432127422,2.04 +2945,0.87494509092175,0.10353957597507944,0.82 +2946,1.6662812637335533,0.10482140971794972,1.66 +2947,2.1260032595863243,0.10535806072767932,2.18 +2948,0.667784777440255,0.10462219715401729,0.62 +2949,0.5908179720622662,0.10938871486275047,0.78 +2950,2.1888682208518815,0.10533454808057316,2.2 +2951,2.8499872905009602,0.10745911104535079,2.94 +2952,1.8302619279735644,0.10602781816735947,1.88 +2953,1.665686714295029,0.10473963519344305,1.64 +2954,1.952493162854379,0.10547086868436316,2.04 +2955,1.0147647933714992,0.10329253459535268,1.0 +2956,1.0315287263564676,0.10448350221499227,1.08 +2957,1.0648922572499315,0.10380825870197868,1.08 +2958,0.6469557092540419,0.10531445226126848,0.68 +2959,2.2473935601422794,0.10549703002154455,2.32 +2960,1.0905670919557138,0.10391038163473205,1.08 +2961,1.0042196288372174,0.10346107486876387,1.06 +2962,1.3322337838381109,0.10503189192335904,1.3 +2963,1.41855334148755,0.10571501463546291,1.36 +2964,2.1200288166919896,0.10748990500775846,2.66 +2965,1.5793290510130382,0.10485004202967757,1.6 +2966,0.710170080029394,0.10373137443754277,0.54 +2967,2.7804111750063405,0.10668399185677149,2.8 +2968,1.7581680368517865,0.11132176155012549,1.82 +2969,2.378009935004586,0.10544729129459425,2.36 +2970,1.772620305920126,0.1047335522856326,1.74 +2971,1.7984714846672047,0.1054772079789425,2.12 +2972,1.642505253519841,0.10477185045854844,1.6 +2973,0.807961396234171,0.10366177552674256,0.8 +2974,1.135624553075997,0.10369059077090118,1.16 +2975,1.2042418401586814,0.10373445781558892,1.28 +2976,0.9657109996615509,0.10323778921339337,1.0 +2977,1.178242382311312,0.10380130970708179,1.26 +2978,0.7922973255309471,0.10360792955791209,0.78 +2979,1.430778803280743,0.10511621971254052,1.5 +2980,0.1607332786593232,0.11102232881179082,0.1 +2981,1.3374446959160422,0.10391210732970704,1.22 +2982,1.135736733299351,0.10356252053019697,1.1 +2983,1.0581665165516596,0.10334133371614676,1.06 +2984,1.3738474571997918,0.10520857055190729,1.42 +2985,2.348143867169847,0.105424140116115,2.3 +2986,1.1255143180984155,0.10378848857354989,1.14 +2987,0.48877211160600487,0.10489897909113573,0.5 +2988,1.1923756582833547,0.10376707360523173,1.24 +2989,1.4933844105899339,0.10483895139807402,1.52 +2990,1.0234466298756302,0.10344184834149346,1.06 +2991,0.33525158957513446,0.10557832107245649,0.3 +2992,1.576113372029924,0.10457943439261826,1.54 +2993,0.22501988150557883,0.10686397651111285,0.16 +2994,1.0430358526601835,0.10343025785828455,1.12 +2995,1.609040571674894,0.10492411855858667,1.62 +2996,2.739679930130366,0.10748346532088517,2.68 +2997,1.8867364998240084,0.10737790154771301,1.88 +2998,1.1819204375821903,0.10408128208380908,1.2 +2999,1.5981940228675078,0.11275403730565613,1.54 +3000,1.659757285946268,0.10536809929681494,1.64 +3001,1.194894657602466,0.10384532783934529,1.14 +3002,1.2985453990950915,0.10773314421228017,1.26 +3003,2.8169469305920933,0.11264026516499771,2.84 +3004,2.847681552715455,0.1071571879938953,2.84 +3005,1.3239860713995966,0.10435543057360532,1.3 +3006,1.742180881073176,0.10503515623501049,1.82 +3007,1.44349755254524,0.10522834516834079,1.42 +3008,0.5364048979538274,0.10858278259727977,0.58 +3009,1.6779196139678887,0.10446071922586085,1.66 +3010,1.8911706108444704,0.10624151796316984,1.9 +3011,1.6073672409023145,0.10549566522834718,1.52 +3012,1.2651898598162687,0.10387182576368888,1.3 +3013,2.766105065668087,0.1079561388974458,2.72 +3014,1.495838029683179,0.10418313942002326,1.44 +3015,1.5199017755052266,0.10422250170335473,1.86 +3016,1.8418044923584538,0.1053372531245856,1.8 +3017,2.432253084397606,0.10774110750622108,2.5 +3018,1.6316489685435989,0.10498141598434861,1.6 +3019,1.0411342862933757,0.10356211667210993,1.02 +3020,1.5859341721249307,0.104894157632614,1.6 +3021,1.8171565913487178,0.10554984182140545,1.76 +3022,1.3820031010194689,0.10451393784544055,1.36 +3023,2.9645588782455667,0.11207936797482144,3.08 +3024,1.27813501829973,0.10381733964656618,1.3 +3025,1.1044114277164865,0.10484808592231983,1.12 +3026,1.1258281716693737,0.10358322659593475,1.12 +3027,2.090582766156279,0.10616038419349925,2.04 +3028,1.9153091126465553,0.10659631829136977,1.98 +3029,0.9779055207692138,0.10429080628600759,0.96 +3030,1.1771222139641941,0.10355738679488351,1.24 +3031,0.8971362852922105,0.10404893731380295,0.86 +3032,2.9922550269669883,0.11292189972229534,3.02 +3033,1.7082975817124484,0.10536585393877074,1.8 +3034,0.591402470896115,0.10459474113535938,0.62 +3035,0.7114676281705612,0.10444896501228844,0.64 +3036,2.045825951552819,0.1055809669191438,2.16 +3037,0.5563690138345918,0.10478887846372228,0.52 +3038,2.0610507642940994,0.10805811946415396,2.06 +3039,1.5147004180977048,0.1048445018706638,1.48 +3040,0.8762055112532479,0.10378775675722662,0.82 +3041,2.1017795954132246,0.10690263101508334,2.1 +3042,1.7692198761398408,0.10522765782762591,1.7 +3043,2.229538675264807,0.10542141260253496,2.24 +3044,0.9927097620637872,0.10592200836919093,0.92 +3045,1.1876454523595412,0.10347304603174619,1.3 +3046,1.622178414176156,0.10475830342577777,1.56 +3047,1.0081766802224208,0.10380757271698007,0.94 +3048,3.0233483913045034,0.10913551900694093,2.98 +3049,0.931763315762955,0.10335936857578008,0.96 +3050,0.9859559196672278,0.10361846369293486,0.94 +3051,1.2859532391657793,0.10416306408551128,1.36 +3052,1.0882873659025498,0.10336705699839835,1.14 +3053,2.0981463594248253,0.10557337099952106,2.3 +3054,0.4766482952094022,0.10515523002940762,0.5 +3055,2.185971621456074,0.1059505521944383,2.06 +3056,2.4024078193028955,0.1059760866579462,2.44 +3057,1.3579551134588335,0.10429723658418537,1.26 +3058,1.3465699181054567,0.10422294040770781,1.3 +3059,1.7978875416137874,0.10499365330820268,1.74 +3060,1.1395799138847926,0.10443486267329448,1.06 +3061,2.0123968535402184,0.10592826304329127,2.04 +3062,0.8773444963555632,0.1033501206754668,0.84 +3063,1.5296737552500246,0.10425032139718826,1.56 +3064,2.287948730519472,0.10577289691995945,2.26 +3065,1.1069070296138164,0.10341290555095166,1.1 +3066,0.9662383640254126,0.10344911138625755,1.0 +3067,1.2630298768179684,0.10393059029076988,1.3 +3068,3.5468623112665916,0.11157857738592594,3.46 +3069,0.13623255454999983,0.11044585668008433,0.06 +3070,1.8320912217193537,0.10576611345803374,1.84 +3071,1.1803184695354019,0.10393757205272842,1.22 +3072,1.2648765310202932,0.10372694606583246,1.26 +3073,1.0242300124480983,0.10475759985366047,1.0 +3074,1.1379615613350516,0.10615852453818715,1.12 +3075,2.358229454275976,0.10638037352162028,2.34 +3076,2.9510479334622146,0.10885291824246733,2.94 +3077,1.6535123938648737,0.10594596965996517,1.7 +3078,1.9114277724180737,0.10588125794159155,1.98 +3079,1.6627836503218076,0.10548942615984347,1.64 +3080,0.9382293565808033,0.10325230176739392,0.98 +3081,2.4415189696046453,0.10596818327942802,2.46 +3082,1.4527583874109893,0.10622630767453067,1.42 +3083,0.6920375544364474,0.10695998095421594,0.78 +3084,1.331194276566618,0.10449752981761641,1.38 +3085,1.6751840985867203,0.10507087540120838,1.84 +3086,1.9053236732981822,0.10595422712224348,1.84 +3087,0.574220203089451,0.10504188937308555,0.5 +3088,0.8825436639513398,0.10389357824414504,0.86 +3089,1.128459567068171,0.10344561432358615,1.26 +3090,0.651146648274247,0.10495516663453867,0.74 +3091,1.9215439326208297,0.1054531347548148,2.02 +3092,4.490936814834823,0.1801357347593771,4.24 +3093,0.9620552129637701,0.10451981198765883,1.02 +3094,0.8299210404372537,0.10331681191486873,0.82 +3095,0.8322964636765149,0.10340624381041306,0.9 +3096,0.9454364545517726,0.10327171909310963,0.94 +3097,2.1493681920625796,0.10537976119205693,2.14 +3098,1.1534745264456254,0.1035971549614371,1.2 +3099,1.0532497686502054,0.1042390165949446,0.96 +3100,0.6959984652633522,0.10441799789849471,0.66 +3101,2.6453973335981344,0.10607051000831984,2.64 +3102,1.0827043423126717,0.10396478761533108,1.18 +3103,1.4727375993089153,0.10470242494166059,1.56 +3104,0.36997022542992175,0.10598484436318155,0.26 +3105,1.7055423991635918,0.10469806880549191,1.86 +3106,1.1813837224812374,0.10366222377691156,1.26 +3107,2.294598484784687,0.10573546043092451,2.28 +3108,1.3724207408979487,0.10493802027361102,1.44 +3109,1.3188740668494616,0.10445232937558176,1.34 +3110,0.8008853483137499,0.10417896337691068,0.84 +3111,2.1410768387732353,0.10498606841903758,2.12 +3112,0.020935356521986304,0.11187588780192842,-0.14 +3113,1.894934523961362,0.10582368600613289,1.88 +3114,0.7664791900308763,0.1039551230453013,0.78 +3115,1.2591825832720658,0.10349896791194382,1.28 +3116,2.6847519231259986,0.10625757508220114,2.72 +3117,2.296119100252992,0.10565476864912163,2.24 +3118,2.966765818003997,0.10860392423063965,3.04 +3119,1.2740715339228905,0.103794230467335,1.38 +3120,2.2305812904350453,0.10528423342555203,2.1 +3121,1.6194708906937634,0.10649139836466089,1.66 +3122,2.6351618113388837,0.10601723525314204,3.18 +3123,0.1360660599007537,0.10820790839023366,0.1 +3124,1.6241408344480432,0.10580581845084831,1.54 +3125,1.9421596033525268,0.10565447297377979,1.96 +3126,2.0978503635423826,0.10559385165750859,2.1 +3127,0.39510895540628743,0.10649739653277367,0.3 +3128,1.080587986462406,0.10373687243737109,1.04 +3129,1.3472798590800763,0.10444844252805054,1.36 +3130,2.059255784856281,0.10561660034448123,2.1 +3131,0.9333911622617257,0.10328275817881277,0.88 +3132,0.9482536416286051,0.10388009706501522,0.98 +3133,1.1459049386689037,0.10385413459718355,1.16 +3134,0.8223613395412186,0.10344071229001565,0.74 +3135,1.2298855457893452,0.1036156436035107,1.3 +3136,0.40101334513272624,0.10567893275940536,0.4 +3137,1.4404067835163175,0.10475742863642053,1.4 +3138,2.3581369502738325,0.10538070273262128,2.28 +3139,1.900657358174525,0.10930528139485918,2.0 +3140,0.6257795667383284,0.10461575819795628,0.64 +3141,1.1173566594092796,0.10386021476850876,1.2 +3142,0.9104666761703277,0.10447028973969595,0.98 +3143,3.4592722115685546,0.11305841329992831,3.42 +3144,0.6220325983019754,0.10407968661413124,0.66 +3145,1.068152141371248,0.10384261462117746,0.98 +3146,0.9045678002727704,0.10363256549733647,0.94 +3147,3.2070050559239873,0.11472401412308965,3.1 +3148,1.1403120525534276,0.10348108208400439,1.16 +3149,1.9714993131085286,0.1058222179530888,2.08 +3150,0.9377487649241494,0.10341283464286237,0.9 +3151,0.8721150644205031,0.10364136989394819,0.8 +3152,1.1736022068376974,0.1036203404537541,1.2 +3153,1.0045031292218964,0.10331234628396248,1.12 +3154,1.4510527974158562,0.10625271246118156,1.48 +3155,1.3461517400162086,0.10450853630254954,1.34 +3156,0.4397417838523281,0.1057884295723365,0.4 +3157,1.8472348483546823,0.10549541672230907,1.86 +3158,1.4945739883207252,0.10587710993071232,1.62 +3159,1.1508571990110723,0.10366166341068557,1.2 +3160,1.4723956162644867,0.10479220145760741,1.48 +3161,1.4246889033216745,0.1051809229857727,1.46 +3162,1.0427321715620166,0.10673972028457301,1.2 +3163,2.021993200789525,0.10586422449501125,2.0 +3164,1.95951382022263,0.10556719966450741,1.96 +3165,1.1664255977039644,0.10350061657213358,1.2 +3166,1.2556133615783067,0.10367838630365495,1.26 +3167,0.7524457540068759,0.10373666287283162,0.72 +3168,2.440350123146357,0.10584089148145485,2.34 +3169,1.7593838746336075,0.10584726879474327,1.78 +3170,4.885253141477207,0.2969642763783743,4.48 +3171,0.5915489672418075,0.10424191877251181,0.58 +3172,1.9108152348880707,0.10586297333209746,2.06 +3173,1.289570197404243,0.10381137910801959,1.36 +3174,1.0956300871922777,0.1034873248484164,1.14 +3175,1.0006010366367284,0.10521318922492887,0.92 +3176,1.8902746042497198,0.10578155385407073,1.98 +3177,1.8092813021606715,0.10743391163345321,1.86 +3178,2.05382663579258,0.10659154381202005,2.1 +3179,2.29622304901728,0.10639076912639116,2.3 +3180,1.0757623883386542,0.1033041468687947,1.02 +3181,1.0211781638262223,0.10312775087734986,1.02 +3182,0.6956186890597009,0.10443667914194477,0.78 +3183,1.9012012878981088,0.10553592186403768,1.98 +3184,2.3070902901547377,0.10551011047624548,2.36 +3185,1.700403228404022,0.1050737803367906,1.8 +3186,1.516409913513987,0.10558510149125369,1.56 +3187,1.64350635463907,0.104995079318354,1.6 +3188,1.3428381501289812,0.10576346037401997,1.32 +3189,0.6682655763575567,0.1040830308914149,0.72 +3190,1.2913497000710676,0.10376610643243338,1.28 +3191,3.3441302517124867,0.11067135633333322,3.24 +3192,4.606442355643251,0.19285487258597644,4.3 +3193,0.13998290724269813,0.10872890640711703,0.14 +3194,0.6226544190149794,0.10426120972869067,0.58 +3195,1.1814857106915198,0.10421728482990948,1.16 +3196,1.8456826773919928,0.10566776175388984,1.88 +3197,1.3005748694720878,0.10380240879670642,1.26 +3198,0.687110032174489,0.10389581476835856,0.56 +3199,2.157213344869889,0.10602951574969931,2.16 +3200,1.062133733845902,0.10324193928191512,1.06 +3201,1.5999038766036775,0.10466657763544059,1.62 +3202,0.6873551036974432,0.10415522963107941,0.68 +3203,0.7753378815865601,0.10434003789539742,0.68 +3204,1.7158507770626712,0.10491175074953701,1.7 +3205,0.6237831030208318,0.10506159193692512,0.54 +3206,4.177893655198838,0.1262631748368754,3.9 +3207,1.3343656620343842,0.1041641743761869,1.32 +3208,1.845835448102759,0.10586076658198477,1.86 +3209,0.6931415334038831,0.10406006216392338,0.74 +3210,1.38726445993114,0.10485573581002618,1.36 +3211,1.8657755308646684,0.10594530464975171,1.94 +3212,1.2982129695219853,0.10456930082176412,1.26 +3213,1.4003008442391134,0.10504555503397067,1.44 +3214,1.3135947032143078,0.10434572544237773,1.34 +3215,1.4591902839896291,0.10810984838460139,1.46 +3216,0.7251734084701282,0.10393005180864139,0.62 +3217,1.689762520204995,0.10529411410453578,1.56 +3218,3.7101258577195906,0.11370949420811725,3.54 +3219,0.5093015765414619,0.10519830598246474,0.46 +3220,1.172847066845749,0.10384748163332456,1.16 +3221,1.3932387727296187,0.10624228891980987,1.4 +3222,0.69855993533139,0.1038824181739765,0.62 +3223,5.065037867245918,0.38409518302030327,4.78 +3224,1.4402429268543933,0.105005822257265,1.36 +3225,1.2904794624259508,0.10438761134082508,1.24 +3226,2.1071801843762024,0.10573378602234909,2.12 +3227,2.1619870884413834,0.10626631971333442,2.18 +3228,1.8715340440179467,0.10657562430951031,1.92 +3229,0.42743174032828923,0.10625431308748993,0.52 +3230,2.477330613564385,0.10575637982189805,2.46 +3231,0.8569395738599836,0.10507108467558011,0.84 +3232,0.6956767524919782,0.1043540850211746,0.7 +3233,1.6404800691070576,0.104752317767692,1.58 +3234,1.3838843089941313,0.10433876939183041,1.4 +3235,1.2269399707070874,0.10392071183555228,1.24 +3236,0.718851056078234,0.10377163963184843,0.64 +3237,2.0219197467618257,0.10730039892704542,2.06 +3238,2.0040166339024075,0.10595849137873636,2.04 +3239,2.112069478828255,0.10606362802601615,2.26 +3240,3.8071224423675196,0.11253665261257312,3.78 +3241,2.915641246291633,0.10953148864983277,2.92 +3242,1.8462330570162186,0.10541707556886484,1.86 +3243,1.2985565331527282,0.10392552236385803,1.3 +3244,1.180789072866419,0.10358053219604399,1.2 +3245,1.091358592791893,0.10366314721354601,1.22 +3246,1.4079492470450794,0.10550081422025095,1.42 +3247,1.8791455172845715,0.10583168905401817,2.02 +3248,0.35271172961254527,0.10576643793511795,0.32 +3249,0.809152924451451,0.10336615308853973,0.82 +3250,1.446649929039539,0.10471753386030706,1.44 +3251,0.9752476954274889,0.10320668606313657,0.96 +3252,0.9737934169460352,0.10324608104566278,0.94 +3253,1.8622995457201745,0.1058401194603026,1.92 +3254,-0.12736634818538173,0.12307953967712615,-0.14 +3255,1.3335027583169192,0.10440194890672086,1.4 +3256,2.9639537226056674,0.11109458922482451,2.86 +3257,1.3250473119555592,0.10445934202604082,1.38 +3258,2.510323436531761,0.10598969893671428,2.54 +3259,0.5715144334451536,0.10650730447207586,0.46 +3260,2.692942630176583,0.10656274405273834,2.86 +3261,2.638314504975065,0.10634948633286755,2.54 +3262,1.618627492105778,0.10505239052460057,1.52 +3263,1.718879453809849,0.10504190348110197,1.8 +3264,1.7114948172318285,0.10464781209468134,1.9 +3265,0.4689958790601678,0.10513832617247158,0.42 +3266,1.5587908447664467,0.10495860318403337,1.44 +3267,1.3127336108115215,0.10392258830124351,1.32 +3268,1.303331511401074,0.10372130732938183,1.26 +3269,3.0132432809722736,0.10959654282864036,2.82 +3270,1.4079289719542394,0.10576296077857957,1.48 +3271,0.8858902355355993,0.10371464873216596,0.84 +3272,0.5302104203767555,0.105074834566157,0.56 +3273,0.6210062047762412,0.10415367799377362,0.6 +3274,2.643191708545673,0.10751814554449135,2.6 +3275,1.624738588868611,0.10443435721402192,1.52 +3276,2.021754011784617,0.10649467999236481,2.06 +3277,1.5416198183866086,0.10693433919524853,1.52 +3278,1.0873025925980513,0.10401353710381171,1.12 +3279,1.731784056627061,0.10508017707361794,1.76 +3280,0.781997217161075,0.10456622434526026,0.8 +3281,1.4224165341177701,0.10406224937836495,1.28 +3282,1.675603724350624,0.10455337280036558,1.68 +3283,1.0012172198322395,0.10349478611357371,1.0 +3284,0.750563822429752,0.10370085899190389,0.66 +3285,1.0924344370927463,0.10371925108725664,1.08 +3286,1.097284961055491,0.10380065271789218,1.1 +3287,1.5664369299224759,0.10538992122403046,1.64 +3288,1.583520484865781,0.10504326191355007,1.74 +3289,1.2069206682590745,0.10390425996213365,1.24 +3290,2.1709852977791555,0.10529873382250413,2.02 +3291,0.8558851338765527,0.10333277052329885,0.9 +3292,0.9533091980413402,0.10361928871597074,1.0 +3293,1.0015983663593615,0.10406226417371725,1.5 +3294,1.2347594149294756,0.10383501859511969,1.32 +3295,1.3854962983739845,0.10499378682611939,1.46 +3296,0.9580580888213546,0.10445943425503325,0.9 +3297,3.657452333178797,0.1168264506945173,3.56 +3298,0.4893977327718466,0.10499050735574597,0.56 +3299,1.3937065113972493,0.10483356372365983,1.46 +3300,1.9034992714295433,0.10547989152256523,1.88 +3301,0.8188984109951263,0.10436276580172314,0.76 +3302,0.7046728386889227,0.10453903645221369,0.64 +3303,2.513153786583126,0.10623597956775574,2.58 +3304,1.8934868014018753,0.1054311214230763,1.94 +3305,1.0440291093996428,0.10334828354475584,1.04 +3306,0.7881725914308801,0.10404935869105895,0.7 +3307,2.432020995740659,0.10554855135498396,2.28 +3308,4.808634468719857,0.2529588848180827,4.52 +3309,0.9858511831416918,0.1045282575886032,0.98 +3310,3.216989756434186,0.10966192803404527,3.18 +3311,1.4048914171999392,0.10457467157768477,1.38 +3312,1.1692448213659872,0.10429514971556694,1.12 +3313,1.0665291849069098,0.10351804519834584,1.12 +3314,1.834342089467048,0.10509270859052046,1.86 +3315,2.1567078913997597,0.10601670001024552,2.18 +3316,1.6302004194437756,0.10520173361689442,1.58 +3317,1.1081104649346023,0.1035334345262594,1.02 +3318,1.0665232589251423,0.1033807602422967,1.0 +3319,2.053630788594512,0.10582193038585766,2.2 +3320,1.8712817223780056,0.10605298166898416,1.84 +3321,0.8703354498590925,0.10322840120054656,0.86 +3322,0.9426607698376954,0.10298670983178719,0.96 +3323,1.9372057900935444,0.10638901995354091,2.0 +3324,4.092788751189106,0.1272148101048388,3.98 +3325,2.1286631268114973,0.10548375721455329,2.14 +3326,1.9130916563219613,0.10572338026489567,1.94 +3327,1.1609444941174423,0.10350396888099599,1.18 +3328,1.5103727662417454,0.10501649493918747,1.5 +3329,1.3459054631422283,0.10456589506154255,1.4 +3330,0.7732850043968269,0.10364984177738377,0.8 +3331,2.0370078635675894,0.10584413398607083,2.08 +3332,0.6050553626736188,0.10520800585324844,0.56 +3333,1.0988711443510488,0.10392681923299855,1.08 +3334,2.160384367534435,0.1056819019169087,2.24 +3335,2.2574557671972157,0.10554550643597459,2.22 +3336,0.5820743219556248,0.10457943336471051,0.62 +3337,2.087170391829632,0.1062610429107808,2.06 +3338,2.2267241149594432,0.10529199888290573,2.32 +3339,1.1620264409538286,0.10375718132415795,1.08 +3340,1.1197925362889705,0.1043947523895586,1.1 +3341,1.2014771252802894,0.10364473183101477,1.3 +3342,1.3719194652088063,0.1047900637321176,1.46 +3343,3.4973139647230957,0.11132055684019056,3.44 +3344,0.5024032124398317,0.10471620998970782,0.46 +3345,1.4365759854854487,0.10531970206810469,1.5 +3346,1.1940819586548783,0.10439179594994892,1.22 +3347,2.405480363034678,0.10578441452378064,2.38 +3348,0.8997699063091047,0.1046115084583478,0.86 +3349,1.7570552517006184,0.10464354535191323,1.66 +3350,1.1257115708921233,0.10384768291465211,1.5 +3351,1.1375288113990627,0.10346470399390775,1.16 +3352,2.118313634273503,0.10594304552928795,2.14 +3353,1.7417434915356487,0.10532257332302959,1.7 +3354,1.2122700686001777,0.10366199773777587,1.2 +3355,3.419757589629556,0.11123142881473608,3.08 +3356,2.25564303662764,0.10527076663607199,2.28 +3357,2.9713097008408424,0.1113360719102755,2.98 +3358,1.3503400879933252,0.10498088029988618,1.28 +3359,0.4924792120134369,0.10618800969918793,0.4 +3360,1.037317172195054,0.10344214978007486,1.06 +3361,1.5291580386125196,0.10482414647336544,1.46 +3362,0.5038754007446555,0.10461592307861146,0.38 +3363,0.6632560184059755,0.10417692956285736,0.72 +3364,0.32532564558067056,0.1063033832920314,0.34 +3365,1.2170432131200761,0.1038969937429069,1.16 +3366,1.3311226938092395,0.10389105351183771,1.38 +3367,1.313415770590891,0.10379567302200618,1.38 +3368,2.140604074215003,0.10569350732108455,2.18 +3369,1.4663295756017418,0.10634848911559729,1.52 +3370,2.1182889618192404,0.1070151723268932,2.22 +3371,1.0511798556314544,0.10467220383855555,1.08 +3372,1.1183213557627325,0.10344405364851246,1.08 +3373,1.0427150286096576,0.10315102903479054,1.0 +3374,1.3463650894886334,0.10433102208040643,1.44 +3375,1.7386703188262813,0.10498904605957739,1.88 +3376,1.7146126793287926,0.10538906134887531,1.7 +3377,1.0580441614205411,0.10340255122608402,1.12 +3378,0.9232495406774404,0.10424864563280005,0.98 +3379,0.35692508078924723,0.1059775341935714,0.36 +3380,1.8368330870244072,0.10601710114097282,1.74 +3381,1.4286676401961933,0.10444708189738369,1.42 +3382,1.2936696149744598,0.103885379102164,1.28 +3383,1.6948230515298497,0.10512385772183412,1.66 +3384,1.0933872308347161,0.10344190788315007,1.2 +3385,1.131166432386633,0.10387322505900046,1.2 +3386,1.9904871122404457,0.10590318846938579,2.04 +3387,1.0696088098989427,0.1034307925470759,1.02 +3388,1.564689249301844,0.10529667451055073,1.58 +3389,1.6652764870220742,0.10440094595428263,1.72 +3390,1.1806044083346925,0.10336279139626946,1.24 +3391,1.4663654519847085,0.1038617019888711,1.56 +3392,1.3053315138067894,0.10373623898871509,1.36 +3393,1.4842790176107257,0.10655956102479332,1.46 +3394,0.9750016751360362,0.10425804805808474,0.88 +3395,1.9664957265197756,0.10593805209855654,1.98 +3396,1.089001655112534,0.10352985701249981,1.06 +3397,1.0471634563995322,0.10350697749556337,1.1 +3398,1.204502688988382,0.10375529939347904,1.26 +3399,1.2832112491441925,0.10360830424136956,1.28 +3400,1.093781209910174,0.10337020685772341,1.04 +3401,0.8782378293798536,0.10308010909649876,0.86 +3402,0.09230640132483137,0.1151166667542654,0.04 +3403,0.7611974738287031,0.10419735323378128,0.74 +3404,2.8156833497101394,0.10768143149100386,2.88 +3405,0.9053761676516792,0.1038049871829775,1.0 +3406,1.7597415486541421,0.10520971718913921,1.88 +3407,0.9633703631029689,0.10343678122015355,0.94 +3408,1.2126801930920776,0.10406593649794227,1.16 +3409,0.8101050455105585,0.10470974283701966,0.88 +3410,1.121022884969848,0.10443955798225979,1.12 +3411,0.9185976821984396,0.10361825002385336,0.78 +3412,0.8169159120433718,0.10346321432184429,0.8 +3413,1.3093820242367307,0.10398292948275278,1.18 +3414,2.6645587352255737,0.1067617797964557,2.72 +3415,1.117297055006636,0.10364852447411202,1.18 +3416,1.412117162539571,0.10537863356081104,1.4 +3417,1.331669457359554,0.1041581468048986,1.34 +3418,0.039494651729101715,0.11086270698803322,-0.04 +3419,1.6683452442915025,0.1067146374220869,2.02 +3420,1.5498001810840925,0.10486405528023622,1.6 +3421,2.315509019189237,0.10581934451317443,2.3 +3422,1.3930114346729865,0.10446356499739179,1.42 +3423,1.5204019013605303,0.10476215768920091,1.5 +3424,1.7059931877719783,0.10542709208672246,1.82 +3425,0.6593848347251607,0.10443300365728271,0.7 +3426,1.0180859516588696,0.10354425561813271,0.94 +3427,1.4981125246919311,0.10496878103225928,1.52 +3428,1.33794670861487,0.10411521766408884,1.32 +3429,1.9157170487682165,0.1064286211619505,1.9 +3430,1.8342700854130185,0.10528810899632052,1.7 +3431,1.892961007812493,0.10546585353503715,1.9 +3432,2.1116939607417264,0.1052664439298184,2.08 +3433,0.733301753720125,0.10453486624981113,0.66 +3434,1.6039334263576612,0.10743037132302116,1.76 +3435,1.550244433119905,0.10481527596005116,1.52 +3436,0.8225577073509789,0.10361123813469626,0.86 +3437,0.9104113568118293,0.10331648652990899,0.92 +3438,0.5642429766735488,0.10477919667840829,0.56 +3439,1.1981331974963978,0.10392345613452296,1.22 +3440,0.9714174396372299,0.10338079933973095,1.04 +3441,0.4235120395925427,0.10530160326801032,0.44 +3442,1.4054875399431288,0.10423345982201963,1.4 +3443,2.734994313084401,0.10668869296023509,2.98 +3444,1.596839084243443,0.10504226504332946,1.54 +3445,0.6778534801902807,0.10385938007456372,0.68 +3446,0.975721185074542,0.10349779952733895,1.0 +3447,0.31584227058702075,0.10699592850047893,0.26 +3448,0.7868839260543594,0.10386932104774405,0.8 +3449,2.0846692252434607,0.10589215873326775,2.14 +3450,1.347179625334435,0.1039587298831124,1.4 +3451,0.34491563382965884,0.10694335576513103,0.36 +3452,0.9763994551959505,0.10382833709888832,1.02 +3453,0.5875262436103923,0.10774422331090047,0.48 +3454,0.8271699810629527,0.10354463063785659,0.8 +3455,1.4271260222727107,0.10475230730839467,1.42 +3456,0.9894564169591411,0.10346449568064632,1.02 +3457,1.4639230626053723,0.10518707241129693,1.46 +3458,1.326234385933629,0.10413130675144903,1.42 +3459,2.0752999935708636,0.10628472765784504,2.02 +3460,0.8412824274975192,0.10383729228855046,0.8 +3461,2.132125216282423,0.10578752159300742,2.18 +3462,1.5031227531843654,0.10563110516143615,1.48 +3463,4.908392667206268,0.2987884052123291,4.54 +3464,1.6099371861607934,0.10522365732680744,1.7 +3465,0.9662311363602725,0.10341095895021717,1.0 +3466,1.4491791153715616,0.10458951213244666,1.48 +3467,1.3058287626296283,0.10395031660050136,1.3 +3468,0.5612567651935954,0.10435402016731343,0.52 +3469,0.45549857374042935,0.10503985527366529,0.36 +3470,2.068340722311388,0.10538726151203572,2.14 +3471,0.7499320476684779,0.10508931094825336,0.96 +3472,3.531929425049911,0.11498002429361548,3.6 +3473,2.918125268750218,0.10819129311083843,2.9 +3474,1.6912181937197182,0.10464980998856524,1.6 +3475,1.0017622070461072,0.10392703534031608,1.08 +3476,1.044260660541203,0.103682559428003,1.02 +3477,2.1702557579185515,0.10522903026496512,2.16 +3478,1.2945956238419618,0.10414130865870846,1.18 +3479,0.5692463348588652,0.1053498784408999,0.58 +3480,1.066013679955089,0.10377004227448743,1.14 +3481,0.6637215577139073,0.10439195963378642,0.74 +3482,0.6389720744289007,0.1043955341510368,0.56 +3483,0.6617188363254143,0.10396748988769806,0.72 +3484,0.9805459320693699,0.10390471075252983,0.96 +3485,1.0240324136864145,0.10354119640132384,1.04 +3486,1.2001468386161398,0.10389114232220951,1.2 +3487,1.0810273521976455,0.10360787015085875,1.06 +3488,1.5043932531043978,0.1045867232389401,1.46 +3489,1.0980221081604404,0.10368151880848428,0.98 +3490,0.4878513342804296,0.1047290694670032,0.38 +3491,1.423311807123953,0.10555308764492108,1.44 +3492,0.6479069959606689,0.1040205889817259,0.54 +3493,1.4064208833609917,0.1046646133390885,1.34 +3494,1.7477750607069615,0.10639169889518836,1.92 +3495,0.864130474880136,0.10362090962188099,0.82 +3496,3.4229712306548428,0.11033062933938237,3.52 +3497,2.2729434429821516,0.10538832186015828,2.34 +3498,0.37124845265114237,0.10585598317729196,0.28 +3499,0.9456768559720259,0.10349926522420107,0.98 +3500,0.276540317325066,0.10727373064948319,0.24 +3501,0.11555762684811333,0.1087208292765849,0.14 +3502,0.47346748926490667,0.10751142306552935,0.34 +3503,1.449495519404509,0.10512419673859745,1.56 +3504,3.2775733853769373,0.11002787816357511,3.24 +3505,1.720098160351474,0.10481705958531007,1.68 +3506,1.9039400334687442,0.1066941960242986,2.04 +3507,1.1300224450768517,0.10365899622746585,1.16 +3508,1.0243310589899912,0.10338715261614256,1.04 +3509,0.4712422586386018,0.10611550876881971,0.34 +3510,1.2738523728644124,0.10377570741883921,1.26 +3511,1.3829262437818755,0.10454458899706748,1.34 +3512,2.50904877515582,0.1057933647466225,2.42 +3513,2.178557450394409,0.10550735002379166,2.28 +3514,1.1365351657397027,0.1036520607782288,1.1 +3515,1.13282118316639,0.1035087033537781,1.08 +3516,1.8658694394414694,0.105512957878338,1.88 +3517,2.169157461070744,0.10566022573867782,2.18 +3518,1.1408733102755781,0.10380344389987267,1.3 +3519,1.2969812934454885,0.10389648857243157,1.38 +3520,1.7936363018904564,0.10574710545750338,1.8 +3521,0.6124093163975259,0.10497564489414293,0.48 +3522,1.202136510555318,0.10358927956224599,1.2 +3523,1.2820164980263917,0.10378194468398863,1.3 +3524,1.7860694205073044,0.1062090533711232,1.86 +3525,1.4087507248341402,0.10554729421392711,1.36 +3526,0.6036128599817743,0.10445086783618594,0.5 +3527,1.729180996094351,0.10484914833307071,1.68 +3528,1.3412753514746014,0.10463203986681144,1.36 +3529,0.9123381243853443,0.10355397571082234,0.94 +3530,1.0726528806092914,0.10359300845982004,1.08 +3531,1.911379862028761,0.10556000615087358,1.94 +3532,1.8778770294855973,0.10567721003850146,1.9 +3533,1.6025579332196158,0.10590975036725948,1.66 +3534,2.4386623078203704,0.10574034180078322,2.42 +3535,1.5914419614451645,0.10463384574795243,1.58 +3536,0.8133275629093588,0.10440994671909928,0.8 +3537,1.7961926912863482,0.10534704980684648,1.8 +3538,1.8103321056085746,0.10566648458947511,1.86 +3539,1.7130705662728842,0.10555307987084803,1.64 +3540,0.9340128777885908,0.10393884101072304,0.86 +3541,1.4798780916495793,0.10499899314098353,1.5 +3542,2.19286905617079,0.10529403762241127,2.12 +3543,1.2835672112780911,0.1038202932406628,1.3 +3544,1.3405082983867067,0.10413904049637657,1.4 +3545,1.6725573885041825,0.10480061460577052,1.8 +3546,1.8024387298970814,0.10490176162832095,1.76 +3547,2.391386438804298,0.10537663503404435,2.36 +3548,1.9020768389204554,0.10671846568963862,1.82 +3549,1.9178353023528891,0.10532771593771102,2.02 +3550,1.147441237087802,0.10386364268569753,1.34 +3551,3.341908156020162,0.11296219385804612,3.66 +3552,0.877824604398485,0.10358017693637062,0.94 +3553,1.8965868065073983,0.10631106066192074,1.92 +3554,0.6197122155980579,0.10403980757831263,0.62 +3555,3.014372995705896,0.10808022521180131,3.16 +3556,1.0431166983659188,0.1031951055650262,1.06 +3557,1.539718129006475,0.10544488257843743,1.56 +3558,1.3396139668169424,0.10405992067259139,1.36 +3559,0.8875139516428461,0.10377328939282045,0.94 +3560,1.3596831319480471,0.10413843943570587,1.36 +3561,2.1235146248287733,0.10686339547472584,2.2 +3562,1.3469056096311376,0.1051861619069487,1.32 +3563,2.2182633119947375,0.10547437091344597,2.16 +3564,2.091060700866199,0.1077162815232168,2.24 +3565,2.9145673999338064,0.10846473333800405,2.92 +3566,2.74191023303557,0.10670487082153281,2.74 +3567,1.0898701808183993,0.10356682163098646,1.1 +3568,1.1893325768169176,0.10375324972160374,1.24 +3569,1.0041870353467046,0.10442959320250055,1.14 +3570,1.1096574871199336,0.10342731408787306,1.08 +3571,2.580219675591548,0.10610121705322736,2.74 +3572,1.147786734482858,0.1035295912548677,0.98 +3573,2.290233478504726,0.10556039759948369,2.38 +3574,1.656854360979961,0.10483364831110684,1.62 +3575,1.6283855736035178,0.10513853406234287,1.64 +3576,0.6601160639661869,0.10699552812731468,0.72 +3577,0.5027139470467197,0.1049472613646534,0.46 +3578,0.60692158409771,0.10440249580147332,0.58 +3579,1.2649940905010921,0.10384485051569489,1.32 +3580,1.0712065748290747,0.10358960236434513,0.98 +3581,1.4504121684976226,0.10559980012675278,1.44 +3582,1.5427135734602415,0.10503237093307961,1.48 +3583,1.265782539163046,0.10403724472297377,1.32 +3584,0.5241184129345355,0.10457316333015573,0.48 +3585,1.2047559700641393,0.10371893389369469,1.28 +3586,1.2746171175575767,0.10404221405456326,1.26 +3587,1.970267307819094,0.10638723820814759,1.98 +3588,1.4832103743656773,0.10509031644599834,1.5 +3589,0.5839839009919046,0.10450585023342765,0.58 +3590,1.6781152382360864,0.10499495279855656,1.62 +3591,2.6449496862990975,0.10693624036029427,2.54 +3592,1.0753706541164063,0.10403335879199649,1.1 +3593,1.963627470148642,0.10583791114251848,1.96 +3594,1.157277064763258,0.10369484476924877,1.14 +3595,1.0664020333366664,0.10427094806861645,1.04 +3596,3.734246479621317,0.11273853680845254,3.58 +3597,1.097725423726915,0.1033260488653008,1.04 +3598,0.8150063093506339,0.10362327729815049,0.76 +3599,3.691051958060212,0.11262590277349377,3.54 +3600,0.49892199659770275,0.10557842757631267,0.38 +3601,1.1894747421838772,0.1035471836245499,1.16 +3602,1.6778161157213503,0.1061916409078341,1.7 +3603,1.8414873996203567,0.1050044690393662,1.86 +3604,1.8598016975358376,0.10535485646385927,1.86 +3605,1.9407825058790649,0.10623646450194293,1.92 +3606,2.0542391790626815,0.10596070732093975,1.98 +3607,1.5480003380071294,0.10460171284344084,1.6 +3608,1.2813967924453258,0.10442404334706099,1.34 +3609,2.1118671586762345,0.106862362194077,2.14 +3610,2.66139866740197,0.10615287297814,2.72 +3611,1.8408743579393572,0.10653007794485896,1.78 +3612,0.654753525965313,0.10409767220787931,0.58 +3613,2.2175730193938192,0.10522085174366314,2.04 +3614,1.452810289331674,0.10472496134913875,1.46 +3615,0.9947847683062689,0.10445994765446652,0.96 +3616,0.5637563704278832,0.10537457029107916,0.54 +3617,1.184226259443777,0.10396870879271217,1.2 +3618,1.589816014411935,0.10548404528278421,1.62 +3619,0.8449322616468762,0.10401613054745833,0.74 +3620,0.7800783496001542,0.10368702607560742,0.78 +3621,0.8029985179342467,0.1042668094239774,0.72 +3622,2.747855137422968,0.10673578228688142,2.74 +3623,3.9644813750225203,0.11973940892662327,3.98 +3624,0.9218370008536367,0.10433929775593484,0.84 +3625,2.6502983288633124,0.1067037098941409,2.58 +3626,1.0940277981043685,0.10522313301597756,1.06 +3627,2.269543840690124,0.10534834579057288,3.08 +3628,1.8863373858876478,0.10572980557795482,2.02 +3629,1.302754183378704,0.10507452808948178,1.28 +3630,1.8246139031300443,0.10616246158469272,1.82 +3631,0.6338068607585163,0.10618071019574696,0.64 +3632,2.650727879377127,0.10653824132951485,2.6 +3633,1.3261499238638677,0.10385836382427326,1.38 +3634,1.7194722620010814,0.10513986103339883,1.68 +3635,0.7341489611333087,0.10482664844902354,0.7 +3636,0.880448513589934,0.10339700802381992,0.94 +3637,1.2294414875575277,0.1038086689490972,1.24 +3638,5.193377560759451,0.47993186464492515,4.76 +3639,0.6937568589187122,0.10624552156244703,0.68 +3640,2.2341397672858228,0.10594952122714617,2.2 +3641,1.0366246251914801,0.10350074238041636,1.02 +3642,1.5337683253404264,0.10450023178000668,1.48 +3643,0.8987926565440332,0.10402567778779977,0.92 +3644,1.4025851984532642,0.10455115548519306,1.44 +3645,1.325306390412114,0.10437560200419307,1.46 +3646,2.2989432217703167,0.10525169448101653,2.3 +3647,1.8278883270344308,0.10516402505963875,1.78 +3648,1.0353881360214507,0.10428045090319445,1.1 +3649,0.7088187062999629,0.103768805420635,0.68 +3650,0.49223733896788024,0.1074624107634906,0.56 +3651,2.296410280245174,0.1059346040783194,2.38 +3652,2.6316417131479297,0.10750117130378688,2.58 +3653,1.799657404537617,0.10529106975392767,1.74 +3654,0.2900599534128374,0.10596302426079157,0.32 +3655,1.173639989966334,0.1039983199155103,1.2 +3656,3.529999377096137,0.11843258119064812,3.54 +3657,1.4039494588661632,0.10562778411054836,1.28 +3658,1.6659994094613153,0.1057044400983399,1.64 +3659,1.0946099939363179,0.10366788509431558,1.08 +3660,2.431999813906527,0.10745592808795948,2.44 +3661,1.9582959012592034,0.10672884068465772,1.96 +3662,1.442743894260841,0.10491655543996845,1.46 +3663,1.6633231664885755,0.10721290683616391,1.66 +3664,1.4888142851232558,0.10470792426931781,1.56 +3665,1.1142176669149904,0.10416475924821288,1.1 +3666,1.129551966964049,0.10344237690360428,1.22 +3667,1.209188923020553,0.10349757002978233,1.22 +3668,1.1549263999299,0.10352330397736569,1.16 +3669,1.5628150858674288,0.10520107709979605,1.68 +3670,1.223646423712919,0.10375215438416077,1.16 +3671,0.7380335707867878,0.10391108451752394,0.72 +3672,1.7798683397521962,0.10679169946236501,1.68 +3673,1.4313440818581369,0.10474425849830872,1.36 +3674,2.0164558963065935,0.10565206441779612,1.96 +3675,1.6382781829546338,0.10641354423952544,1.72 +3676,4.087809971880221,0.12160888833966282,3.92 +3677,0.9454448580519794,0.10345864206610791,0.98 +3678,1.3590391863773994,0.10449929572500512,1.32 +3679,1.3171943192630855,0.10413715870625657,1.34 +3680,1.4368948745082526,0.10463282807715485,1.48 +3681,1.111897075511974,0.10374153050868974,1.1 +3682,1.8410918229574924,0.10515008248224102,1.94 +3683,1.151790803690607,0.10328825286423876,1.22 +3684,0.7167073516118108,0.1044981210158049,0.78 +3685,1.7562001915431984,0.1046179316167892,1.86 +3686,0.6588398014095502,0.10454465240347519,0.66 +3687,0.5196483953832725,0.10478351236586773,0.46 +3688,1.8684321541764972,0.10527825038084261,2.0 +3689,0.9954389775024395,0.10370546475591745,1.06 +3690,1.5263202981867585,0.10495117130441918,1.64 +3691,2.0099520204318444,0.10642711308558654,2.08 +3692,2.217042849228912,0.10614462438252911,2.26 +3693,1.0485233421155207,0.10342676121915952,1.02 +3694,0.6004403102773153,0.10468657175720078,0.58 +3695,1.7385376870291664,0.10536346685832222,1.64 +3696,1.5640323986010727,0.10514870681109652,1.62 +3697,0.21662373476790497,0.10759315360190998,0.08 +3698,2.726828365185836,0.10728220261162784,2.66 +3699,2.526240682113263,0.10737071442478405,2.48 +3700,0.840015908095777,0.1034728383727895,0.9 +3701,1.8134472403470432,0.10524696010170656,1.76 +3702,2.8064349359682423,0.10846726644115282,2.86 +3703,1.4379952825931013,0.10499524191098468,1.46 +3704,1.8080345095142234,0.10565156902362864,1.8 +3705,1.0976268809744112,0.10373676722210029,1.12 +3706,0.4904764185313204,0.10755934432200878,0.38 +3707,1.2612571649043942,0.10375431701375325,1.26 +3708,1.0646724296191876,0.1032310367380486,0.96 +3709,1.9999088135760785,0.10581312483330686,1.96 +3710,1.3890126946344181,0.1045268219387668,1.52 +3711,1.6531762211980783,0.10472222761839835,1.74 +3712,2.2322474978006333,0.105391083090135,2.04 +3713,1.713135836247266,0.10484159910463911,1.74 +3714,2.272369748233609,0.1056078262321884,2.28 +3715,1.3975838664798466,0.1048152861779354,1.38 +3716,2.397653857337802,0.10561589150539598,2.42 +3717,0.6440611697725109,0.10416850017479708,0.66 +3718,3.056664573229257,0.10846813597991602,3.16 +3719,1.066554614280578,0.10407053644047358,1.0 +3720,0.5839394245922072,0.1046919775862941,0.64 +3721,0.5991455310724247,0.10437068735415798,0.64 +3722,1.6881836883915233,0.10482716547553773,1.76 +3723,0.929684049256172,0.10326001050276708,0.96 +3724,1.3499857750871924,0.10403061957430926,1.42 +3725,0.5965802230551858,0.10417457740467133,0.54 +3726,1.972290385407637,0.10663252016726082,1.96 +3727,1.0012999053210065,0.10315345454547903,1.06 +3728,1.6470197541765201,0.10512701125106064,1.62 +3729,1.1515438096302169,0.10395593040187032,1.16 +3730,0.2935650147701394,0.10703119880102159,0.3 +3731,1.3002636511672256,0.10401133972914436,1.34 +3732,1.6013316699843698,0.1046617435449129,1.66 +3733,1.705923496472559,0.10464412825288462,1.66 +3734,1.8567487653322146,0.10628303949267288,2.04 +3735,0.3631837462599399,0.10581986429470434,0.42 +3736,1.291207844848271,0.1042034157757911,1.28 +3737,0.5035629007815543,0.10456089557312244,0.56 +3738,2.1324897339680837,0.10550045846402088,2.14 +3739,1.3884558251268557,0.10462071873767997,1.38 +3740,1.36763916078892,0.10533434150440356,1.4 +3741,1.3966348923944074,0.1053818166521651,1.52 +3742,0.647597143445624,0.10464913628883138,0.7 +3743,0.6962111908829924,0.10371710767702153,0.6 +3744,0.9994798960485389,0.10377411469402854,1.08 +3745,3.637795608530721,0.11179576672913098,3.72 +3746,2.0145262144188236,0.1064007341340157,2.02 +3747,1.3845175465870745,0.1050517435401806,1.42 +3748,1.4962100384014518,0.10490873572217256,1.58 +3749,0.8533997768005164,0.10409042618077329,0.9 +3750,0.4672319501355715,0.10489689023941871,0.48 +3751,1.4440875040032295,0.1046557225671066,1.44 +3752,2.0119555346093256,0.10633482163749185,1.92 +3753,2.4168374347473587,0.10587563625425875,2.56 +3754,2.4677766271267294,0.10610548572483394,2.4 +3755,0.6749772555233036,0.10510868644936182,0.58 +3756,0.26057812199752695,0.10792713669905493,0.32 +3757,0.4677261238302477,0.10522374230063171,0.42 +3758,1.512246229186212,0.10417128376861749,1.54 +3759,0.395541218224865,0.10973183377146488,0.32 +3760,2.8494407609315693,0.1085947629713662,2.82 +3761,1.5045342645144202,0.1045924188316818,1.5 +3762,0.5928456475565809,0.10849734759465889,0.5 +3763,0.5876878606380287,0.10463124983957792,0.58 +3764,2.6000538847774854,0.10616615755757323,2.82 +3765,1.0547465882723812,0.10490965358026458,1.1 +3766,1.628745999468547,0.10519798896292167,1.64 +3767,1.9868685068215135,0.1059047141311037,1.98 +3768,0.05923071274193026,0.11225071910480174,0.04 +3769,0.9256941190611392,0.1031898234852899,0.84 +3770,1.303711725598221,0.10466379800420475,1.36 +3771,1.7618266163794245,0.10489550980567838,1.74 +3772,1.7488485332337063,0.10552329135630036,1.76 +3773,1.3929177745394568,0.10492783948302836,1.44 +3774,2.0753179283207834,0.10562915642275318,2.06 +3775,0.75907723467567,0.1046747262547905,0.68 +3776,1.711591524675414,0.10488726821934254,1.74 +3777,1.3488607497258527,0.10450061398194739,1.38 +3778,1.0244470582910146,0.10334994594878463,1.14 +3779,1.989143132848342,0.10598190440496397,1.92 +3780,0.5849951556570736,0.10421234446021299,0.6 +3781,1.6140577959956253,0.10581721755858459,1.66 +3782,1.03770939359593,0.10394885319607562,1.04 +3783,1.5169637047702706,0.10608617010807947,1.52 +3784,0.8346002101092629,0.10408267469768362,0.88 +3785,1.4546477488371692,0.10570096555581866,1.5 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/val-metrics-2022.02.11.11.10.45.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/val-metrics-2022.02.11.11.10.45.csv new file mode 100644 index 0000000..5d42449 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/val-metrics-2022.02.11.11.10.45.csv @@ -0,0 +1,7 @@ +,0 +nll,-779.3147378293095 +sharpness,0.1053439107131725 +variation,0.02726043834972276 +mae,0.05643585957439163 +mse,0.006870959215440884 +rmse,0.08289124932971444 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/val-metrics-2022.06.23.16.53.58.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/val-metrics-2022.06.23.16.53.58.csv new file mode 100644 index 0000000..5ac973b --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-1/val-metrics-2022.06.23.16.53.58.csv @@ -0,0 +1,7 @@ +,0 +nll,-779.3717485805194 +sharpness,0.10534420287474902 +variation,0.02725950754453994 +mae,0.05642763561236902 +mse,0.006869224456058434 +rmse,0.08288078460088583 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.01.19.14.44.20/train/events.out.tfevents.1642603460.node-j00a-001.myriad.ucl.ac.uk.231170.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.01.19.14.44.20/train/events.out.tfevents.1642603460.node-j00a-001.myriad.ucl.ac.uk.231170.0.v2 new file mode 100644 index 0000000..5bcf9ea Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.01.19.14.44.20/train/events.out.tfevents.1642603460.node-j00a-001.myriad.ucl.ac.uk.231170.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.01.19.14.44.20/validation/events.out.tfevents.1642603505.node-j00a-001.myriad.ucl.ac.uk.231170.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.01.19.14.44.20/validation/events.out.tfevents.1642603505.node-j00a-001.myriad.ucl.ac.uk.231170.1.v2 new file mode 100644 index 0000000..30795c4 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.01.19.14.44.20/validation/events.out.tfevents.1642603505.node-j00a-001.myriad.ucl.ac.uk.231170.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.01.20.08.23.41/train/events.out.tfevents.1642667022.node-j00a-001.myriad.ucl.ac.uk.78570.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.01.20.08.23.41/train/events.out.tfevents.1642667022.node-j00a-001.myriad.ucl.ac.uk.78570.0.v2 new file mode 100644 index 0000000..b29e9e9 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.01.20.08.23.41/train/events.out.tfevents.1642667022.node-j00a-001.myriad.ucl.ac.uk.78570.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.01.20.08.23.41/validation/events.out.tfevents.1642667058.node-j00a-001.myriad.ucl.ac.uk.78570.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.01.20.08.23.41/validation/events.out.tfevents.1642667058.node-j00a-001.myriad.ucl.ac.uk.78570.1.v2 new file mode 100644 index 0000000..740b72f Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.01.20.08.23.41/validation/events.out.tfevents.1642667058.node-j00a-001.myriad.ucl.ac.uk.78570.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.01.20.15.37.58/train/events.out.tfevents.1642693079.node-j00a-001.myriad.ucl.ac.uk.209960.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.01.20.15.37.58/train/events.out.tfevents.1642693079.node-j00a-001.myriad.ucl.ac.uk.209960.0.v2 new file mode 100644 index 0000000..23fb02c Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.01.20.15.37.58/train/events.out.tfevents.1642693079.node-j00a-001.myriad.ucl.ac.uk.209960.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.01.20.15.37.58/validation/events.out.tfevents.1642693121.node-j00a-001.myriad.ucl.ac.uk.209960.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.01.20.15.37.58/validation/events.out.tfevents.1642693121.node-j00a-001.myriad.ucl.ac.uk.209960.1.v2 new file mode 100644 index 0000000..c49d7a3 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.01.20.15.37.58/validation/events.out.tfevents.1642693121.node-j00a-001.myriad.ucl.ac.uk.209960.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.01.26.17.52.36/train/events.out.tfevents.1643219557.node-e00a-008.myriad.ucl.ac.uk.139802.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.01.26.17.52.36/train/events.out.tfevents.1643219557.node-e00a-008.myriad.ucl.ac.uk.139802.0.v2 new file mode 100644 index 0000000..aea883c Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.01.26.17.52.36/train/events.out.tfevents.1643219557.node-e00a-008.myriad.ucl.ac.uk.139802.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.01.26.17.52.36/validation/events.out.tfevents.1643219606.node-e00a-008.myriad.ucl.ac.uk.139802.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.01.26.17.52.36/validation/events.out.tfevents.1643219606.node-e00a-008.myriad.ucl.ac.uk.139802.1.v2 new file mode 100644 index 0000000..6cb10d0 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.01.26.17.52.36/validation/events.out.tfevents.1643219606.node-e00a-008.myriad.ucl.ac.uk.139802.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.02.10.18.17.39/train/events.out.tfevents.1644517060.node-l00a-004.myriad.ucl.ac.uk.78046.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.02.10.18.17.39/train/events.out.tfevents.1644517060.node-l00a-004.myriad.ucl.ac.uk.78046.0.v2 new file mode 100644 index 0000000..1ea01e2 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.02.10.18.17.39/train/events.out.tfevents.1644517060.node-l00a-004.myriad.ucl.ac.uk.78046.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.02.10.18.17.39/validation/events.out.tfevents.1644517113.node-l00a-004.myriad.ucl.ac.uk.78046.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.02.10.18.17.39/validation/events.out.tfevents.1644517113.node-l00a-004.myriad.ucl.ac.uk.78046.1.v2 new file mode 100644 index 0000000..ec0b321 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/2022.02.10.18.17.39/validation/events.out.tfevents.1644517113.node-l00a-004.myriad.ucl.ac.uk.78046.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/metrics.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/metrics.csv new file mode 100644 index 0000000..78b014a --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,-4134.638576933892 +sharpness,0.10154234416290545 +variation,0.08957556316759788 +mae,0.055075357089195046 +mse,0.006009974390028534 +rmse,0.07752402459901404 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/predictions.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/predictions.csv new file mode 100644 index 0000000..b34f3f1 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/predictions.csv @@ -0,0 +1,3787 @@ +,Predicted value,Predicted standard deviation,True value +0,1.4153083074994528,0.09907499848217516,1.52 +1,1.5433012199150882,0.09920194187444105,1.62 +2,1.7684370029449974,0.09919589186002699,1.76 +3,1.7232757254580215,0.09921278250417064,1.68 +4,0.9545456565529464,0.09986806486191571,0.98 +5,0.7745897690754988,0.10034744877098442,0.76 +6,1.376525921690687,0.09881354652460385,1.4 +7,0.6417645436109483,0.10076560237262264,0.6 +8,0.5016430521077468,0.10262938816180205,0.56 +9,1.7789425603114901,0.09970541049947983,1.78 +10,1.4127811011676756,0.09957247830908725,1.36 +11,1.8682507931226924,0.10020286759840646,1.9 +12,3.098005373118003,0.10454217433196725,2.98 +13,1.976315554469936,0.10003506963854593,2.04 +14,0.9203360503440423,0.09962743430023858,0.96 +15,0.7771979860317815,0.1003270367050839,0.76 +16,1.547909438093251,0.09936805632192681,1.62 +17,1.0921717205642467,0.09948060397606476,1.0 +18,2.056674755410077,0.10032005067235113,1.98 +19,1.9765204788448594,0.10005986387035556,1.96 +20,1.2294715299025947,0.0991941892585349,1.3 +21,0.4836863195088641,0.10175501617091803,0.54 +22,1.4448564289126027,0.09914459337929789,1.38 +23,1.9186664056497607,0.09972013599827378,1.9 +24,1.749394233380089,0.09925452256424191,1.78 +25,3.276091306971347,0.10638589927661107,3.26 +26,0.96693213915041,0.09978758273253732,0.88 +27,2.3207452293000213,0.1009980222946101,2.24 +28,0.6277910791089967,0.10100962705956124,0.66 +29,1.7242160724839104,0.09935308268563244,1.78 +30,2.2231281739689077,0.10069789545777971,2.16 +31,2.568850530667355,0.10204670531266603,2.62 +32,0.8396022360408908,0.10017494485369162,0.9 +33,1.8334201075386873,0.09969019167320387,1.84 +34,1.304095182802344,0.09868090881606828,1.26 +35,2.40515445998909,0.10106257666144998,2.32 +36,1.2974709268639708,0.10111050611149228,1.26 +37,1.1781299349619887,0.09905240328823799,1.24 +38,1.1919307893208513,0.0992836371688665,1.26 +39,1.2395426738168618,0.09903216125143599,1.18 +40,1.1899914013294735,0.09899533110542404,1.16 +41,1.4251039028664196,0.09905483642413186,1.4 +42,1.5483582542287324,0.09955365088046318,1.5 +43,0.5219154175781726,0.10163905765228279,0.54 +44,1.2235742428811507,0.0990886809519736,1.16 +45,1.0437357758099794,0.09962636499026514,1.08 +46,0.8023034046230479,0.10025350499315767,1.28 +47,1.1784747198010643,0.09889445668675072,1.18 +48,3.118041903900364,0.10492225654980956,3.44 +49,1.7234152893992822,0.09937439673810837,1.7 +50,1.3425770005542554,0.0988151701134337,1.36 +51,1.076552426941811,0.09927650668574739,1.14 +52,0.81372096505431,0.09987248758894259,0.86 +53,2.0441265150988475,0.09999462311654991,2.1 +54,2.091665481170745,0.10037337125869383,2.04 +55,0.3194011422827161,0.10327275756814772,0.3 +56,0.3722695269372964,0.10255588793838503,0.42 +57,1.6326731967408763,0.09925322263708035,1.64 +58,1.3809498490635421,0.09878136893113655,1.28 +59,0.7737712140732229,0.1007520899767815,0.78 +60,1.2334143073136035,0.09893829253368852,1.22 +61,0.5567384357348162,0.10125546105959746,0.68 +62,2.3878286547354133,0.10119813212521823,2.32 +63,1.7684077217708578,0.09956592310317444,1.82 +64,1.1687601617637229,0.09951474032693011,1.22 +65,1.131950406669853,0.09933040327145749,1.0 +66,1.8362704841722868,0.09954964910490137,1.86 +67,2.3672211291598284,0.10124310104125854,2.4 +68,1.9208473310982066,0.09983562493146732,1.96 +69,1.3768245494906368,0.09910581375448128,1.32 +70,1.488492057685322,0.09917448790221994,1.54 +71,1.9120649435496604,0.09992112630154937,2.02 +72,0.3297836573987867,0.10265606448797283,0.42 +73,3.69762941436797,0.11109788724729186,3.5 +74,1.2011099512820864,0.09937351940854831,1.26 +75,1.0763611857375694,0.09936992130604153,1.0 +76,1.4156993904052706,0.0987868209519784,1.46 +77,1.0058900915502151,0.09950137211750595,0.98 +78,0.775767651110941,0.1003107986288388,0.8 +79,1.3226712156626286,0.09867108139760634,1.36 +80,2.5410638414060127,0.10203148559249815,2.56 +81,0.4242437994501189,0.10203557699250013,0.56 +82,2.3468901351514138,0.10100267161458693,2.44 +83,1.0337098794093735,0.09955451396231478,0.76 +84,2.8980650788058746,0.10392609058261885,2.86 +85,0.9846662189451167,0.09983205746755505,1.0 +86,0.7943945652822693,0.10021780318599051,0.84 +87,1.2606859231865088,0.09881100585269847,1.26 +88,4.454239489811524,0.15107272115574288,4.2 +89,1.5721876646666517,0.09917307386322137,1.58 +90,1.0187488959349495,0.09933878339075576,1.04 +91,1.6896379852015693,0.09953474904525104,1.78 +92,1.9345517424668317,0.09958618576741786,2.04 +93,2.190501169753558,0.10037766856042737,2.22 +94,0.5326821244205833,0.10131002530224034,0.5 +95,0.9306701776103041,0.09974258346052345,0.84 +96,1.0939668463986025,0.09945030066124991,1.1 +97,0.9334015229198103,0.09974445765481142,1.04 +98,1.737197565967305,0.0994660757768106,1.78 +99,0.9568668901864414,0.10010905955910933,1.0 +100,2.585267736950689,0.10180068248714122,2.46 +101,1.9121580132614626,0.09964800669750441,1.8 +102,1.5429440471400804,0.09932514261762089,1.52 +103,0.4203258055017416,0.10161081897141315,0.46 +104,1.3260542606782673,0.09869897050716935,1.32 +105,1.1218809712544073,0.09936431145822511,1.16 +106,1.6257529011730492,0.09908761137709493,1.62 +107,1.5342402570147529,0.09924400228234523,1.52 +108,1.1429599530757615,0.09940500088752345,1.04 +109,1.532015872655238,0.0991692206335921,1.48 +110,0.9477186017221884,0.09974095075453432,0.88 +111,1.2806563967287,0.0988223466880194,1.28 +112,2.706252739499954,0.10274738991743618,2.66 +113,1.2169637837485554,0.09929418739840255,1.26 +114,-0.1075267017608843,0.11490127005976128,-0.06 +115,1.319439761193079,0.09895420415626446,1.28 +116,0.9676453258645894,0.10044997241912812,0.92 +117,1.3754170082363524,0.0987453703083197,1.44 +118,0.7972679058026146,0.10005910218828991,0.84 +119,0.781369003124597,0.10032699932720661,0.72 +120,0.9229954331010022,0.09954138232026452,0.96 +121,0.7690634571158499,0.10027797193795289,0.82 +122,0.5676911208978568,0.10145192936245612,0.6 +123,2.4856959119658644,0.10171177461305517,2.32 +124,0.8262557103031811,0.10059059783986193,0.92 +125,1.9338281540018707,0.09954795731671184,1.84 +126,2.600683462904877,0.10202155752724547,2.5 +127,1.0927501983881969,0.09917002995190141,1.04 +128,0.7121967044058708,0.10055454950538044,0.68 +129,1.4918056091833785,0.0990443082261222,1.48 +130,1.2292994726481206,0.0989021061386696,1.24 +131,2.036934425330257,0.09985152551447835,2.02 +132,0.7307137461666231,0.10041101987866347,0.76 +133,1.5089228979788822,0.09901994234092497,1.46 +134,1.3511465461368297,0.09901571145519916,1.36 +135,0.6598646299810882,0.101159878532509,0.64 +136,0.9228499079640871,0.0997277436397924,0.88 +137,1.680010677273893,0.09959329258333575,1.7 +138,1.2403975280993131,0.09902818652224452,1.24 +139,1.3530766280602806,0.09883526894617445,1.38 +140,0.5145052832007992,0.10145714914469925,0.52 +141,1.5718655892337965,0.09924766091534733,1.6 +142,2.9905571303822143,0.10461101163544197,2.9 +143,0.2289756373667744,0.10374820365390945,0.24 +144,0.9890799361208253,0.09961402667254955,0.98 +145,3.007963255168642,0.10460487518419048,3.02 +146,2.4057459123659246,0.10128873776645088,2.32 +147,1.6346136986508328,0.1003118518228095,1.68 +148,1.1085886513113665,0.09944121902994583,1.04 +149,1.5726974184396683,0.09973035982397542,1.64 +150,3.529895306984537,0.10973658952805515,3.56 +151,2.2221954529988768,0.10039401648388778,2.34 +152,2.9220992809665614,0.10401697293300054,2.92 +153,3.4410648563049797,0.10769117165309057,3.48 +154,0.6243276253154464,0.10137046454913018,0.62 +155,0.9230802277280945,0.09979851854601159,0.88 +156,0.5021637480210914,0.10135394981799031,0.56 +157,1.0219686690160985,0.09955077240067627,1.06 +158,3.2218218568176713,0.10563250529193549,3.18 +159,1.0869815076256886,0.09984372432960562,1.06 +160,1.5596536459240065,0.09921802174222003,1.72 +161,1.3766397445645688,0.09879424867044675,1.38 +162,3.626102206952556,0.10793800981649782,3.48 +163,0.5433645353518786,0.10119017805858169,0.64 +164,1.0065346546853549,0.1004880536952553,1.06 +165,0.9560948506272398,0.0997699818618377,1.02 +166,2.872364657487971,0.10366702704593982,2.84 +167,4.0236397094844385,0.1197870464351314,3.92 +168,1.7996769057211333,0.09957236605698394,1.7 +169,1.6315741894017302,0.0990814614411185,1.48 +170,0.7696344144071448,0.10025025537348863,0.8 +171,1.3542461706171005,0.09885416109095385,1.46 +172,1.556977845077897,0.0992234579944031,1.58 +173,0.7440621992604137,0.10061741637126038,0.7 +174,1.0838122097827865,0.09975886949122642,1.16 +175,2.03052447966993,0.10010304772031649,2.1 +176,0.6693017234387229,0.10075873514225687,0.62 +177,1.917797864057272,0.10001536418337362,1.9 +178,2.905182759965026,0.10389129628599843,2.88 +179,1.2054651648784558,0.09913239115444909,1.1 +180,1.2224872687379127,0.0988490957913755,1.2 +181,0.7653655835995055,0.10064175620377357,0.72 +182,1.9960986189267957,0.09999651057794473,2.02 +183,0.6127649451761614,0.1008665713034017,0.68 +184,1.4969615569342893,0.09913204592940075,1.5 +185,0.9926528051163233,0.09965376410525757,1.08 +186,1.0043510780690015,0.0997005546761097,1.04 +187,1.582910412306157,0.09954478016739474,1.52 +188,1.4992459725210538,0.09909617636672732,1.42 +189,1.0050085582750314,0.09950223494421563,1.0 +190,1.43177685120005,0.09883811342761074,1.42 +191,1.5009174682672304,0.09899511869043155,1.58 +192,1.3494510516382314,0.09873310149496634,1.36 +193,3.7466428446480293,0.11089236359281048,3.76 +194,2.6395406737582796,0.10228875173215882,2.6 +195,0.9208143685763817,0.1000953936648133,0.86 +196,0.9829157681222129,0.09959858283778358,1.02 +197,2.670810897715697,0.10246171315303854,2.6 +198,0.7757638009488177,0.10057367258340168,0.78 +199,1.3931766895968793,0.09900509362149708,1.38 +200,1.5247051450722375,0.09979457907463428,1.56 +201,1.5978075319619245,0.09929666663142271,1.6 +202,0.03136425568063017,0.11303631495690405,0.14 +203,1.60929837668265,0.09928096013147901,1.64 +204,1.20225434602146,0.09911815862249006,1.18 +205,1.1126055647857258,0.10069497924999961,1.1 +206,0.4470908635619837,0.10163097255523633,0.52 +207,2.5903025641637445,0.10197702600797705,2.5 +208,0.6278599341710718,0.10100530999270241,0.7 +209,0.6407338676083556,0.10112212888529326,0.68 +210,1.6949227310739,0.09907836474465796,1.62 +211,1.4754057194168533,0.0992689541682146,1.46 +212,2.5632093821027926,0.10179232029500299,2.42 +213,0.47442251478104125,0.10137684015608638,0.6 +214,1.0214692534323733,0.09928286689015903,0.96 +215,0.7772530674437605,0.1003994279219385,0.8 +216,1.0523921481771639,0.09945133010197728,1.06 +217,0.9458094067609666,0.10078971651415775,1.0 +218,1.3328823487808579,0.09907991720444255,1.3 +219,1.2426454002051217,0.09893338900391635,1.26 +220,1.1120845309721135,0.09945467281290041,1.16 +221,1.06513599835843,0.0995098070912473,1.12 +222,0.9074493875817156,0.09964712259247518,0.92 +223,1.241468287144398,0.09908308610191828,1.26 +224,2.2195421358540006,0.10054720741775315,2.24 +225,1.3189935742579146,0.09887022194197781,1.28 +226,1.6339706621163488,0.09908920088961255,1.7 +227,1.6521220145921214,0.09947564852124234,1.6 +228,0.75700960884639,0.10040388877157419,0.7 +229,0.9489277796206979,0.09979297799110498,0.98 +230,0.9828526867572849,0.0996984474492839,1.04 +231,2.1813739852471254,0.1008434157305469,2.14 +232,1.0081489144679254,0.10063133756313467,0.94 +233,1.6606849465902955,0.09934271692675471,1.62 +234,2.378953066953885,0.10121408036160433,2.24 +235,1.4521706912096783,0.09888682520134005,1.48 +236,1.0566902406498586,0.09948811597900725,1.0 +237,1.7217572029945012,0.09942932272585485,1.6 +238,0.6837534843990001,0.10075319006321849,0.66 +239,3.2235193856595803,0.11094971755767861,2.28 +240,1.4598602219109595,0.0990990974187211,1.38 +241,1.6217217812060107,0.0990997831703998,1.66 +242,0.3488078282006073,0.10235708528891384,0.5 +243,1.3466060422229995,0.09875238450425153,1.28 +244,1.8333416493840973,0.09952971712526308,1.92 +245,1.4582449298837952,0.09920635512584161,1.36 +246,0.9379266158824977,0.09999346632126484,0.88 +247,2.863301756299256,0.10374815155425453,2.76 +248,0.9184523992374822,0.0996923276059605,0.98 +249,1.846810618167401,0.0996525495821422,1.88 +250,0.9213227178844592,0.09960853246928279,0.92 +251,1.8963062464816731,0.0995441790041794,1.86 +252,2.323383383943037,0.10093433589148652,2.28 +253,0.7207921691700123,0.10041887171511273,0.7 +254,0.308615248206509,0.10272418170443863,0.3 +255,3.9421611376497694,0.12085741630736667,3.74 +256,2.9207573022676137,0.10519519444712633,2.92 +257,0.7108126857531916,0.10062692943827498,0.74 +258,0.608171212071946,0.10109217112510087,0.68 +259,2.1141598463764755,0.10059480083958505,2.2 +260,2.419937608814246,0.10143740190413868,2.52 +261,1.3617017904073678,0.09877378690876457,1.38 +262,0.9575304065500576,0.09948327138680312,0.9 +263,1.5127078032181431,0.09961752125764829,1.42 +264,1.625240700106248,0.09941641448513927,1.68 +265,1.1786497433243868,0.10002101729712712,1.22 +266,2.0314822723947987,0.10054483679671838,2.2 +267,1.9989671688099173,0.09993907049782774,2.06 +268,1.3722929271374917,0.0990053176873874,1.34 +269,2.1397969497316947,0.100325135727493,2.1 +270,1.6621185562529008,0.09945788901143256,1.68 +271,2.527698464799718,0.1015964392507598,2.36 +272,1.9090041874646653,0.09970858029024306,1.92 +273,3.866187722387803,0.11322617904390314,3.78 +274,1.4619450332859374,0.09897615015236472,1.52 +275,1.6083281630213422,0.09974698274258122,1.72 +276,1.7246536904637197,0.0992718050037745,1.78 +277,0.9366236216483885,0.0998300418851482,0.88 +278,0.9354682446890565,0.09974187940764206,0.84 +279,2.8140149914479853,0.1033957915298598,2.76 +280,1.045073839214689,0.09962691702990635,1.08 +281,2.627794516065041,0.10260987826313628,2.5 +282,1.541105544041235,0.09902368353949659,1.54 +283,1.594646257551245,0.09948115159144043,1.54 +284,0.967598398090489,0.09972113830579431,1.04 +285,1.916244629364401,0.09986127146836084,1.92 +286,2.8730597280221684,0.10438175230529247,2.9 +287,2.436717254720895,0.10149682878032866,2.34 +288,0.8578196214987004,0.10001972641906,0.86 +289,1.2243485762178865,0.09904592479445778,1.24 +290,0.8346264373338117,0.09976716451690218,0.82 +291,1.5833653768329634,0.09939858608330529,1.56 +292,1.4000613562947508,0.0990997043448721,1.38 +293,1.7051539420014643,0.09919599573704503,1.72 +294,1.3968293509922043,0.09910622615191514,1.44 +295,1.0022306114477162,0.099715381156138,1.0 +296,1.0108965570513477,0.0995686380125922,1.04 +297,1.5170281533486134,0.09907827659131224,1.34 +298,3.242718045756183,0.1058203917718141,3.38 +299,1.7182009324491483,0.09952335037014116,1.66 +300,1.469788227007301,0.09889903698893641,1.46 +301,0.9763813056095303,0.09955344227540276,0.94 +302,0.9548471357574557,0.09966874602611787,0.98 +303,1.1866172387390266,0.09951010218531914,1.12 +304,1.9213935794599146,0.0995540260500845,1.88 +305,1.3624310665473922,0.09896479483490875,1.42 +306,1.2096391116866678,0.0991204312461369,1.16 +307,2.5411988304632995,0.1016960313931415,2.46 +308,1.686277963204185,0.09928843925406566,1.66 +309,1.6555322015990777,0.09923278490900031,1.68 +310,1.4177697564115677,0.09880539593216811,1.38 +311,1.8370590732933019,0.0998319025377737,1.84 +312,1.479830152413404,0.0992571448219273,1.5 +313,1.0065646438035019,0.0995792072070156,1.02 +314,1.5567001624544134,0.09931394570783626,1.58 +315,1.2938264966735937,0.09889904855235902,1.24 +316,1.5848740168064646,0.0994985018843418,1.62 +317,0.6132442920620436,0.10103406359789308,0.64 +318,2.1606047550433143,0.1005959637831344,2.06 +319,1.6432019191646476,0.09905070774659158,1.64 +320,3.1713735439274284,0.106586616679039,3.08 +321,0.8399344326001683,0.10002714932044082,0.82 +322,0.4959231861391957,0.1017400565916527,0.54 +323,2.1810873359347145,0.10065441335222071,2.18 +324,0.5764836602840704,0.10100141678195815,0.62 +325,0.9326537962128911,0.09961852236553533,0.94 +326,1.2188856701861945,0.09889550975245527,1.14 +327,1.666817480748035,0.099411047849479,1.68 +328,1.7265868215114304,0.09933983346769172,1.62 +329,0.6482354562549817,0.1009239584633155,0.66 +330,0.1622285052887038,0.1053782554474776,0.52 +331,1.5565568332130313,0.09929998956049188,1.6 +332,1.3143722050305244,0.09902626228096865,1.26 +333,0.527477376863027,0.10137836844459047,0.46 +334,0.16707650829619936,0.10530529842205164,0.18 +335,1.6118526944696876,0.09989711215428085,1.64 +336,1.3855928784230132,0.09873659825577989,1.32 +337,1.0896496409303127,0.0992290571654531,1.16 +338,2.5077789179796053,0.10162685280154192,2.48 +339,1.851381120104891,0.09977848198431305,1.74 +340,4.862962066380561,0.229465415718271,4.58 +341,1.5656033880205926,0.09931109401032402,1.62 +342,2.872818242995688,0.10417885583671352,2.86 +343,0.3770240020895643,0.10314005514885961,0.4 +344,2.103185530643179,0.10068649421345512,2.08 +345,1.4000767681699011,0.09918812647747688,1.58 +346,1.7073821484092073,0.0999302786534803,1.64 +347,1.6075036607778566,0.09932279389083012,1.64 +348,0.7225814102417389,0.10054342529997902,0.72 +349,0.11971031661573206,0.10523385904350904,0.18 +350,0.4280804730946117,0.10232593648533714,0.48 +351,1.5637760622475996,0.09943528519379813,1.68 +352,1.4041062855449213,0.09877502859169054,1.44 +353,1.403966741114855,0.09942912655773595,1.38 +354,3.4650390545005134,0.10793431021717384,3.46 +355,1.7620572078547327,0.0994591474210832,1.74 +356,0.7479318763039104,0.10046756269654233,0.8 +357,1.007182955874535,0.09955438788646145,1.18 +358,0.42937112332348604,0.10157221637524126,0.36 +359,1.4950843351741392,0.09897597960193942,1.46 +360,1.596436956579774,0.09933759872493444,1.64 +361,1.7442585505924322,0.09970920968704454,1.72 +362,0.7147805953153339,0.10039784349507903,0.68 +363,2.696005545515197,0.10285234827906631,2.8 +364,1.544625113070216,0.09905868446014239,1.58 +365,1.055388861203541,0.09951593133649736,1.04 +366,2.197953538598698,0.10053785762409255,2.02 +367,0.8831012198317028,0.09980701065900427,0.92 +368,1.9488713118602676,0.09982229589700271,1.84 +369,0.9054536396689146,0.10055858324868457,0.86 +370,1.6264681441277717,0.09925496745392397,1.78 +371,1.439069335083621,0.09945900957969475,1.22 +372,1.205787497486886,0.0988279572575947,1.26 +373,0.7376046408631127,0.10032652409673613,0.76 +374,2.9077532956494228,0.10396250002052385,2.92 +375,0.9814921239465961,0.09942745397195682,0.98 +376,3.0912568843493613,0.10467599762364543,3.26 +377,0.9652457079578569,0.0994608808945,0.98 +378,0.4446539029804286,0.10178219901120246,0.5 +379,0.4888262870386144,0.10188395850462076,0.46 +380,0.3245549010713391,0.10334576789966801,0.36 +381,0.8947087801353832,0.09999377985969678,0.86 +382,1.0966847647937301,0.09950932546086443,1.06 +383,1.3641532436988777,0.09875137227819035,1.34 +384,0.989384100551314,0.09978113090987877,1.04 +385,1.6449909814104637,0.09921765688085617,1.54 +386,1.261029998620353,0.0993085638374965,1.34 +387,0.9784623068114457,0.09945453698376332,1.0 +388,1.2161712076246631,0.09943140740378016,1.2 +389,1.743822846077881,0.099404743066808,1.74 +390,2.042414560384147,0.09984979792206865,2.02 +391,1.9261778769516888,0.0997269534665501,1.82 +392,1.586429568631649,0.09967229098225291,1.54 +393,1.7608193474436307,0.0999284215982518,1.76 +394,1.9912941359068925,0.10003173333360267,2.02 +395,0.812303989943908,0.10016285384737333,0.82 +396,0.12174729955666819,0.10670856737043276,0.18 +397,2.0353573894124555,0.10036998803666002,2.04 +398,0.8575751757054151,0.10008717473358915,0.82 +399,0.9929466274276153,0.09945074098476006,0.98 +400,2.403768707723726,0.1012656810319337,2.48 +401,1.3101921039436826,0.09887317235708787,1.22 +402,1.63178361529574,0.09976779786898479,1.5 +403,1.3982793123209107,0.09872019576552171,1.4 +404,1.0353043907687594,0.09975190108859398,0.98 +405,0.6362343571027382,0.10134598254226115,0.66 +406,1.352385201284404,0.09911134911312454,1.3 +407,1.5306954571176783,0.09924265619843674,1.56 +408,1.6146966381981274,0.09927625788325192,1.6 +409,1.2697475704347434,0.09935161886693665,1.26 +410,1.1824016612176125,0.09911984816908076,1.14 +411,1.5609391688563556,0.09912283058530043,1.5 +412,0.14442098667910996,0.10760462178573556,0.18 +413,1.5524632254217268,0.09925384472237313,1.56 +414,3.0774657543393182,0.10431687939313374,3.18 +415,0.1280450075150641,0.109874742495059,0.22 +416,0.8353341643008478,0.09995606307483673,0.82 +417,1.4831284561475948,0.0994418667575205,1.48 +418,3.2848285703706956,0.10760098864420635,3.44 +419,3.021257892377589,0.10477834835476603,2.98 +420,0.3832475411856693,0.10189295272787638,0.56 +421,2.773941083206415,0.10306714517558721,2.86 +422,1.9230584709810097,0.09988151443833634,1.92 +423,0.749351491691401,0.10070594034593948,0.74 +424,1.4176071584000967,0.09922551327845679,1.46 +425,0.8823781602710896,0.10001618179948275,0.84 +426,1.221129826864386,0.09972003165036537,1.26 +427,1.5750328590955947,0.09893628134079209,1.58 +428,0.669944787275911,0.10088135428039606,0.58 +429,3.620416418020918,0.1094529368186173,3.78 +430,0.35439089385254774,0.10280513992966267,0.44 +431,0.9629968953057586,0.09953647784216355,1.0 +432,1.0310875867919138,0.0997435402217203,1.0 +433,1.5114120055922216,0.09925445340331837,1.46 +434,1.4238669105588018,0.0988341454431828,1.46 +435,1.0324328613918838,0.0994816657661014,1.0 +436,1.1711930548578964,0.09953095733803256,1.16 +437,1.6625292180805802,0.09913665713310178,1.68 +438,0.6420664607845852,0.10091638852789143,0.64 +439,2.695787380950092,0.1025745161544707,2.58 +440,1.46448558854963,0.09908164724498562,1.5 +441,4.0284367252777535,0.11944031249239637,4.0 +442,0.7793378318532989,0.10035531944319107,0.84 +443,0.25751765570397267,0.10507575702550566,0.24 +444,1.8065795522981902,0.09960065731314857,1.88 +445,1.6845547098210447,0.09921414858440394,1.7 +446,0.9348107443107965,0.09994171211650327,0.9 +447,0.7676159038330768,0.10019765814325332,0.84 +448,1.317294674886332,0.09883998875663681,1.3 +449,1.293514140109776,0.09878461539477364,1.26 +450,2.6795460462351244,0.10237615353200635,2.52 +451,1.8216810419847975,0.09934484466627692,1.86 +452,1.2302212587451657,0.09903457950389964,1.2 +453,0.6167798956718771,0.10092332881341883,0.68 +454,1.652950819010998,0.09929966483577858,1.62 +455,4.587531921962444,0.16842875161857734,4.5 +456,0.6310563489656873,0.10087694574677362,0.6 +457,0.47610811477376713,0.10135276490002422,0.56 +458,2.3927870891535914,0.10122803675925951,2.3 +459,0.812277716825635,0.09995838970026685,0.88 +460,2.473375291845196,0.10146023205965934,2.46 +461,1.3324886129063012,0.09876345844275389,1.26 +462,0.7904990429625174,0.10010809459411252,0.78 +463,0.8832947022191193,0.09966900831347998,0.9 +464,1.30128011176747,0.09879562469866698,1.44 +465,0.2829035615813511,0.10559610271185202,0.28 +466,1.9785501889169923,0.10014037714144317,2.02 +467,0.8767996253379253,0.09989136073148767,0.88 +468,0.7942925675680585,0.10047844057841598,0.78 +469,2.0946723021375266,0.10047894707896227,2.14 +470,0.6990133362465742,0.10093329360784223,0.68 +471,1.304091221880897,0.0990771495041378,1.34 +472,2.7258450138406403,0.1034286536729723,2.82 +473,1.0523691217887732,0.1002137085008201,1.08 +474,0.551810124109865,0.10127031184247061,0.62 +475,1.2575857050618404,0.09921658103220009,1.28 +476,1.4054115213787683,0.09882482219045137,1.3 +477,2.006983545167886,0.10059520431988456,2.08 +478,1.920323552112288,0.09987649815884066,1.94 +479,0.39724958356801365,0.10185797787230125,0.42 +480,2.135738992755206,0.10034535155062185,2.1 +481,2.0205903590209733,0.09994383530861022,1.86 +482,1.6387499249412991,0.09905693818241436,1.66 +483,1.7691218771199446,0.09943541877743187,1.78 +484,0.9373378876924805,0.09994261343094528,0.86 +485,1.2643696798084372,0.09874916489315343,1.1 +486,1.3970386284306728,0.09869491960574421,1.32 +487,2.0258181722232447,0.10009288422261578,2.04 +488,1.731586606034236,0.09925882195087529,1.66 +489,0.5165824486793882,0.10313966262681723,0.54 +490,2.4774804658979566,0.10145773907115653,2.48 +491,3.4433211862010875,0.10786364882402111,3.26 +492,2.834483515187541,0.10327574066102614,2.68 +493,1.0909893175772838,0.09923093148510498,1.04 +494,1.8095102699871342,0.09993801625998461,1.84 +495,0.8072272974458004,0.1062946760546573,0.88 +496,1.3260922381316662,0.09893761940982602,1.48 +497,2.759752421195005,0.1039677854283453,2.3 +498,2.306799169054239,0.10077723916744181,2.26 +499,1.323793700740511,0.10046487871657954,1.34 +500,1.5438405352569704,0.09968946618811811,1.52 +501,1.5596819573898786,0.09923245157338054,1.54 +502,1.330556194127796,0.09879871667543215,1.34 +503,1.5699229144856817,0.09934591700028877,1.56 +504,1.7582311808299325,0.09977158691920746,1.76 +505,1.9829049711681088,0.10031480463925914,2.06 +506,1.5530310867753856,0.09943016237778397,1.54 +507,0.9719490347049289,0.09985056393054566,0.96 +508,1.1263287676005065,0.09919032942379581,1.12 +509,1.4165584975021532,0.09937249882014403,1.4 +510,1.983769908243916,0.10029740082898415,2.08 +511,1.0341585027918982,0.09962048298521259,1.0 +512,1.4276303612419292,0.0990145632665731,1.38 +513,1.639566066851964,0.09977969183809575,1.6 +514,2.5573287456414153,0.10212757599710087,2.6 +515,1.3683209229072533,0.09883943650139737,1.4 +516,0.6655951306551147,0.10057574499342214,0.72 +517,1.3461265434349998,0.09890245404075092,1.36 +518,0.8416085521415881,0.09985432960827686,0.76 +519,0.8091808784643477,0.10021384241046187,0.86 +520,1.5581106678863728,0.09975610031696115,1.54 +521,3.7595846989131783,0.11216828389236531,3.72 +522,0.8095212474476001,0.10037407462046458,1.12 +523,1.5696305615678001,0.09936993325578167,1.58 +524,1.2623667464602357,0.0987931560308972,1.24 +525,0.5916460396490366,0.10113562821755193,0.6 +526,1.790213824094282,0.09937636110614605,1.76 +527,0.7675253483659661,0.10031263224160766,0.78 +528,0.7955161614404689,0.10030952556553349,0.84 +529,0.9869466932009503,0.099769904895984,0.92 +530,0.8601267300874313,0.09990277540020014,0.84 +531,2.2327762127089574,0.10077810631383663,2.18 +532,0.6169632628533408,0.10095998710816204,0.7 +533,3.093105361914109,0.10542607146036995,3.04 +534,0.89383312190664,0.10008593141789199,0.88 +535,0.7991430756555162,0.10006745861380084,0.8 +536,0.8393544838961675,0.09984446501394732,0.84 +537,1.2883622017857819,0.09877977841862093,1.24 +538,0.5773729849026041,0.10099309050607058,0.56 +539,2.189990617316438,0.10072628697676475,2.26 +540,1.595034027308811,0.09929717370298605,1.64 +541,0.8091401597890469,0.10005961827661682,0.84 +542,1.4439908433645436,0.09911482781958951,1.42 +543,2.4248246779459652,0.10195555550964101,2.36 +544,4.0232602273000335,0.11802495559844313,3.92 +545,0.8629974274746546,0.10004369728557196,0.88 +546,0.9209794356127661,0.09977182505855066,1.0 +547,2.317648613644126,0.1009496757566646,2.2 +548,1.7829352380671375,0.09967766599179331,1.7 +549,3.250674051492723,0.10667726917298898,3.2 +550,1.9433597263811622,0.09975814915775724,1.92 +551,0.8472555006690514,0.10013445547086833,0.86 +552,1.9905100931583968,0.09983263334649273,2.02 +553,0.8792223686291025,0.09988202426272991,0.88 +554,1.7399668662391699,0.09940357051013263,1.78 +555,1.7842359800427887,0.09940669011422466,1.94 +556,1.235464792634266,0.09918202783272306,1.3 +557,0.7736419158943464,0.100186096648368,0.8 +558,3.502371609592691,0.1090637173793224,3.46 +559,1.1398554035679582,0.09972444487891599,1.06 +560,1.5145246448638667,0.09961084018821079,1.56 +561,1.9610093915072235,0.09974574896603854,1.94 +562,1.5176376215929126,0.0993044688786186,1.64 +563,1.0776014313614597,0.09941267945386063,1.1 +564,1.7542530893501167,0.09930434764227977,1.62 +565,1.828195512373332,0.09988999663559762,1.8 +566,0.8434386010859798,0.09993138969452599,0.78 +567,0.724565962968329,0.10063468009073402,0.8 +568,1.1176260155669995,0.09979896643781884,1.04 +569,1.197413717663993,0.09906219646589767,1.1 +570,1.0101430964899778,0.09990424394901037,1.06 +571,1.680946995375846,0.09918518963383793,1.68 +572,1.2043126290737882,0.09936664258345297,1.26 +573,1.0154464606920344,0.0995089841553298,0.84 +574,1.8040904277272476,0.09941350715617796,1.72 +575,0.9739034082204172,0.09975436626478391,0.92 +576,1.215365997677983,0.09909015812212885,1.18 +577,0.4119777318347546,0.1017816855478305,0.5 +578,1.22081231739717,0.09962649188448686,1.22 +579,0.2899018261984112,0.10413650649826782,0.26 +580,2.4988262659883578,0.1015423769560316,2.48 +581,1.0632651048429282,0.09932189244811285,1.16 +582,1.6701024581824357,0.09954036886153135,1.64 +583,1.6224263412767657,0.09977701599246382,1.64 +584,0.5973633303205774,0.10120131446092578,0.64 +585,2.424709279095824,0.10160895702037276,2.58 +586,2.34016445839819,0.1014095039201315,2.44 +587,1.3700664591661587,0.09880192894435799,1.44 +588,1.4240287268707996,0.0988884260877111,1.44 +589,1.4332473455630195,0.09961152401798745,1.44 +590,1.8963434573091946,0.09962349503029742,1.82 +591,1.3299919833026246,0.0988271404893845,1.36 +592,0.9282319172449449,0.09969653483820831,0.9 +593,0.25883251254303175,0.10404853828294586,0.24 +594,3.5174429379843186,0.1081104012919936,3.44 +595,1.9131411992599803,0.09973600226456741,1.84 +596,0.3832603839046571,0.10232272878128028,0.42 +597,1.6109685476696514,0.0992371091931023,1.62 +598,0.7219003769745116,0.10050700796919174,1.04 +599,2.681889125385492,0.10251075482580786,2.7 +600,1.4996649566665334,0.09961828137266976,1.56 +601,1.1760289203076597,0.0992015119625634,1.06 +602,2.022646473418048,0.10004527395952907,2.14 +603,1.3632555779532376,0.09878049753554492,1.18 +604,1.5255717617600746,0.09934443281909688,1.56 +605,2.074953755049455,0.10053616817087423,2.0 +606,2.4711763445978843,0.10217785874996754,2.48 +607,0.18868620734094477,0.10404069427503848,0.2 +608,1.1207585304583618,0.09981933359597232,1.1 +609,1.592777635672851,0.09963900534206657,1.72 +610,1.0174248788836395,0.09993096954325788,1.0 +611,0.4989476614733108,0.10126065301304901,0.52 +612,1.7104680558749032,0.09950078175111104,1.74 +613,1.0948081159589493,0.09950512585346084,1.04 +614,1.4928465472290904,0.09929506419813285,1.56 +615,2.852129837615294,0.1036637137230955,2.76 +616,1.3670614685165796,0.09878133106115773,1.34 +617,1.1425531231356574,0.0993885310476615,1.18 +618,0.6344798153108984,0.10144002227370749,0.68 +619,1.5010095421653362,0.09925708393421118,1.44 +620,1.0896296275202972,0.09992198329366915,1.08 +621,1.9286402386899846,0.0997159942063423,1.8 +622,0.6980032713197646,0.10104154468885411,0.92 +623,1.065489010403924,0.09935116205632223,0.98 +624,1.0422128086302125,0.09935438429528858,0.98 +625,1.415734885319475,0.09889580557260626,1.48 +626,2.247904429854257,0.10069072014846081,2.24 +627,1.5530387445540776,0.09973325394209276,1.72 +628,2.1298429049628123,0.10041092905598181,2.1 +629,1.4374599817193656,0.09889740760300123,1.38 +630,0.16852521859317604,0.10746521429650428,0.18 +631,2.0568493623379513,0.10009358306975408,2.06 +632,0.7597329169939415,0.1002413491143615,0.84 +633,1.5342459136169084,0.09944634015681096,1.54 +634,2.184879799008714,0.10059324269487215,2.12 +635,2.1023398416515153,0.10031474762915359,2.12 +636,0.8108400036144887,0.10006370682395826,0.78 +637,1.5528806906147297,0.09916185463155847,1.5 +638,1.1004901155233726,0.09925794164530044,1.08 +639,2.6387366145011093,0.10213719998373375,2.6 +640,2.1120546090663037,0.10057761013233076,2.06 +641,0.11654258072794632,0.10659471484930375,0.18 +642,1.2873968757685128,0.09900401444387313,1.24 +643,3.3441748839618786,0.10576102191229043,3.22 +644,1.2532255980816644,0.09915207368516098,1.32 +645,0.7720427710960551,0.10048981480265903,0.84 +646,1.3294414336668774,0.09900778355858798,1.3 +647,3.7308462644874254,0.11207460963726149,3.68 +648,1.874484470372513,0.0995653901783528,1.94 +649,0.6938399849580337,0.10078793688332537,0.7 +650,0.7938885335806789,0.10017033471346243,0.88 +651,1.4468213069659812,0.09893500270808134,1.5 +652,-0.5342530417841884,0.19979023339976637,-0.58 +653,1.3667279412975277,0.09875411976373273,1.48 +654,0.754281765095216,0.10052340087649903,0.78 +655,1.4186548416872122,0.09880768812611923,1.34 +656,1.8160927094963897,0.0994493724402031,1.8 +657,1.0347626978190918,0.09929956528704952,0.88 +658,2.048100123536967,0.09997855752351943,2.18 +659,1.2997507817123528,0.09896036229554739,1.34 +660,1.7677303477890776,0.09960309673504526,1.74 +661,0.8925543907960447,0.09994367762785226,0.9 +662,1.2495845242531105,0.09909341480144604,1.26 +663,1.3040622024185617,0.0987298363725611,1.18 +664,0.6566281075094709,0.10081838708935774,0.78 +665,1.548444603690944,0.10013968096364761,1.62 +666,1.5924918782908202,0.09914430164333386,1.6 +667,0.7066045406654042,0.1006538848216957,0.76 +668,1.7300027928496335,0.099370682535201,1.74 +669,1.162206313439478,0.09937171377165141,0.94 +670,1.1711186319645195,0.09975099143583856,1.1 +671,0.9628174008514152,0.09979532990396188,0.84 +672,1.2123869725511918,0.09905608424476749,1.18 +673,0.7750746349192299,0.10062312597938416,0.76 +674,1.0686349710876344,0.09982494083502352,1.04 +675,1.2115246420937547,0.09913859537820696,1.16 +676,1.4055564669533902,0.0987472438429222,1.4 +677,0.9056753404149178,0.0997172619471765,0.88 +678,1.5497513910430187,0.09892041753280989,1.52 +679,1.9420582543910763,0.09988367906782573,1.94 +680,1.0030659649071596,0.09972417754351445,0.96 +681,2.7893435705479828,0.10315978547726377,2.76 +682,1.6021343985624712,0.09924471580497275,1.58 +683,1.4036374808966465,0.09896246493244759,1.46 +684,1.2187710963837775,0.09898363915543108,1.22 +685,1.2803973514752742,0.09954277420698293,1.28 +686,1.118903351785997,0.09938727535373322,1.04 +687,0.8947628356454176,0.10004230822427841,0.9 +688,0.08106734799509652,0.10619328106597418,0.1 +689,3.088732346168971,0.10578752463190917,3.12 +690,1.0530681438638128,0.0994520609864078,1.08 +691,1.0704639852087128,0.09996801703633323,1.04 +692,1.6805932960479646,0.0993149047606548,1.56 +693,1.0040888755341812,0.09957087307050706,1.02 +694,0.9928327006652979,0.09990369491590781,1.0 +695,1.1808959859350894,0.09920152703815836,1.16 +696,1.009848918025506,0.0995977206579322,1.06 +697,1.286264874128532,0.09892212692582217,1.26 +698,1.4624218013735246,0.09929081507685533,1.46 +699,1.588034820248671,0.09919800346558405,1.6 +700,1.645607361017875,0.09935886644501694,1.66 +701,1.364607023377731,0.09874300073560764,1.38 +702,2.7485944641452864,0.10267028349801019,2.76 +703,1.3864432681025052,0.09910793794227692,1.28 +704,0.619231780002538,0.10090159337402625,0.6 +705,1.3744481659891095,0.09872617321165182,1.38 +706,1.4101241219542098,0.09888949590530423,1.44 +707,2.7481273719522523,0.10273718724654642,2.84 +708,1.76536004198641,0.09970913619403989,1.74 +709,1.0701530084545483,0.09944037956894719,1.0 +710,1.5089281328690143,0.09898393198778335,1.46 +711,0.5445241908608283,0.10112123930954499,0.6 +712,0.3145841787584318,0.10285735234889966,0.32 +713,1.1080505942015593,0.09961999675268846,1.06 +714,0.9055106288954151,0.09992647368187381,0.88 +715,2.8751117412853464,0.1041738216773672,2.82 +716,1.9937171662565676,0.10063294370106084,1.98 +717,1.2286906171944147,0.09921636872582765,1.2 +718,0.32001974227427055,0.10242595953619867,0.44 +719,1.4462542125019604,0.09920318838378825,1.4 +720,1.3398110857628944,0.09923550846472583,1.32 +721,2.8657725364177207,0.103627542203503,3.2 +722,2.1471571512567476,0.10050596128657387,2.1 +723,1.7608523681747934,0.0994135785503843,1.7 +724,0.2972679877481015,0.10359192777091852,0.32 +725,2.995178768431227,0.10527687836918179,2.84 +726,1.4256107325951513,0.09885959352998336,1.38 +727,0.24392881631801955,0.10394133237539645,0.26 +728,1.212031657356343,0.09991614483218365,1.34 +729,1.938621046135841,0.09989190944221006,1.96 +730,1.5973537157633666,0.09939348562027495,1.6 +731,1.364788528199339,0.09910236519780241,1.32 +732,0.617400155913687,0.10096590343631291,0.8 +733,1.4703191790238976,0.09931790887787059,1.48 +734,1.0254463553161715,0.09979346708487291,1.06 +735,2.5503434836634984,0.10178966370735815,2.54 +736,1.0523399078454518,0.09938228205392469,1.08 +737,1.0711965025957484,0.10006938293445093,1.1 +738,1.2824786900983918,0.09882936074754473,1.34 +739,2.0467972208983785,0.10000107879645358,2.04 +740,2.4654058081379606,0.1016422827626131,2.46 +741,1.3479996012697784,0.09872923426448152,1.3 +742,1.529618234905138,0.09890987875844408,1.56 +743,1.5187080787449092,0.09903002845607713,1.4 +744,1.0196317430405857,0.09967577822718361,1.12 +745,2.1576657823164584,0.10036506636537507,2.14 +746,0.32135596050375326,0.10246979762824639,0.32 +747,3.1880589710739233,0.10602455169850891,3.22 +748,0.8299133021663125,0.10022405202899767,0.82 +749,1.5408238473948062,0.09922418266870876,1.48 +750,1.94490375544642,0.10016551737126482,1.9 +751,1.5722384856721108,0.09904532594631803,1.54 +752,1.5588333063739073,0.0990773809353095,1.72 +753,1.2084753035146905,0.09900300622809298,1.14 +754,0.9749147530017852,0.10040820911626061,1.06 +755,0.43924879724332455,0.10202039313864553,0.52 +756,1.190930600269988,0.09954868482860012,1.16 +757,1.6747266912318552,0.0993722845017449,1.92 +758,0.4942131490338626,0.10162587685616419,0.54 +759,4.777796413503497,0.20481379105998404,4.6 +760,1.2011920011036652,0.10001070012468122,1.2 +761,0.9827470263005951,0.09994258801651536,0.96 +762,2.150919754287388,0.1006466696170475,2.2 +763,1.2430887142956537,0.09923362721344349,1.24 +764,1.3678962023006684,0.09897433860291649,1.34 +765,1.0162423681658284,0.09965897870655417,1.06 +766,1.2511554078735523,0.09903782795215738,1.22 +767,2.1009680645183426,0.10075142804025501,2.04 +768,1.72606579965627,0.09924791549978465,1.7 +769,0.8081832485430327,0.10018131264964225,0.84 +770,0.8679718037629571,0.10023184135359238,0.94 +771,1.0586866205663925,0.0993993511185785,0.96 +772,0.2958819265032717,0.10306116788044004,0.24 +773,0.6734180604534801,0.10082892006903396,0.7 +774,0.3858262582562817,0.10187136833020273,0.4 +775,2.063739475053138,0.10012999815781393,2.02 +776,4.17116911902508,0.12689229608072305,4.04 +777,0.6583666693154144,0.10108581986929771,0.72 +778,2.607709446316713,0.10206505043767629,2.56 +779,1.0932707137609243,0.10018548109839738,1.2 +780,0.8863694639207027,0.10034498137594297,0.86 +781,3.4429889941352982,0.10760406322423559,3.3 +782,1.0966142131484433,0.09930546454548375,1.12 +783,1.3168376917088496,0.09918280398391104,1.52 +784,0.9308648774441026,0.0998663838030677,0.84 +785,-0.04495230988935561,0.11407491936468064,0.16 +786,1.1410569687476426,0.09922094743346016,1.3 +787,1.3849026712702839,0.099034848553278,1.42 +788,0.6720245245478951,0.1008714844243592,0.74 +789,1.2065031642073138,0.09913433114029645,1.24 +790,1.0271328155719759,0.09993939059910152,1.04 +791,1.1886633970675093,0.09954465304146538,1.12 +792,2.6771828388528363,0.10269964599111954,2.74 +793,1.146983190430207,0.09928074891722236,1.2 +794,2.4289206444017832,0.10133128793350504,2.4 +795,0.9050442457288399,0.1005151547544843,0.86 +796,1.3310430802231374,0.09876300227222316,1.34 +797,0.5905063255385572,0.10093715606599248,0.68 +798,1.4664432818208846,0.09927425485537247,1.42 +799,1.4638199197756323,0.09892812039205974,1.5 +800,0.7105760542033595,0.10049125486118109,0.74 +801,1.3976912743054457,0.09883286335284946,1.42 +802,2.3838849067079,0.10123660070603595,2.26 +803,1.0992397525754158,0.09932168619582024,1.1 +804,1.2744816735370301,0.09885103256260049,1.24 +805,2.0436861045855554,0.10044616425069135,2.08 +806,3.9035799480510036,0.11788468041569011,3.72 +807,0.4690569813715031,0.10167130046504096,0.42 +808,1.4603380069636935,0.09943902165220282,1.52 +809,1.6463247648493515,0.09910262980296672,1.88 +810,1.757788021553013,0.09973857112382623,1.76 +811,1.9367412510586008,0.09981880947296329,1.86 +812,2.5277259963496252,0.10234839035975576,2.48 +813,0.39946888915672374,0.10180993916433054,0.46 +814,1.264608358339222,0.09920112632604745,1.24 +815,0.8097051725867617,0.10024429865402697,0.86 +816,2.5253392058387565,0.10197322951359276,2.56 +817,1.1567006621926355,0.09911891709147144,1.2 +818,1.296060370113972,0.09911883066779024,1.36 +819,1.3540919905289301,0.09882295492759906,1.32 +820,1.5192652752718219,0.099052383438051,1.48 +821,0.791537982261987,0.10054375767281039,0.78 +822,0.5908287476872702,0.1010002254360529,0.62 +823,1.9192383831617599,0.0997258025148888,1.88 +824,0.5045130482984861,0.1014419074642218,0.52 +825,1.276069199811383,0.09889389063258172,1.3 +826,1.3524685266439265,0.09887898287313025,1.4 +827,2.5678734439570565,0.10195966155333354,2.44 +828,2.0443895538906833,0.10016927186362969,2.06 +829,1.1807791774595218,0.09962793405204416,1.22 +830,1.5251409508780627,0.0990257227360998,1.46 +831,2.9633795232093867,0.10451093998993345,3.06 +832,1.04932406669125,0.0994090959357318,0.94 +833,1.2031585230759363,0.09908985913166597,1.2 +834,0.985189173654186,0.09948942025921442,1.0 +835,2.0348165866827213,0.10015843688139184,1.96 +836,1.046545956672796,0.10021536123702739,1.04 +837,0.4444287320621443,0.10152547597931051,0.46 +838,1.3571135950649322,0.09954855432583863,1.36 +839,0.14430083508234914,0.10529976423956137,0.24 +840,1.993528651514216,0.0999733424197023,1.86 +841,2.029227937759904,0.10018795223379456,2.06 +842,1.5299868614264562,0.09903112477803101,1.44 +843,1.231285120158576,0.09913345129300212,1.2 +844,1.5358697108709778,0.09947893019386063,1.56 +845,0.7667439682537791,0.10025793254732385,0.82 +846,1.9820739446933844,0.09998686258107206,1.88 +847,1.7331460126354636,0.09948249542673668,1.66 +848,0.9398740173877174,0.09978149029463688,0.86 +849,2.695622651517171,0.10393924263219703,2.5 +850,2.1660152249299127,0.10032090440615445,2.14 +851,1.7287417694684544,0.09921643129558584,1.68 +852,0.8249443416661835,0.10059242378395263,0.88 +853,1.3698366271783884,0.09886569872265336,1.42 +854,3.0200186801393496,0.10431922414768144,2.98 +855,0.9408398293642237,0.09977766699730654,1.0 +856,1.324570024973626,0.0987473167702522,1.44 +857,0.721203359890177,0.10057583893258731,0.76 +858,1.2852570061793551,0.09923662843798407,1.22 +859,0.7679062413943585,0.10016744604900929,0.78 +860,2.9182615914319356,0.10425169149209726,2.98 +861,1.990610253687121,0.0998821081740601,2.24 +862,0.6654921923006627,0.10067364398073067,0.68 +863,1.296707001786041,0.0987576284236808,1.32 +864,1.4563098648971058,0.0989509593354379,1.44 +865,3.624892958673515,0.10894761357615461,3.66 +866,0.6396507686771302,0.10095930749947828,0.62 +867,0.891060249491092,0.09963553249236122,0.96 +868,0.18809702645293114,0.10407206240790583,0.26 +869,1.594673519380814,0.09931318113249238,1.6 +870,0.9188718360105683,0.09951000324697258,0.96 +871,0.11173175010353176,0.10727036942491967,0.18 +872,1.0519454330874056,0.0999916577448495,1.18 +873,1.3948435662851268,0.09893764978361491,1.46 +874,0.4649896773501909,0.10197120431094392,0.48 +875,0.8431182639330446,0.1002925233562113,0.9 +876,0.06251006047556884,0.10732792515192527,0.16 +877,3.2572500390733836,0.10553403290744878,3.24 +878,1.5239590625676607,0.0991344932509897,1.52 +879,1.2991076033284068,0.09900995022919853,1.34 +880,2.1102182491569668,0.10027724331684854,2.06 +881,0.46579525079269657,0.10164608266605496,0.5 +882,0.7306374189028533,0.10061671044495148,0.72 +883,1.257287622687082,0.09889133923605398,1.28 +884,2.3596160707157363,0.10098630016102976,2.36 +885,1.2671440569079928,0.09901908010007325,1.2 +886,0.7358829126168318,0.10032538153358564,0.88 +887,1.7949847236586558,0.09944534530539832,1.74 +888,1.1846046592649928,0.09909882127824682,1.2 +889,1.8683104338258596,0.09970579543639597,1.92 +890,1.051152853079701,0.09952114105895177,1.04 +891,1.279194431670726,0.09879438142898996,1.32 +892,1.4788270800871481,0.0991020949625949,1.5 +893,0.8564760892173895,0.099827724900903,0.82 +894,1.0676976226355437,0.09949022546830813,1.14 +895,1.2823598258175595,0.09890553420525817,1.14 +896,1.9745387522236812,0.09987649402213883,1.92 +897,1.634478315775796,0.09936518582355038,1.68 +898,0.40763165038014804,0.10183476413429723,0.38 +899,2.7239898527659054,0.10271638966204064,2.58 +900,2.723507264781121,0.10286017513721851,2.66 +901,1.4577400334386803,0.09891875609635525,1.4 +902,1.6318643801060853,0.0996345260988531,1.68 +903,2.4457905044630497,0.10153421651896873,2.42 +904,0.6726303155874633,0.10062164486943351,0.7 +905,0.9200615392932592,0.099780081423039,1.1 +906,0.8112806554855909,0.10032080905746513,0.78 +907,1.2864359478847633,0.09898270622506355,1.3 +908,0.6292237048665912,0.10356449716163889,0.6 +909,0.874408648840644,0.10014147837514865,0.84 +910,1.5409687279750715,0.09922555299049303,1.46 +911,1.3235940973659284,0.09885986998912301,1.32 +912,-0.20434227789935577,0.12952207124751355,-0.16 +913,1.373535531466908,0.09899201156722481,1.36 +914,0.3953482989252721,0.10368635153135525,0.38 +915,0.9840898530844144,0.09972433312718168,1.02 +916,2.619765218678344,0.1020662141226596,2.62 +917,1.1809937830149566,0.09926729840785083,1.2 +918,0.9938628128695741,0.09954721707824218,1.08 +919,1.2585374121755615,0.09898724348299484,1.3 +920,1.609574107976831,0.09943828386349433,1.66 +921,1.1511810368882196,0.09940118826488802,1.12 +922,0.4406215780276399,0.10183185165354491,0.5 +923,0.3740580091075587,0.10413895352197568,0.56 +924,1.4655290805556846,0.0989872597284167,1.4 +925,0.6172588138874475,0.10147179692604213,0.58 +926,1.3285916777641036,0.09901472174133624,1.34 +927,2.68632009599294,0.1026155344428604,2.58 +928,1.7538143893744207,0.09921565926045382,1.68 +929,2.143838780914793,0.1006404902344003,2.06 +930,3.015862720537024,0.10428190284257761,2.92 +931,1.4068686708233515,0.09936039024268783,1.32 +932,0.19955338139566137,0.10561928802142954,0.34 +933,1.310885208015703,0.0988085225643065,1.3 +934,2.8335824072358484,0.10314159154483506,2.9 +935,1.8663638192567953,0.09959475712941594,2.06 +936,1.5007696788860814,0.09930341338691522,1.5 +937,1.5421041056688816,0.09914774638763076,1.52 +938,0.7493984905744655,0.10022996289588908,0.6 +939,1.34900761069313,0.09975566446469251,1.4 +940,1.365037139360721,0.09872974222170533,1.32 +941,0.6803098960576592,0.10060695433146224,0.6 +942,1.5812414103159982,0.09973715756091636,1.54 +943,2.816561859535387,0.10400527265584625,2.82 +944,0.9191147386570593,0.09960245394026378,0.92 +945,0.9225513793962621,0.1008396726406129,0.86 +946,0.9791833354293062,0.09958675127610706,1.08 +947,1.11403532322568,0.09997202882450232,1.04 +948,1.7590219510795586,0.09929145709705789,1.76 +949,1.5232230478023128,0.09914592045384624,1.54 +950,2.2095470071383065,0.10066835942639964,2.22 +951,2.4821929148714066,0.10159634742896148,2.32 +952,1.3277123410347451,0.09880215523979297,1.24 +953,0.45910848642508895,0.10146221075844135,0.44 +954,1.4682482838031718,0.09913305419607578,1.4 +955,1.4355878115412268,0.09895761532531396,1.42 +956,2.4131534496726434,0.10123691271402013,2.38 +957,0.6699093332431987,0.10090403540184968,0.64 +958,1.1529446021527308,0.09980425257280236,1.12 +959,1.5834741239812027,0.09918952356812849,1.56 +960,1.5600747578354104,0.09904300072340558,1.58 +961,2.0201514516516124,0.09998979342724859,2.0 +962,1.294676065768696,0.09892583779453233,1.32 +963,1.9718948051107874,0.09999246335395215,1.96 +964,3.9502835574982047,0.11608431719080599,3.86 +965,1.4422010206749947,0.09896435132688808,1.46 +966,1.2939975512614212,0.09878130652121812,1.28 +967,2.783855754544785,0.10310547154204484,2.88 +968,0.9069153400710321,0.09984458216326948,0.96 +969,-0.3900111289424386,0.15040813730390507,-0.42 +970,0.43302362909668246,0.10214662533939164,0.46 +971,1.4850840189654002,0.09916155930323733,1.44 +972,0.850213614899326,0.10029185226399877,0.88 +973,0.950094284297174,0.0993628500634136,0.96 +974,1.7826449981121948,0.0996026218389997,1.74 +975,2.149870004009971,0.10043911853778287,2.14 +976,1.2464897736262637,0.09886807522742308,1.22 +977,1.301800552100621,0.09878949696153272,1.26 +978,1.4865204727058925,0.09932500908887641,1.54 +979,0.683118076229954,0.10057283309737024,0.7 +980,2.6954680538582902,0.10246982018028872,2.7 +981,1.7196402280382388,0.09915342638010322,1.74 +982,2.3084602110522727,0.10136220882292374,2.26 +983,1.3612304857613446,0.09869688963527631,1.42 +984,0.875737447674547,0.09980125392042687,0.9 +985,1.8203595689689729,0.09959143648422861,1.84 +986,1.552609495362338,0.09953779529021738,1.64 +987,1.572141757723818,0.09964363978033876,1.66 +988,2.4261574652066447,0.10149863750552522,2.38 +989,0.886192285182348,0.09979934372948737,0.96 +990,1.30373919339266,0.0987922954738732,1.26 +991,1.1075847850671623,0.0997654696283415,1.1 +992,1.9911852714684792,0.09989455567646728,1.98 +993,1.8026138075468603,0.09949561666160664,1.86 +994,1.7361321529551554,0.09958941058638987,1.78 +995,2.291056521451976,0.10103507491723739,2.3 +996,1.6438731653402614,0.0991702757562481,1.62 +997,2.652409506149649,0.10280447951049276,2.54 +998,1.0474281435364163,0.09948044541286663,0.9 +999,1.2682380696653668,0.09886616413312162,1.26 +1000,1.7466838563795954,0.09922997969573012,1.74 +1001,0.8740079868595545,0.09980765389108383,0.82 +1002,0.9160509272101167,0.10039824263010615,0.82 +1003,1.8130884340642461,0.09989357659625656,1.84 +1004,2.2976447334097063,0.10113407827309764,2.18 +1005,0.6609565513233109,0.10086826549915318,0.72 +1006,1.6201737663499907,0.09994818033052559,1.34 +1007,0.9816227758859968,0.0995601700038364,1.02 +1008,2.5506014605584877,0.10248026215796502,2.5 +1009,0.27602256587842233,0.10360723288649572,0.34 +1010,1.333059176545232,0.09878526238396723,1.32 +1011,0.8950224262640718,0.09965167955202286,0.94 +1012,0.43749717793834164,0.10204601171543705,0.62 +1013,1.452717530062644,0.09879985037093157,1.44 +1014,1.0464184790365978,0.10019138071034067,1.06 +1015,1.8761661131268583,0.09951379603842847,1.82 +1016,0.8144588866344777,0.10014659444930206,0.82 +1017,1.6289902590259986,0.09941471565036719,1.62 +1018,0.5342375794087972,0.10138835125001495,0.54 +1019,1.3184337889217213,0.09875076355709124,1.36 +1020,1.0893898433805889,0.09937749019455433,1.08 +1021,1.309926227544773,0.09924793512653074,1.24 +1022,1.1249066142975523,0.09919813787507448,1.12 +1023,0.47100452891709366,0.10187368687953682,0.42 +1024,1.732863995815437,0.09971542830436561,2.02 +1025,0.6233528232466783,0.10110482325818916,0.56 +1026,1.050057788908491,0.09958651741007647,1.14 +1027,1.2403305197745007,0.09932858572429147,1.32 +1028,1.5719890405030073,0.09916214227991614,1.54 +1029,1.7674333670073297,0.09935331705521822,1.74 +1030,1.7304431889463403,0.09954484520914088,1.82 +1031,1.4381415724769633,0.09881568435573837,1.44 +1032,1.3881111112852886,0.09890824003384886,1.36 +1033,1.1368547211300368,0.09908208885775882,1.06 +1034,0.9905333644465217,0.09937362397482512,0.96 +1035,2.7337587489311534,0.10286789764077671,2.68 +1036,1.4656374117371855,0.09940614922199775,1.52 +1037,1.2024164026899216,0.09939697768600197,1.18 +1038,0.8396015568905442,0.09997389788611245,0.78 +1039,2.4250524061739487,0.10122613255084006,2.34 +1040,3.293890310093186,0.10585134775391485,3.18 +1041,2.1408824985865404,0.10021007261710076,2.08 +1042,0.539801713327529,0.10113273436847865,0.56 +1043,1.0912702001412542,0.09972439358977588,1.18 +1044,1.0605343448896336,0.09939043966880626,1.08 +1045,1.3590936564478981,0.09867781888884301,1.26 +1046,2.3056537336664125,0.10081924490036988,2.36 +1047,1.16410682396304,0.09939384000411261,1.26 +1048,1.3945517938107608,0.09875779747579218,1.32 +1049,-0.06924524668685295,0.11699095558921482,-0.08 +1050,1.6666346860756336,0.09950671277908776,1.66 +1051,0.8109426546487002,0.0999935897931261,0.78 +1052,1.9627227915949044,0.09994437428370588,1.98 +1053,1.76273456093614,0.09969405101841651,1.84 +1054,1.4226767402697733,0.09886460013777855,1.52 +1055,1.0337374806189332,0.09958320448366825,0.98 +1056,2.564310107784417,0.1022171932010217,2.42 +1057,1.1549842417099272,0.09968141281598404,1.26 +1058,1.0426365343280908,0.10064970137120287,1.22 +1059,1.4078585846775817,0.09937201278991417,1.52 +1060,1.6292717963896715,0.09982528736468256,1.64 +1061,1.433306589492284,0.09898859399029226,1.44 +1062,2.322167081808283,0.10129899669998219,2.34 +1063,2.67018916580993,0.1023983980948576,2.74 +1064,1.132009404423323,0.09973285059219346,1.28 +1065,1.008485990449033,0.10017479620803012,0.96 +1066,1.3471688349479736,0.0988003765139905,1.32 +1067,1.2071674825558938,0.09903238804050103,1.18 +1068,1.9744656862671535,0.10001248720901627,1.94 +1069,1.6250474657938108,0.09926798386607735,1.66 +1070,2.1502066726705404,0.10022381354671098,2.18 +1071,0.8157384281343114,0.1001713048834609,0.86 +1072,0.8927730018147331,0.10011438137226908,0.86 +1073,1.4132404684773705,0.09910706016077224,1.44 +1074,1.7924386495733893,0.0992192125720647,1.8 +1075,0.7041563488689151,0.10056740369869431,0.76 +1076,1.1484432351637979,0.09952994833973278,1.16 +1077,1.368793083059744,0.09892508551741283,1.36 +1078,1.0780312518331259,0.09966484069197545,1.04 +1079,0.4780569257281131,0.1023328904320755,0.62 +1080,1.5613568599936813,0.09917594537427243,1.56 +1081,1.5700693493364442,0.09977530533879968,1.66 +1082,1.6561326897234048,0.09930179669766684,1.66 +1083,1.5709549332062147,0.0993202142035493,1.54 +1084,0.9092369301678163,0.10028553492841387,0.86 +1085,1.8994313169956756,0.0999562169873861,1.88 +1086,2.3534350892856164,0.10102654309057539,2.22 +1087,1.3574340581901596,0.09904043673194898,1.28 +1088,1.40546741325606,0.09902246970426741,1.48 +1089,1.7330424479160074,0.0992122931545509,1.74 +1090,1.2219455591607138,0.09885965525872586,1.22 +1091,0.2544692427326767,0.1030956323089134,0.28 +1092,0.4092568878678493,0.10205840209497069,0.42 +1093,1.72614351703187,0.09940044592240659,1.8 +1094,0.864058946711056,0.10005983924539039,0.98 +1095,1.335440140193574,0.09924111315354092,1.4 +1096,2.076522699063835,0.10007038259146579,2.02 +1097,1.2275710197811465,0.09938574435264658,1.42 +1098,1.327921339733274,0.09881767844430203,1.34 +1099,0.4040475343089598,0.10220502061286092,0.38 +1100,1.469336487616763,0.09899404444256629,1.44 +1101,1.5848744468236065,0.09973203738288716,1.56 +1102,2.832369454927564,0.1033938256234729,2.74 +1103,1.242093972165273,0.09881878261665641,1.24 +1104,2.463855147022775,0.10139206702895083,2.32 +1105,1.8499075549379336,0.10109114516114744,1.92 +1106,1.807020581758598,0.09925932803831287,1.82 +1107,1.7627321250478702,0.0991416447702394,1.72 +1108,1.418054392510866,0.0987201381271223,1.38 +1109,1.798104860414133,0.09989519718294029,1.86 +1110,0.48396969809966506,0.10203343814006584,0.5 +1111,0.43085004464364274,0.10238535512101525,0.52 +1112,0.6556191375475124,0.10072926022479373,0.7 +1113,2.5022844493389886,0.10164812647162341,2.5 +1114,2.195432903101791,0.10061888745873165,2.12 +1115,1.4433786287287853,0.09898944712078055,1.54 +1116,0.747324358039515,0.10042022774962067,0.78 +1117,2.0076402040546686,0.09997035155302865,1.94 +1118,0.9308203521094371,0.09954563421648256,0.92 +1119,1.5068554590249137,0.09935146229097404,1.48 +1120,1.1500038388467375,0.09955504648786402,1.22 +1121,2.6165328009848334,0.10279498075240355,2.7 +1122,2.5445717787481836,0.1018897905448927,2.42 +1123,1.4690815443861582,0.09909884396768161,1.52 +1124,1.7785474060298314,0.09919786556370153,1.78 +1125,2.000753185100196,0.09972485352124708,1.92 +1126,2.558301596306391,0.10168785197131472,2.54 +1127,1.2119668124556975,0.09893464231329689,1.18 +1128,1.3559540567536439,0.09877843247552894,1.32 +1129,1.416811149549959,0.0993640377500128,1.4 +1130,0.5880254822673849,0.10100096268925866,0.52 +1131,2.610226312148418,0.10332487936359411,2.42 +1132,1.5210357774299739,0.0992277067665595,1.48 +1133,0.9010480954159676,0.09972018474716654,0.98 +1134,1.5793582088178952,0.09936016239680902,1.54 +1135,1.2219737507532444,0.09948573818082035,1.1 +1136,0.705582862952882,0.10097629478979364,0.78 +1137,1.0764369008581427,0.10035160294117196,1.16 +1138,1.8659550121536677,0.09996578989493901,1.84 +1139,-0.12088400370475072,0.11781272424905058,-0.12 +1140,0.141727973408466,0.10568002215919158,0.2 +1141,0.9114185127864773,0.09967372516338574,0.96 +1142,1.5300576421505256,0.09905293744645136,1.48 +1143,1.1364610766006764,0.09986223240144135,1.04 +1144,0.9408230356634648,0.09952092330518979,0.94 +1145,2.8081185239802657,0.10330450326130032,2.64 +1146,2.3632433611609986,0.10135735758203661,2.38 +1147,1.4952772841743938,0.0991554200711401,1.48 +1148,0.7937993767720941,0.100353271268018,0.76 +1149,2.360149163244836,0.10103006250902878,2.34 +1150,2.713494637103464,0.1028843200706978,2.58 +1151,1.7576242405822329,0.09923568266926905,1.76 +1152,0.9062283974428611,0.09979492661136685,0.92 +1153,0.3136042603768432,0.10328206951790665,0.34 +1154,0.9312691723021815,0.09991163058090935,0.82 +1155,1.5184857744510027,0.09894202458843407,1.52 +1156,1.3813412473074338,0.09881220765638228,1.46 +1157,1.6008199478107465,0.09926791453218674,1.64 +1158,0.8598216380787294,0.1006293555856511,0.98 +1159,1.0273530015804455,0.09950483420985823,0.98 +1160,0.7939960481030981,0.10032141364060843,0.8 +1161,1.380914126138398,0.09884531394414653,1.4 +1162,1.4195357542311215,0.09905843456861302,1.46 +1163,0.6421129921837776,0.10087185250933671,0.62 +1164,0.924781338712849,0.09950996212440277,0.98 +1165,0.4363116299693546,0.10188895935544062,0.48 +1166,0.9742056818751565,0.09946597691493327,1.0 +1167,1.2673479954325957,0.09877989313082197,1.32 +1168,1.066562116472413,0.10038882115082641,1.12 +1169,1.2030501269940446,0.09951990042408279,1.32 +1170,1.0462334839321359,0.09934857857224548,1.04 +1171,1.4289928601844275,0.09887476760091371,1.5 +1172,0.5251558404653822,0.10125759529847192,0.6 +1173,1.489450778943352,0.09938352999739512,1.52 +1174,0.7710476868819869,0.1005021961747147,0.72 +1175,1.7234831939068174,0.09924648552890299,1.62 +1176,1.528519831185841,0.09915364990433877,1.62 +1177,0.7415840425922384,0.10034322150382212,0.76 +1178,2.6417940458889237,0.10258257190405737,2.6 +1179,2.5590621546743844,0.10217420632396872,2.6 +1180,1.557551766359017,0.09937948232769357,1.54 +1181,2.2224495193698584,0.10055355227315733,2.02 +1182,0.8291347098382944,0.10002789119463833,0.88 +1183,1.6058004963675943,0.10093530676910924,1.56 +1184,1.7129101505919644,0.09923666385779259,1.8 +1185,0.540331068812266,0.10219976152772585,0.62 +1186,1.4703718026118453,0.09932340090733113,1.4 +1187,2.1816554280763167,0.10051863874588704,2.16 +1188,1.9231527947946156,0.09994914649292946,1.92 +1189,1.0906256515322938,0.09962556954385318,1.14 +1190,1.4924953953744138,0.09937209130796647,1.44 +1191,1.154726561027262,0.09929329775793454,1.14 +1192,2.2101621762879784,0.10101907317557411,2.2 +1193,2.5664791150923367,0.10192654015805676,2.54 +1194,0.903267588711637,0.09980418105812247,1.0 +1195,1.0816414562625327,0.09954245430393975,1.1 +1196,1.0516811741337564,0.10013063550308683,1.16 +1197,2.4354419765939124,0.1013124852698828,2.48 +1198,0.5376298455704303,0.10126940196805795,0.5 +1199,3.0704590038528057,0.10444300953790261,3.08 +1200,-0.05649778138900374,0.11364808878181314,0.02 +1201,2.0612162762313826,0.1000583100469892,2.14 +1202,1.5790586622440992,0.09940428660352425,1.56 +1203,1.9374847063569456,0.09980612265545573,1.74 +1204,3.048882151655537,0.10492196880455472,3.0 +1205,2.498849621862318,0.10156304364755948,2.48 +1206,0.28502920489614225,0.10331524076987132,0.28 +1207,1.3918802290472756,0.09872749412760935,1.3 +1208,1.0577390147643813,0.09931972755450583,1.02 +1209,1.4274461441474722,0.09886844545584454,1.48 +1210,1.5533938146347184,0.0992340355735209,1.56 +1211,1.6788911652161056,0.09963703238013431,1.74 +1212,0.8791583260851128,0.09994962678245829,0.92 +1213,1.0622621541525008,0.09944467672786074,1.04 +1214,1.075447147706379,0.0998878040901183,1.06 +1215,0.5765879823923414,0.10111713360640212,0.52 +1216,1.1097008793617122,0.0997564769036017,1.18 +1217,0.5841088224328119,0.10119585025866404,0.6 +1218,1.3829835979335223,0.09873214027210234,1.44 +1219,1.1039433096437834,0.09981056182123994,1.06 +1220,1.0325368962198114,0.09969501692859374,1.02 +1221,1.1540482896774493,0.10013690994734403,1.1 +1222,3.349904671575926,0.1080558600070338,3.26 +1223,1.632548386383531,0.0992005626765076,1.64 +1224,1.642853754591792,0.09910532270204019,1.72 +1225,1.2096390033308937,0.09950094051597667,1.1 +1226,1.4715885799108486,0.09948166147414113,1.56 +1227,1.9341862504629377,0.09975520119232249,1.96 +1228,1.474989451277393,0.09890922078978677,1.46 +1229,0.6038407591341242,0.10109270620007461,0.62 +1230,2.676218452414666,0.10255552517336158,2.68 +1231,1.0456546645560907,0.09949073754355327,0.98 +1232,3.7303505298300372,0.11095572787837853,3.6 +1233,2.982881427116709,0.10398729447351261,2.98 +1234,3.6504874760025405,0.10980548197180574,3.5 +1235,1.49076371271037,0.09895531896824485,1.5 +1236,1.067600847896182,0.09976884449852641,1.16 +1237,2.749885103789035,0.10291229881757272,2.72 +1238,1.2486282732588536,0.09953535545594762,1.28 +1239,0.9372516362369596,0.10009409519059455,0.9 +1240,3.7972318444019457,0.11372098036946969,3.84 +1241,1.8047107884697107,0.09926168618206102,1.74 +1242,0.771031977191379,0.10017852535447937,0.78 +1243,0.9390760697075196,0.1001219257506556,0.88 +1244,2.6754724287853673,0.10252634669526232,2.72 +1245,1.723792417743718,0.09939291364381496,1.78 +1246,1.6204073934136127,0.09932611747535518,1.68 +1247,0.792421361320885,0.10006654556585415,0.82 +1248,1.32586342585755,0.09869799846404012,1.3 +1249,1.3748264081779575,0.09902379682853704,1.36 +1250,1.2484178593395165,0.09913400693339931,1.22 +1251,1.037971797136345,0.09963660791910015,1.02 +1252,3.251608042833931,0.10686651326126745,3.24 +1253,2.109198395287132,0.10041377647977556,2.02 +1254,0.9716450628316282,0.09960827104602976,0.88 +1255,1.1420633297992155,0.09947550258790354,1.1 +1256,1.2164622739986173,0.09882348448290826,1.18 +1257,2.042889361636581,0.10061893706864924,2.12 +1258,2.886254922848277,0.10461825263723556,2.8 +1259,0.8275420221105223,0.10088532093698815,1.1 +1260,1.2153256652083415,0.09955981319204746,1.28 +1261,2.0494139549844714,0.10035454584655214,2.06 +1262,2.992770141691093,0.10432253934481675,2.92 +1263,1.4352152375103004,0.09927068073073933,1.42 +1264,0.5551970366605106,0.10102450619432388,0.58 +1265,1.4178954277148408,0.09877790395227304,1.38 +1266,1.4421785666154265,0.09935973780465429,1.56 +1267,1.2113651418784224,0.09903545806803271,1.2 +1268,1.616225718057146,0.0997939157219532,1.36 +1269,0.4404083876282614,0.10287061753723631,0.48 +1270,0.6697870318068355,0.10061663893649297,0.82 +1271,1.6865000239016206,0.09932301216071773,1.68 +1272,1.4010065517492103,0.09893618058251093,1.46 +1273,0.3319763516073253,0.10319278201864418,0.46 +1274,1.2525604086151334,0.09875454934392552,1.28 +1275,1.8697573773230347,0.09968355249091262,1.82 +1276,1.5183176115581547,0.09905519354816142,1.54 +1277,1.1915234967915411,0.09923271827866997,1.08 +1278,1.7882287090766213,0.09931785364868159,1.82 +1279,1.5560838423241259,0.09979760101596198,1.46 +1280,0.9703691600193609,0.10007439864284509,1.08 +1281,1.9024930669404776,0.10003799969477876,1.88 +1282,1.9529285043475377,0.09998891185859833,1.9 +1283,1.2273779530333948,0.09895338338165442,1.28 +1284,1.381570958214519,0.09894884676774061,1.26 +1285,1.7298787633743957,0.09978333086681657,1.78 +1286,1.224921750209768,0.09919371937858996,1.22 +1287,1.6475396667960902,0.09940502548223093,1.62 +1288,3.5729095702354403,0.11039963185063348,3.46 +1289,2.072762589503645,0.10016018651351272,2.04 +1290,2.2580691869887755,0.10085534929416086,2.2 +1291,0.8496987511866665,0.09991560859749014,0.9 +1292,0.6671717425339041,0.10079232174071176,0.64 +1293,1.6678736582504123,0.0993277888165772,1.64 +1294,1.490704024058983,0.09895988089037212,1.52 +1295,2.2399886800532,0.10085013823540312,2.04 +1296,0.9681638695219179,0.09951862905029872,1.0 +1297,0.9204434343048022,0.09962620577111272,1.02 +1298,1.5591826370993418,0.09911915188573096,1.56 +1299,0.6206579524950884,0.10072756142322496,0.62 +1300,1.7720280633661412,0.09937054790019892,1.72 +1301,1.5638382631746255,0.09900400552649236,1.58 +1302,1.32040715467655,0.09887780724391775,1.28 +1303,1.8775026354018054,0.09949045720115007,1.82 +1304,1.307698225939914,0.09895430708122376,1.3 +1305,0.7519256515487613,0.10036509055637527,0.72 +1306,1.9264969244831514,0.09961123530445513,1.98 +1307,1.1709920781444951,0.10009693191860215,1.14 +1308,0.5235809310748196,0.10250685143446539,0.62 +1309,1.2835200276387277,0.09882376347294093,1.36 +1310,1.438035464871463,0.09918706374552409,1.5 +1311,0.9692970008820454,0.09981130993865432,0.98 +1312,1.0086008724359787,0.10004333865594581,1.08 +1313,1.3854455258632734,0.09891590341263369,1.42 +1314,1.008451262407897,0.09996569959723547,1.06 +1315,1.4719361768067196,0.09920473724543108,1.56 +1316,2.099664596387237,0.10058522150674502,2.16 +1317,0.525951092199948,0.10121092396256277,0.54 +1318,1.0688702174814766,0.09987543491185988,1.14 +1319,1.446364019711991,0.09897602096921533,1.48 +1320,1.56114023807884,0.09908613632967292,1.58 +1321,0.8698617628555583,0.09994199977062691,0.94 +1322,1.5777833315110834,0.09926731166761323,1.56 +1323,0.674461287399909,0.10109293171919971,0.68 +1324,1.7444171392743308,0.09921014745008151,1.8 +1325,1.3861399801747234,0.09908983162991195,1.48 +1326,2.3396332402931908,0.10096188024747771,2.38 +1327,1.4077924116593914,0.09867404823440105,1.38 +1328,1.0415633189511853,0.0996896160303251,1.0 +1329,2.20405754958143,0.10046829811401681,2.16 +1330,1.9598243065915086,0.09995497224863867,1.98 +1331,2.1218649859416825,0.10036774217646348,2.12 +1332,2.235459120564302,0.10059581794114132,2.26 +1333,1.4699776428765767,0.09946074431150995,1.48 +1334,0.8575671487436638,0.10005352896566072,0.88 +1335,2.230596214604075,0.10059336050381551,2.3 +1336,1.5076421850571913,0.09924298196366567,1.52 +1337,2.919581255553327,0.1038534502256158,2.9 +1338,2.2517811206764033,0.100781019026647,2.3 +1339,3.3095856212197248,0.10678803933593392,3.32 +1340,1.4193926875581846,0.09903220162945324,1.4 +1341,0.9506016792439469,0.09975318723455506,1.0 +1342,2.2729334659855507,0.10079638603133124,2.22 +1343,1.90052406849008,0.09972456221295929,2.0 +1344,1.655079080915575,0.09951029112672773,1.64 +1345,1.3421333419802168,0.0987004686664514,1.24 +1346,2.731386620588731,0.10319258295472598,2.6 +1347,1.734688197184697,0.0991586177403387,1.76 +1348,1.7873003908586769,0.09940791062650982,1.72 +1349,2.2269442940293747,0.10077724255417524,2.22 +1350,3.0683049869807864,0.10507477172768806,2.78 +1351,1.3910570935747246,0.0987800611043541,1.38 +1352,2.3230986280597055,0.10110176726981011,2.26 +1353,2.8001310770676398,0.10339174961014558,2.86 +1354,0.5284377862392746,0.10125060856155262,0.62 +1355,1.032658964238793,0.09966500474706046,1.04 +1356,2.253896355070369,0.10144973696220624,2.28 +1357,1.6344846449019188,0.09937712790579366,1.68 +1358,0.8460104610333816,0.10002470575834159,0.86 +1359,2.277828523417293,0.10118400224419671,2.22 +1360,0.41685608535655816,0.10180538464765158,0.4 +1361,3.655413062573679,0.10947918241100227,3.66 +1362,2.39102544625076,0.10097828937315416,2.3 +1363,2.1415281881037185,0.10075320824751018,2.2 +1364,0.7248834783704312,0.10049560142575606,0.72 +1365,1.3754156004873985,0.0987331802322087,1.32 +1366,0.45760951361345703,0.10147796704112023,0.38 +1367,2.333365738480362,0.10098103457431815,2.34 +1368,0.7887651398922075,0.10020043697813906,0.78 +1369,0.929608272817896,0.09950326239962776,0.92 +1370,2.3418626464205854,0.10164552055350279,2.48 +1371,0.5717057463051789,0.10113878046556272,0.56 +1372,0.8458602723982993,0.09996304757081037,0.8 +1373,-0.10162808044480287,0.1327139975397941,-0.14 +1374,2.4747738481530046,0.1016630055354278,2.5 +1375,1.2627633071216289,0.09962506343655073,1.28 +1376,1.9046554233037243,0.09981359409317013,1.94 +1377,1.7110787812854669,0.09921181498451659,1.74 +1378,1.34413652593558,0.09876931466414478,1.36 +1379,1.695693923568166,0.09908745243340615,1.54 +1380,1.4454939969703007,0.09886120480246602,1.4 +1381,0.8541691055586271,0.10007055031052645,0.96 +1382,1.3497354263355896,0.09911082631148603,1.26 +1383,1.3295504819566497,0.0988872492747555,1.36 +1384,1.3040241513361417,0.09879933087284379,1.3 +1385,1.8737483974686897,0.09959633107774443,1.86 +1386,2.165558811009257,0.10061842165667881,2.12 +1387,2.3309369412233334,0.10090303822988758,2.34 +1388,1.8871054224102488,0.09977353594744962,1.82 +1389,1.0062402042555705,0.09944143280448217,0.98 +1390,2.0090595248047176,0.09973343218316927,1.96 +1391,2.6748794836054817,0.10290882137206459,2.58 +1392,0.7058058724599066,0.10056501322036097,0.7 +1393,1.2514385864276372,0.09915239404224205,1.28 +1394,1.140293869365921,0.09949653415507478,1.2 +1395,1.4333244881282619,0.09887412622694063,1.44 +1396,1.8126302146326247,0.09958046131496226,1.78 +1397,1.4028047641120283,0.09888447766956328,1.48 +1398,1.2594703269988174,0.0988524191667091,1.24 +1399,1.2961329048602168,0.0989008507047574,1.38 +1400,2.288296357317618,0.10098540802192357,2.24 +1401,1.198859580350225,0.09903771111186102,1.22 +1402,1.5767334141336862,0.09936818541501002,1.6 +1403,2.937240517994148,0.10423605024660443,2.72 +1404,0.861229385751473,0.10008506507164946,0.92 +1405,3.1325843661268316,0.10483835970442305,3.1 +1406,1.7656835743270223,0.09932562523465926,1.88 +1407,0.9811983031888774,0.09946258713602792,1.0 +1408,0.5303524965323321,0.10148987857286,0.52 +1409,0.9299814405959113,0.09996332923367983,0.84 +1410,0.6205145108383279,0.10114048449609539,0.74 +1411,0.17336479132417693,0.10577054853175341,0.22 +1412,1.1873755785186988,0.09906306426398484,1.2 +1413,0.9020329358585302,0.10018541374292066,0.94 +1414,1.6156098916937667,0.0991177423048534,1.58 +1415,0.8281281837691112,0.0998620658759386,0.84 +1416,1.1349032138286093,0.09910981508375741,0.92 +1417,0.9530157409665934,0.09996488377619164,0.94 +1418,1.8714525628524379,0.09965721489600127,1.78 +1419,1.5131948521804455,0.09898796068670371,1.44 +1420,1.2741187800246843,0.09932017811327924,1.3 +1421,0.9090273478982185,0.09951446848341937,0.96 +1422,1.1963250886745926,0.09951585464373094,1.12 +1423,1.5133079946476629,0.0991581184608419,1.48 +1424,1.0708060650468967,0.09951353387572796,1.06 +1425,2.366054574522055,0.10097128596405659,2.22 +1426,2.3967128511640663,0.10130898340289139,2.4 +1427,0.6442721257552522,0.10072117235914353,0.76 +1428,0.6525249811806988,0.10102132170302698,0.58 +1429,1.4983069675463925,0.09902533465669928,1.54 +1430,0.9223681607034437,0.09962107515222558,0.98 +1431,1.163951761628743,0.09895813445168967,1.2 +1432,1.5047786626616906,0.09898954204075562,1.46 +1433,0.6921648875040078,0.1004960555383805,0.72 +1434,0.8742980485612308,0.10021508917044239,0.92 +1435,1.5601669863319232,0.09971452196229084,1.6 +1436,0.7773053521700477,0.10037336804146688,0.76 +1437,1.7504597256190928,0.09937036765425987,1.76 +1438,1.324298491443466,0.09888721441116445,1.34 +1439,4.598243936842431,0.16926002513826702,4.44 +1440,1.561765699336865,0.09910810833914327,1.34 +1441,1.5898503296870936,0.09893236891300561,1.54 +1442,1.6473979965510794,0.09978510086416723,1.66 +1443,0.629459392991359,0.100959347486613,0.68 +1444,1.4064262624522266,0.09901205574769013,1.32 +1445,1.1185824728226608,0.09906323872301853,1.06 +1446,1.1675482960281955,0.09895080689933311,1.2 +1447,1.2405250145206368,0.09882040724899213,1.26 +1448,0.24748582489579163,0.10324901168505994,0.36 +1449,3.1751494574165875,0.1054563636991193,3.14 +1450,1.4835515005091524,0.09906672245559739,1.52 +1451,1.2082531767448985,0.10025370711973786,1.2 +1452,1.4233056735709775,0.0987609580112704,1.46 +1453,0.6992376572873213,0.10071919603301459,0.8 +1454,1.3026222704654786,0.09876117383687254,1.34 +1455,1.5240091371091127,0.09945264009815676,1.48 +1456,1.4172361038863188,0.09908368445119763,1.36 +1457,2.0051212116839405,0.10015494096999918,2.06 +1458,2.368843333425753,0.10125040086594617,2.4 +1459,1.6070730261409396,0.09901589616063478,1.62 +1460,1.7251893620255936,0.09977016147813643,1.76 +1461,0.6259203703326237,0.10111354371173634,0.62 +1462,0.5213796794593522,0.1012104056536325,0.54 +1463,1.7229381484623454,0.10025594559915008,1.6 +1464,1.4673357977818264,0.09887930239790761,1.48 +1465,0.8256798987191816,0.10061956079567339,0.78 +1466,1.8921418457716592,0.09976260719303313,2.06 +1467,0.8072014646845476,0.10011078996668968,0.7 +1468,2.392547628370183,0.10121114507302671,2.36 +1469,0.6290266867112082,0.10134540024205388,0.78 +1470,1.9837628723323257,0.1000524527302646,2.0 +1471,0.6709574455939433,0.10074566665689147,0.7 +1472,1.5602641141629172,0.09935379610822374,1.52 +1473,0.2941979339537484,0.1034852819808807,0.2 +1474,1.0811706566688117,0.09926630804079915,1.06 +1475,0.9439992300560804,0.09963790781734407,0.98 +1476,1.7233220627655628,0.09922853405742375,1.72 +1477,1.4374184752572192,0.09887596230419174,1.38 +1478,1.0107993883809614,0.09980729967329173,1.02 +1479,2.868902743582792,0.10455586836548016,2.86 +1480,0.0971792171079231,0.10683908544537321,0.16 +1481,1.415016652311939,0.09955604244036698,1.4 +1482,1.5206973910218673,0.09929964959900284,1.62 +1483,1.98996533744293,0.10045730035732807,2.04 +1484,0.706042120157379,0.1007785784304174,0.74 +1485,1.906047246300618,0.0997423295390961,1.88 +1486,1.4513744731842821,0.09893889018248252,1.5 +1487,2.3472423439675847,0.10085619494011852,2.26 +1488,1.9144881879953972,0.09975939205466253,1.98 +1489,0.5299756272211853,0.10177692226556055,0.48 +1490,1.1146795310361257,0.09946063917918849,1.1 +1491,1.231922060285443,0.09888160544529527,1.22 +1492,1.0491503798704345,0.09950318134547853,0.94 +1493,1.0561974051789365,0.09984907434605628,1.06 +1494,1.1462364978599255,0.09956291235480068,1.1 +1495,0.8009506513071771,0.10010046724824437,0.74 +1496,0.8342827209628696,0.10005838007099423,0.72 +1497,0.9885302335182133,0.09968367193674461,0.96 +1498,1.7841975300768291,0.09970363452400555,1.78 +1499,0.6047292862702649,0.10103103409149189,0.72 +1500,0.8224657324642892,0.10001384877082806,0.84 +1501,2.954782021313937,0.10398435706069119,2.28 +1502,1.4365101568233365,0.09882735510090769,1.58 +1503,1.981588869452105,0.10043527225841548,1.96 +1504,2.4500602197491492,0.10148168777607425,2.4 +1505,1.5265488568609074,0.09931423440827328,1.52 +1506,1.4073555524014176,0.09897286681179944,1.34 +1507,3.156618737370909,0.1059421673904109,3.16 +1508,3.3356689176937397,0.10681928045069412,3.24 +1509,1.8568374196452504,0.09996685635580328,1.82 +1510,1.2287113412883117,0.09893868633223037,1.18 +1511,1.0449722308236546,0.09949115948548559,1.02 +1512,1.8442407625174135,0.09984769505390727,1.88 +1513,2.111738062712041,0.10042416346892527,2.08 +1514,0.4276158158417773,0.10166468162479321,0.5 +1515,0.8022945283987128,0.10018802234387107,0.74 +1516,1.6936276718410868,0.09925885413183702,1.74 +1517,1.236605036225116,0.09882527945187822,1.16 +1518,2.893794759114087,0.10399394773024788,3.12 +1519,0.24250346373815446,0.1045572012196345,0.26 +1520,0.9754303767506955,0.09970496998663773,1.14 +1521,1.2925168163958192,0.09910246534806301,1.26 +1522,0.6549497077915889,0.10108476183793798,0.66 +1523,1.451570547027172,0.09899567355022262,1.42 +1524,1.2344593827891133,0.09875403101422181,1.22 +1525,0.919185701057083,0.10000167720806334,0.96 +1526,0.4813243285930484,0.10143816411688661,0.56 +1527,1.1476665682637888,0.09962305462664309,1.22 +1528,0.7431616625416468,0.10049520583724604,0.68 +1529,1.6663727389988539,0.09930124779657674,1.66 +1530,1.1963690219312342,0.09904274320908235,1.12 +1531,2.0980863720036584,0.10024098077444692,2.0 +1532,1.0159156388155794,0.09996416188474683,1.04 +1533,1.7373847914123794,0.09962823854112726,1.76 +1534,2.5763694317421493,0.10196841491251983,2.54 +1535,3.5966291295027055,0.10881375947416395,3.64 +1536,1.200982149204714,0.09902217634359319,1.18 +1537,1.2121888485288623,0.0992791345686187,1.26 +1538,1.352602240349151,0.09886657014973033,1.36 +1539,1.1790941493615763,0.0997632686277654,1.18 +1540,0.46299223852874305,0.10165717947058928,0.52 +1541,2.13607241272433,0.10028145852899684,2.14 +1542,1.7175217921122348,0.09941012737289448,1.76 +1543,1.0212607599975614,0.09972064486293886,0.96 +1544,1.622051761311775,0.09942562925639678,1.66 +1545,2.46882842571784,0.10137521179400545,2.42 +1546,1.0628024013327335,0.0995794681041601,1.0 +1547,0.3127209326162388,0.10341099230438983,0.38 +1548,1.5353503026450939,0.0993414459374149,1.5 +1549,1.1181431397274595,0.09919105110072994,1.12 +1550,1.146368982505004,0.09927044539140163,1.12 +1551,1.1769426535102043,0.09925925606902256,1.24 +1552,1.3843104491320675,0.09883433947391597,1.44 +1553,1.562974138095514,0.09902868283961641,1.56 +1554,3.144708048018275,0.10494244775859429,3.1 +1555,2.4043053072160436,0.10129698946066687,2.4 +1556,1.2376862235789454,0.09909849277585313,1.24 +1557,1.6536141550068792,0.09928011581652536,1.64 +1558,0.21899068678453104,0.10404517899741791,0.3 +1559,0.3877109845600104,0.10366162597233938,0.46 +1560,0.5977787183739751,0.10116616649021061,0.7 +1561,3.768208271962971,0.11266280790980333,3.64 +1562,1.230131860836982,0.09897099782650473,1.18 +1563,2.1042478428855436,0.10030681808911092,2.08 +1564,2.8488031480213536,0.10409882100395364,2.8 +1565,2.3423063274658826,0.10123541807690999,2.32 +1566,2.170179537112306,0.10070969999262445,2.12 +1567,0.43740119211018125,0.10141539930679537,0.44 +1568,1.2698331246076167,0.09873546013391223,1.3 +1569,0.954344926437942,0.09961062060237884,1.02 +1570,1.5948573480094497,0.09903774619485226,1.44 +1571,0.6919024400963296,0.10059799051480256,0.86 +1572,1.2686944852276605,0.09935192192748407,1.3 +1573,0.7325296614129344,0.1002681439573036,0.8 +1574,1.860699251770482,0.09949397945055712,1.8 +1575,0.6861423416556336,0.1006217077434385,0.72 +1576,1.070926303972877,0.09961715480302188,0.98 +1577,2.72708912905186,0.10269140779287257,2.72 +1578,0.9334065465684789,0.09954616214279477,0.9 +1579,1.2903858527681586,0.09916530432611802,1.24 +1580,1.70608369442081,0.09932479847815408,1.7 +1581,1.0728205777639361,0.09942060812079284,0.98 +1582,0.6247601339915876,0.10080227400824927,0.54 +1583,3.8590019139701823,0.11368729219851632,3.78 +1584,0.298720912390509,0.10314071052176087,0.34 +1585,1.4000759412433064,0.09898042796893412,1.38 +1586,0.34655820622175937,0.10292676560481244,0.32 +1587,1.3083574697715485,0.09884677032412903,1.26 +1588,1.714040155867165,0.09907336548800974,1.7 +1589,2.444951416107818,0.1016437919288454,2.5 +1590,0.9067667755209727,0.09952672237795158,0.9 +1591,1.8494382814198234,0.09968412881254862,1.88 +1592,2.3025339989924856,0.10098554066135651,2.28 +1593,1.5119723946406134,0.09942823876044979,1.52 +1594,2.1327505724859233,0.10037671075736118,2.08 +1595,0.39838242769925514,0.10250367262422201,0.34 +1596,1.6908533699210915,0.09953101675408989,1.64 +1597,1.8230198767557988,0.09945510613415966,1.9 +1598,0.9519875399728208,0.09950994287288757,0.92 +1599,1.4896410893532506,0.09889981503085055,1.44 +1600,1.0513711057080941,0.0993803979908087,1.08 +1601,1.0760113624873584,0.09942333443143447,1.1 +1602,1.4493613435871973,0.09910953207829934,1.5 +1603,1.5864828199888856,0.09933082234641248,1.52 +1604,1.0399133817393478,0.09943698183353343,1.08 +1605,0.4903962248381235,0.10161803986237473,0.6 +1606,4.031630307473099,0.11889403023991856,3.92 +1607,3.0214990025496444,0.10498571026978504,2.88 +1608,1.3237192371728754,0.09909763828073415,1.38 +1609,1.366259343753862,0.09878218536718626,1.3 +1610,0.8593548134238789,0.10005976190740659,0.86 +1611,1.909598112597253,0.09975310744999714,1.98 +1612,1.470039078541349,0.09895585866360075,1.56 +1613,2.2156515345100356,0.10093062033517229,2.2 +1614,0.8320598002457318,0.09999513622988916,0.84 +1615,3.3563020247506365,0.10630977218430303,3.46 +1616,1.9902054142913828,0.09995293988382409,1.98 +1617,2.428774026183911,0.10130493742796604,2.42 +1618,1.2188022787424673,0.09932194362349651,1.28 +1619,1.9934148603046233,0.09981337981037133,1.94 +1620,0.5182192530536598,0.10173607070896078,0.56 +1621,0.14242000940409283,0.10813679546150357,0.18 +1622,1.1405682227924616,0.09965836539905383,1.16 +1623,0.4823086949912836,0.10204411454955908,0.5 +1624,1.0163425905525842,0.10016905616206549,0.94 +1625,0.8269249878066363,0.10028644783783563,0.84 +1626,1.2534820484684681,0.09904992183491411,1.26 +1627,2.2227666527684438,0.10070999360219139,2.18 +1628,0.8249819424566611,0.10009728666778664,0.74 +1629,1.487719405830825,0.09922555571141431,1.42 +1630,1.397310094362849,0.09876573927999072,1.5 +1631,2.7172626469491465,0.10267169248253022,2.64 +1632,0.4494480058316854,0.10206834781274247,0.58 +1633,1.3872062966783127,0.09900987353947631,1.36 +1634,2.380169640167919,0.10120850342470011,2.3 +1635,1.84764519643595,0.09971031478747569,1.82 +1636,0.946701087105909,0.09968499478111956,0.96 +1637,2.6559935168421784,0.10241357755904235,2.3 +1638,1.2174460218186895,0.09948492292044647,1.3 +1639,2.893962945057721,0.1038922691780981,2.98 +1640,1.1743154685353063,0.0990549770762275,1.12 +1641,1.351337964529639,0.09889869705137505,1.34 +1642,0.9658014541851843,0.09967279498435004,0.98 +1643,2.729804567388401,0.10293956113330574,2.74 +1644,0.9803246772969858,0.09942849752925768,1.06 +1645,1.7661322951711023,0.09938268824937004,1.56 +1646,0.6653922188042232,0.10068758164866173,0.64 +1647,0.02832440820920268,0.11035889012821214,0.08 +1648,1.3077410420293611,0.09878480964604175,1.28 +1649,1.2344949488320205,0.09894912294636386,1.28 +1650,1.781339015615673,0.09940641291494363,1.88 +1651,1.7986127827325633,0.09959800204121606,1.8 +1652,2.1855304583808692,0.1005652082598702,2.24 +1653,0.4261661140348083,0.10153145053576783,0.4 +1654,1.1606362233624752,0.09912224088281925,1.2 +1655,1.3749328961245746,0.09879088939521845,1.38 +1656,2.1984263895161487,0.10107344970862651,2.1 +1657,1.3433786832316679,0.09881563863103927,1.32 +1658,0.5966896417281562,0.10154520462684838,0.48 +1659,2.0014303451790365,0.09984706459257657,1.94 +1660,1.905146340341213,0.09980336256900155,1.84 +1661,2.2682055545050392,0.10119040894164329,2.32 +1662,1.582316941313765,0.09944658897532378,1.56 +1663,0.39196180410855574,0.10216237864763109,0.46 +1664,1.114710707257389,0.09922889644705606,1.16 +1665,0.9923887783399807,0.09968911298900165,1.08 +1666,1.5107791993889579,0.09904491143993205,1.52 +1667,1.6129296263929598,0.09908094546742964,1.62 +1668,0.9879702429496733,0.09956669867503357,0.92 +1669,1.9304693970454332,0.10021587692245391,1.88 +1670,1.4060877088568213,0.09901546471292254,1.48 +1671,0.8731320417897181,0.09981003712484114,0.82 +1672,2.1607115520621445,0.10032336216512679,2.04 +1673,2.5346132406158457,0.1018215191484777,2.52 +1674,1.2624377155428819,0.09900274002925999,1.3 +1675,1.1256346709447713,0.09955997864488159,1.12 +1676,1.364143837549294,0.09916157535258983,1.36 +1677,1.9139926157293041,0.09992237188283247,1.94 +1678,0.5928096232999296,0.10087410868849868,0.62 +1679,1.2108477938653885,0.09911355495036166,1.14 +1680,0.7986654922557308,0.10004830519350794,0.82 +1681,2.407544970880826,0.10116526629117713,2.4 +1682,3.2728750564517117,0.10658897298859069,3.3 +1683,0.16608040916831057,0.10597549187995796,0.2 +1684,0.9258272291576064,0.09973526702801692,0.86 +1685,0.8582242402960689,0.09981403533665727,0.86 +1686,0.8030999632173648,0.10012052117257081,0.74 +1687,1.7978761172826745,0.09939903751256743,1.76 +1688,2.8507962291103226,0.10345009574215955,2.88 +1689,1.664592314971889,0.09939883078843195,1.68 +1690,0.6668076522721209,0.10147468109605151,0.6 +1691,4.729477069390077,0.19513149494134546,4.5 +1692,1.0423358929806115,0.10015712083056334,1.16 +1693,1.5962953472188326,0.09940534846271783,1.58 +1694,1.2086438629009508,0.09939194898043371,1.16 +1695,2.0022441562889046,0.10010402690723101,2.02 +1696,0.47011470126411026,0.10143428920877964,0.58 +1697,1.5654877729292147,0.09914441817031774,1.66 +1698,0.6493511743584734,0.10086492922023457,0.62 +1699,2.3715307285107645,0.1013916325469677,2.28 +1700,1.3082347827209746,0.09892174325522686,1.42 +1701,1.1012752077433576,0.09977431308161519,1.04 +1702,0.7473757257126807,0.10066647384811159,0.82 +1703,0.12125182020064229,0.10878534752404193,0.12 +1704,1.247050877552075,0.09891626788202001,1.18 +1705,1.2364465099237856,0.09888320475001165,1.32 +1706,2.555771910839985,0.1024429430988546,2.46 +1707,0.9161207502291135,0.09963833889264374,0.8 +1708,1.3552678068451962,0.09874695841247635,1.36 +1709,1.3074965281256483,0.09879449754888799,1.32 +1710,2.602411998120072,0.10203726459006592,2.6 +1711,1.8331359409859311,0.09960695283171443,1.88 +1712,0.7384325646164827,0.10119610643743983,0.74 +1713,0.8871494824695476,0.09989841594901062,0.9 +1714,2.1206088837079715,0.10048134446514896,2.18 +1715,3.0252485830762605,0.10571880314638968,3.08 +1716,1.5587907047988538,0.09923814057032565,1.56 +1717,1.7094571433467303,0.09966150102398445,1.8 +1718,0.5695608201000881,0.10108622730347556,0.7 +1719,0.8908638913189237,0.09974131556361131,0.86 +1720,0.9863834633254542,0.10006733193473759,0.98 +1721,0.9280724404903766,0.09991964028513572,1.04 +1722,0.01863896034827106,0.11087607858623723,0.06 +1723,2.9821219915584543,0.10446112051813754,2.84 +1724,0.972685352886616,0.09952419368623781,1.04 +1725,4.046439420644406,0.11955594625582265,3.92 +1726,0.7540883495347275,0.10024356859703779,0.74 +1727,1.0625856593113896,0.09946075561572314,1.1 +1728,2.3580538679481595,0.1010470187177817,2.3 +1729,1.3104030083106772,0.09875756920566985,1.32 +1730,1.5034113546821553,0.09912418471572298,1.54 +1731,1.1629430660244198,0.09924271420878115,1.08 +1732,3.7285777453767803,0.1100174984900379,3.68 +1733,1.3635326064994986,0.09887070017090611,1.36 +1734,0.5472835288769191,0.10119884159026252,0.46 +1735,2.0662068439728376,0.10023988312006685,2.0 +1736,1.2754866506637883,0.09899082317341348,1.22 +1737,0.2496363261493728,0.10418047739442693,0.22 +1738,1.2483833482233544,0.09877496539381288,1.16 +1739,0.5978486170445778,0.10116774543011718,0.62 +1740,1.938779923929596,0.09987463300893233,1.88 +1741,1.4347204251235917,0.09905837368112753,1.46 +1742,0.7949431424435092,0.10057379681939688,0.74 +1743,2.5247444459556316,0.10189651997594329,2.4 +1744,2.0479270395577327,0.10029241058875399,1.98 +1745,0.9554751285410192,0.09948263547842463,0.86 +1746,0.7738891276625084,0.1002999773315477,0.72 +1747,0.967157847098848,0.09968391370559822,0.9 +1748,1.7564488009618182,0.09945376925926924,1.74 +1749,1.5058931436247727,0.09921223703357376,1.54 +1750,1.9498256840273684,0.10041146835284229,1.82 +1751,1.0898487105806554,0.09987966697200748,1.14 +1752,0.9847546814761772,0.09965563699808011,0.92 +1753,2.472833965718424,0.10124807878186895,2.34 +1754,1.7171818962886378,0.09942310733617944,1.76 +1755,2.535193308687985,0.10194801117710842,2.3 +1756,1.8347105215966708,0.09944728725099129,1.8 +1757,1.1500421671635424,0.09956736498426036,1.18 +1758,1.249107267969977,0.09892095089931462,1.18 +1759,2.3894580050713845,0.10120908213389224,2.32 +1760,0.6881608075132719,0.10090827907508335,0.7 +1761,3.5005010697497028,0.10892528182056242,3.46 +1762,1.1860086233188072,0.09922495740873048,1.2 +1763,1.4364435477638346,0.09938320179206957,1.46 +1764,1.9721335195368945,0.09996245896879287,1.94 +1765,1.6832396764241453,0.09934440775535935,1.66 +1766,0.5470710803095729,0.1013237040766732,0.42 +1767,1.165010221644424,0.09933705739901258,1.14 +1768,1.3323047358034772,0.09874705054127406,1.46 +1769,1.509909075324609,0.09931798578154606,1.56 +1770,1.752765619468123,0.09941176099489066,1.82 +1771,1.8255906381471456,0.09941139493018813,1.82 +1772,1.4125466400225422,0.09907396620911643,1.38 +1773,1.59467512524448,0.09909134225660116,1.7 +1774,0.7298590803950817,0.10073294985025899,0.74 +1775,0.040198719082974455,0.11264716382860358,0.1 +1776,1.4034768530072357,0.09873879673857575,1.42 +1777,1.4560201643449007,0.09911081035885436,1.5 +1778,1.8165354425971019,0.09952479960680663,1.68 +1779,3.9287569561048805,0.11602664063046125,3.88 +1780,1.5994115476035853,0.09949730456441164,1.56 +1781,1.5141308418122443,0.09941815589006553,1.52 +1782,1.6438397292366085,0.09941238253530667,1.6 +1783,1.029124295936059,0.0995559246473172,1.04 +1784,1.5253515597850205,0.09947751982723697,1.56 +1785,0.8338990089355549,0.0997938519828798,0.82 +1786,0.6799168138536105,0.1005954184841622,0.7 +1787,1.6195572042101583,0.09915669302876434,1.6 +1788,0.44912868310113807,0.10183362756253729,0.46 +1789,2.149542630891366,0.10037241833796796,2.14 +1790,1.7262907682888249,0.09990765377499518,1.76 +1791,0.33416221399611046,0.10285186250061394,0.4 +1792,0.6198036196793468,0.10092675758948165,0.62 +1793,0.005847036080597112,0.10905380996596513,0.08 +1794,2.2247161597246485,0.10067104243320628,2.16 +1795,1.0434985018953442,0.0995535543388824,1.02 +1796,3.2896956203942302,0.10595384472141818,3.34 +1797,2.141128698293608,0.10065578420959476,2.16 +1798,1.1313561849814648,0.0993287138262367,1.14 +1799,1.7229964614773488,0.09916353039228477,1.72 +1800,1.183242435082066,0.09963698929146046,1.2 +1801,0.6648231094051356,0.1008569070192566,0.62 +1802,1.469766902996051,0.09943858868179654,1.46 +1803,1.3612777100580489,0.09884194342891549,1.28 +1804,1.540892517583378,0.09899452674733997,1.52 +1805,1.5776052765876523,0.09906092076225652,1.56 +1806,1.826196783750168,0.09956994846770585,1.76 +1807,0.07343230113291965,0.11160588000633692,0.06 +1808,2.8434673493457794,0.10408207344524313,2.64 +1809,0.5742893907778013,0.10146979916363659,0.6 +1810,1.7577253353253448,0.09947693873978493,1.8 +1811,2.036969499633196,0.10001411816534947,1.94 +1812,1.707551938470418,0.09931741797132529,1.76 +1813,1.8755940131548579,0.09938632501551586,1.82 +1814,2.3847933978422358,0.10113484168928454,2.36 +1815,1.623354379855895,0.09901622037448661,1.58 +1816,1.4594892890269742,0.09909632973978803,1.4 +1817,1.4524725515443302,0.09907463917821915,1.46 +1818,0.9888128110942576,0.09957013246215335,0.98 +1819,0.6994115682211672,0.10082307608111882,0.78 +1820,1.3329405288086862,0.09879921435484364,1.36 +1821,1.477214182210682,0.09899618668774467,1.48 +1822,1.1064748529193709,0.09988220111300847,1.06 +1823,0.8416458804012181,0.09994667205901898,0.88 +1824,2.078897244199011,0.10008303940612666,2.14 +1825,1.3873598966919347,0.09896649451245805,1.36 +1826,1.5099944978165298,0.09923431537049437,1.5 +1827,0.8486184278097484,0.10002593291037076,0.9 +1828,2.679756751929265,0.10298632364012796,2.62 +1829,1.2674192128853201,0.09911389268583355,1.28 +1830,1.4486662687976002,0.09901032474352937,1.4 +1831,1.7233365346344962,0.10013410318366066,1.72 +1832,0.6710807135737242,0.10087612712781206,0.46 +1833,0.6580162699813543,0.10097058923393787,0.64 +1834,2.0096532412308346,0.09997097305638471,2.04 +1835,1.0814510283305923,0.09959840073929539,1.14 +1836,2.096746775353724,0.1002474775204374,2.14 +1837,1.5425796650454602,0.09897083414003943,1.48 +1838,1.9688181006742924,0.10009342596860506,1.98 +1839,1.6834151326543088,0.09946794643315315,1.6 +1840,0.9498705905498299,0.09947648213113286,0.86 +1841,2.8534770010603143,0.10379067809773532,2.8 +1842,1.970813084090677,0.10032767771969694,2.02 +1843,0.6596296923639089,0.1007229656510775,0.72 +1844,1.3646138855848535,0.0987700489279712,1.34 +1845,3.153838675334214,0.10590832826865354,3.02 +1846,1.0771944193223832,0.10015527633750615,1.16 +1847,1.039860139886345,0.09935640354399307,1.08 +1848,1.9337713225531112,0.09997583454076867,2.02 +1849,0.8788638739366676,0.09970439487105773,0.88 +1850,0.8431188482599994,0.10009683695341985,0.8 +1851,1.3772845615447602,0.09925389945515244,1.4 +1852,1.292995485898407,0.09884287858727805,1.36 +1853,1.6691219223162876,0.09945275056607125,1.78 +1854,0.46001208029371,0.10215080930374383,0.48 +1855,1.1823278784128506,0.09898285138288436,1.22 +1856,1.1020878520630377,0.09923812455531894,1.18 +1857,0.6120416997741616,0.10121568390257936,0.6 +1858,1.7155410775285682,0.09930120755259204,1.72 +1859,1.3878074421199764,0.09892992908281346,1.34 +1860,2.304665276973255,0.10115393657430878,2.42 +1861,1.3031119647568,0.09875912798133597,1.34 +1862,1.0044847556844958,0.09967240191737652,0.94 +1863,1.0310332193890888,0.09975137639833748,1.1 +1864,1.429541979479845,0.09906884579188692,1.44 +1865,1.6212612424346113,0.09903655368517641,1.64 +1866,1.0262578155917284,0.09958270474043375,1.02 +1867,0.5177314725741284,0.1011792520933358,0.54 +1868,2.2711669875337055,0.10070503717132336,2.18 +1869,1.7233727787925532,0.0994232685817397,1.76 +1870,2.950422522048843,0.10646710405271316,2.98 +1871,1.585079824972224,0.09939289408206689,1.7 +1872,0.3943687845432977,0.10218092082025576,0.44 +1873,1.529984406861791,0.09899177445200572,1.36 +1874,0.15462854580393937,0.10619594602183778,0.14 +1875,0.7036138014387576,0.1005333154145394,0.74 +1876,1.1246656744077528,0.10121671519952531,1.2 +1877,0.6043116472397771,0.10104352251054435,0.7 +1878,2.6049569414035805,0.1024270469378426,2.48 +1879,1.7846710979741347,0.09921414457348944,1.82 +1880,1.9311834329507016,0.09972669219068998,1.9 +1881,1.0892856345230244,0.09984243411632605,1.16 +1882,1.877806942420113,0.09964978288471384,1.82 +1883,1.204062385376966,0.09895350752042173,1.2 +1884,1.8858020874736725,0.0998343493970256,1.98 +1885,2.2815618099310573,0.10079076175025026,2.5 +1886,0.9823897141480076,0.0995975210257004,1.04 +1887,1.3105364381550524,0.09881971753725304,1.32 +1888,3.1329930368499586,0.1054891329074938,3.1 +1889,1.2908323416519545,0.09871898781486182,1.24 +1890,1.287186923849555,0.09871635006924055,1.3 +1891,1.4957460682320425,0.09903220823883158,1.46 +1892,2.789425375258956,0.10317315327957183,2.84 +1893,0.6442976488168826,0.10074210478267548,0.64 +1894,3.367868714198986,0.10852734634203304,3.26 +1895,3.6160785044575547,0.10979298794648244,3.58 +1896,2.680930652845639,0.10247301515936563,2.64 +1897,1.4596775099791992,0.09942740697619756,1.46 +1898,2.3949631609576816,0.10150608475696905,2.38 +1899,1.5415673702217292,0.09924060349195958,1.5 +1900,1.1322042370838206,0.09946416309952032,1.16 +1901,1.2330776348037504,0.09908539013623634,1.18 +1902,1.196861154338494,0.10063012506506627,1.18 +1903,3.053284891222898,0.1052756919816511,2.92 +1904,1.4941756466189469,0.0991886740450713,1.54 +1905,1.275654011579286,0.09950990473457878,1.22 +1906,1.1688518891929165,0.09949891474813012,1.2 +1907,1.5335898063522337,0.09906909862624592,1.54 +1908,1.3945352540886213,0.09908335455513784,1.36 +1909,1.4724056125841878,0.09894444627523095,1.5 +1910,0.6480273595816344,0.1009209675212562,0.66 +1911,2.475328170425483,0.10143655967165946,2.44 +1912,1.6342696481420675,0.09947252723836777,1.56 +1913,3.2868796433936573,0.10761174155125267,3.38 +1914,1.2841176858417869,0.09898594991156755,1.2 +1915,1.7988180724858205,0.0995113823935017,1.88 +1916,0.881271874797102,0.09999348321171911,0.92 +1917,1.1990541237170704,0.09894776757905333,1.12 +1918,0.6632849478217311,0.10062598516937636,0.64 +1919,0.5268115241953824,0.10140353731940223,0.54 +1920,0.7505958633139913,0.1004266685600982,0.82 +1921,0.843983193659996,0.09988508233490476,0.86 +1922,1.1706116224007503,0.09954594153059125,1.18 +1923,1.8990665362128618,0.09982299816764069,1.98 +1924,1.5454551929619933,0.09918381948195974,1.64 +1925,1.9567009324866989,0.09994090796312234,1.88 +1926,1.8442990242161537,0.09971799511724251,1.92 +1927,3.181447591916454,0.10535188340125182,3.06 +1928,0.15270110424700944,0.10652044064528553,0.2 +1929,0.7472736503292212,0.10019552814614585,0.78 +1930,2.5433344879844757,0.10180832513434052,2.44 +1931,1.152444690417086,0.0991594040013025,1.2 +1932,0.44422718186664567,0.10165303594620421,0.42 +1933,1.4183647373990647,0.09883655090695638,1.42 +1934,0.9085384397124743,0.09972144014856191,0.94 +1935,1.676716060128095,0.09930119862114944,1.62 +1936,1.104124191726038,0.09989160586527816,1.14 +1937,1.1128489243577862,0.09956644966471394,1.06 +1938,1.8660379408721413,0.09990232073973214,1.92 +1939,2.4738717720900727,0.10146813934665759,2.52 +1940,0.6127274547158039,0.10109297967932668,0.52 +1941,1.3215951194968072,0.09882824204619793,1.34 +1942,0.8430523220893649,0.10027038928372203,0.9 +1943,2.7795673176332354,0.10344782216977712,2.66 +1944,0.9121664532876055,0.10010385537195005,1.02 +1945,2.288154384277531,0.10090880328725492,2.26 +1946,1.2068051833723048,0.09929838169603374,1.18 +1947,0.869163684383041,0.09998703429926156,0.88 +1948,1.331225936376869,0.09892597565310433,1.34 +1949,1.4691010696110867,0.09886995258680673,1.44 +1950,3.8074100565545503,0.1123166243977244,3.74 +1951,0.6838160589171467,0.10069956722492392,0.66 +1952,1.9176789186647498,0.09971644981987213,1.78 +1953,1.8153958062493964,0.09953273736612538,1.86 +1954,2.2770911640233162,0.10084841344284487,2.16 +1955,0.9974423029641899,0.09950558206438205,0.96 +1956,0.7536093210003558,0.10053216864772477,0.86 +1957,1.1320304125819136,0.09915347553089393,1.26 +1958,2.242116981933675,0.10092541341908029,2.26 +1959,0.315643446685131,0.10269265804941886,0.3 +1960,1.621184319858395,0.09926987414527215,1.64 +1961,1.159514644050171,0.09914306727936384,1.18 +1962,1.3940518153077492,0.0989137438941176,1.34 +1963,1.0999892757736889,0.09957790265609598,1.26 +1964,1.254271464449422,0.09884352059070528,1.3 +1965,1.9091731124413174,0.09981892021259628,1.92 +1966,0.8753865205381801,0.0997837565894208,0.94 +1967,1.1000025689984996,0.099548207709925,1.08 +1968,0.511011683878644,0.10196339335275648,0.54 +1969,2.4467693749660224,0.10143072117152295,2.34 +1970,0.8469436429388908,0.09991188540619304,0.9 +1971,1.8142604168750063,0.09965126984919766,1.8 +1972,3.2462329246459465,0.10709190109330201,3.12 +1973,1.663541492508619,0.09923021983158004,1.64 +1974,1.707488660439976,0.09948477701020242,1.72 +1975,1.00956049812431,0.09941903149509132,1.12 +1976,3.844886142254884,0.11364586388414705,3.5 +1977,1.483121040129278,0.09897116269249906,1.48 +1978,1.540867539370703,0.09896606791179116,1.46 +1979,1.5266380707038694,0.09927989158431529,1.54 +1980,0.8155219933040116,0.1002033022376848,0.84 +1981,3.3363947912781757,0.10705086472361393,3.32 +1982,0.416694125843202,0.10200954068170272,0.42 +1983,1.6901611469733575,0.09932098527880408,1.64 +1984,2.6810553718728585,0.10237490904689489,2.68 +1985,1.8388000266523912,0.099474863023732,1.84 +1986,1.3238861335712124,0.09886457867175602,1.22 +1987,1.8683738057402601,0.09944509570329928,1.84 +1988,0.39909646100120866,0.10177437718494314,0.44 +1989,0.5505136510603579,0.1012250701211881,0.6 +1990,3.621963730557784,0.10919036623913735,3.56 +1991,1.059032975290913,0.09972792925031876,1.14 +1992,1.9053727839527015,0.09955053821436262,1.92 +1993,2.766430303166727,0.10298187160619014,2.74 +1994,0.16786561081907947,0.10622741341431022,0.22 +1995,1.7545354943960498,0.09929356323542689,1.7 +1996,1.4854522463954802,0.09888278261140974,1.5 +1997,0.8469337615201498,0.0999374164741275,0.92 +1998,1.4201450213934714,0.09919901962284032,1.46 +1999,1.9808220577181694,0.09986573647548183,2.0 +2000,1.4174250386751177,0.09948734299326632,1.46 +2001,1.5701295096138972,0.09925404034767148,1.66 +2002,3.2258236228783588,0.10654836584815211,3.2 +2003,1.3438050159463388,0.0991650223120166,1.28 +2004,3.5811669939497417,0.10827806295389479,3.5 +2005,1.7711296776820775,0.09940479764677343,1.8 +2006,1.15974567916564,0.0991014888982562,1.14 +2007,1.0416581874108546,0.09980106207762712,0.96 +2008,0.46604134044058454,0.10152288793685799,0.56 +2009,0.6502668566207974,0.10090247225488568,0.68 +2010,0.19437609493641772,0.10451490334211185,0.26 +2011,0.5473570167905508,0.10114808196946978,0.56 +2012,0.11485169982639731,0.10819349923069167,0.28 +2013,1.7971785795983644,0.09925392383563328,1.72 +2014,0.934663499129593,0.1000204167384506,0.86 +2015,1.9605831048108955,0.09981642521175521,2.0 +2016,1.4068889876637678,0.09885117942408482,1.44 +2017,1.6945073529387054,0.0992576076919441,1.72 +2018,0.7314812559271162,0.10041261729513352,0.66 +2019,1.4223619055106747,0.09931711918087148,1.4 +2020,0.21165192015538437,0.10534689803824693,0.2 +2021,2.253798603822622,0.10084585453160227,2.26 +2022,1.2965682186576772,0.09886377619980759,1.38 +2023,0.906452378041722,0.09990087211960742,0.92 +2024,0.7077268560652372,0.1006502500394463,0.74 +2025,1.579591469237341,0.09937852041718857,1.54 +2026,2.4889057177962233,0.10167882794999507,2.38 +2027,1.580368198781622,0.10011504339011683,1.66 +2028,-0.24351460081309484,0.1256059612207982,-0.22 +2029,1.6947987886532603,0.10054419970141704,1.74 +2030,1.1353093686854778,0.09979206465477335,1.12 +2031,1.8022301539323686,0.09953100691024966,1.82 +2032,0.3486439400233807,0.1022826376638955,0.26 +2033,0.19531248344366658,0.10725382371785348,0.32 +2034,2.989543824877961,0.10499606024394038,3.0 +2035,1.3860678741711625,0.0988368470906715,1.34 +2036,1.4735347381998751,0.0989330508459944,1.52 +2037,2.5452023031213447,0.10178826767054477,2.42 +2038,0.275135563987172,0.10280012680442092,0.36 +2039,0.5418648119868921,0.10154060006855864,0.52 +2040,2.4376021755498467,0.10152428640058521,2.44 +2041,1.1188072674551905,0.09973849157004364,1.14 +2042,1.3085639023776048,0.09911511845664864,1.32 +2043,0.8128639001383264,0.10008702838070804,0.88 +2044,1.3557063371820328,0.09874933791408562,1.38 +2045,1.638946288270185,0.09939458704268,1.64 +2046,0.7726075213201129,0.10037701155726361,0.82 +2047,0.5377191527605818,0.10117186377884003,0.54 +2048,2.5301049992893656,0.10187316598453812,2.56 +2049,1.7788205538894617,0.0992015889882748,1.78 +2050,3.1266832670633082,0.10608117161355698,3.1 +2051,0.6364808820582668,0.10145169024133846,0.78 +2052,1.6766758942614055,0.09956107899240646,1.68 +2053,2.1287752525938455,0.10051017634708255,2.1 +2054,0.5708859199782326,0.1011543064966903,0.62 +2055,1.7359428325651167,0.09971956903893035,1.82 +2056,0.7758473293356773,0.10019167564937287,0.86 +2057,1.8530576017268048,0.09948715445888581,1.94 +2058,0.667406886400238,0.10066359804720693,0.66 +2059,1.988235130372933,0.09987866451593894,2.02 +2060,1.1246913636624727,0.10002329587717457,1.12 +2061,0.4537443705638695,0.10183235433046588,0.5 +2062,1.209641725630261,0.09922283368023252,1.4 +2063,1.9190809483666962,0.09975149037580372,1.9 +2064,1.7873025618886105,0.09947616761502626,1.78 +2065,1.278933116823813,0.09870195842786247,1.32 +2066,1.1424770778811408,0.09954953047810729,1.08 +2067,0.8808358689565325,0.09988012175818363,0.9 +2068,1.5235737662734097,0.09890683974950913,1.48 +2069,0.8336873050399463,0.09985661208062258,0.86 +2070,0.7500611500806629,0.10060578754489566,0.72 +2071,2.202935963397694,0.10066644985529032,2.48 +2072,1.6375244965097033,0.09910521383271235,1.6 +2073,0.855784855658223,0.10017210564427469,0.9 +2074,2.2560456953605392,0.10086078818398989,2.3 +2075,1.0336230962533592,0.09948465298849529,1.02 +2076,1.4015300130094148,0.09885933001858947,1.38 +2077,0.9896614613935257,0.09950696099493046,1.06 +2078,1.4377138899895578,0.0991526070048033,1.46 +2079,2.233919698877612,0.10099664505952305,2.26 +2080,1.4131560842769362,0.0991249523773577,1.6 +2081,1.8168546601075428,0.09951584773317915,1.78 +2082,1.5848159883922983,0.09926983902675228,1.6 +2083,1.200454835148635,0.09923070580902026,1.22 +2084,1.169840754599173,0.09922264731593561,1.16 +2085,0.9045694673519209,0.0995086234119505,0.9 +2086,1.9001535219788452,0.09955125567075293,1.84 +2087,0.9909223405088043,0.09980258598132372,1.06 +2088,1.0930886472283292,0.09949697696728539,1.04 +2089,2.1581582278774665,0.1006518101636643,2.14 +2090,1.8885503673997783,0.09957876970618208,1.92 +2091,0.9036456407173874,0.09980063907671954,1.0 +2092,1.7985018588495174,0.09968770418303771,1.86 +2093,1.3418359980608956,0.09906710329158311,1.3 +2094,1.774905967253195,0.09935672427999505,1.78 +2095,1.2445876344420286,0.09945321373273618,1.22 +2096,0.46551325180975467,0.10155028809222327,0.42 +2097,0.42297358900672477,0.10219768108921108,0.5 +2098,0.1894727028661849,0.10743493036752852,0.16 +2099,0.5543988309550743,0.10178175922361028,0.6 +2100,0.32374165877242134,0.10239227331978316,0.34 +2101,1.1339302658317523,0.0998902959104212,1.18 +2102,2.221999889949723,0.10054026689333767,2.26 +2103,0.7803589566360303,0.10033721871095085,0.7 +2104,1.9076822989249196,0.09963697154694255,1.92 +2105,0.9492438823019158,0.0996040596324804,0.94 +2106,2.416927936787838,0.10129432700461206,2.28 +2107,1.699340554431229,0.09958363916246224,1.84 +2108,0.7387352688946522,0.10037240928711924,0.68 +2109,1.7298347014405253,0.09942414613472421,1.78 +2110,1.0293050863210043,0.09950000392131743,1.08 +2111,0.7505048192688066,0.1003105620351721,0.8 +2112,3.235339673231053,0.10491612015145471,3.16 +2113,0.7323495785713037,0.10036697835217116,0.78 +2114,1.5023123000705867,0.09917250712586449,1.48 +2115,1.4439662225835563,0.09953525726946626,1.5 +2116,1.300269137484532,0.09875905095120294,1.3 +2117,1.3098512354517327,0.09959961198374297,1.26 +2118,1.282972834698233,0.09881811023796315,1.3 +2119,0.6725663809259659,0.10087781658352467,0.68 +2120,1.5335343991400927,0.09926261853634738,1.58 +2121,0.7964658103928259,0.10005410672736047,0.8 +2122,0.3779149570036979,0.1021633768414479,0.44 +2123,2.6629912238800237,0.10236708929416058,2.64 +2124,1.1101826796042304,0.09923561149971488,1.14 +2125,2.740699184354341,0.10282752053922392,2.6 +2126,2.957951398170284,0.10391747268037112,2.96 +2127,1.350816053782223,0.0988343182004448,1.4 +2128,1.2950961569799,0.09872798956459362,1.38 +2129,1.1851517812280592,0.09993763661947631,1.14 +2130,1.8967445895479729,0.0996346768446079,1.96 +2131,2.8045277524986236,0.10317416194495299,2.62 +2132,1.4126679354041636,0.09882141391436716,1.4 +2133,1.629640774308333,0.09922786289160025,1.62 +2134,1.1808894671141787,0.09934099796479214,1.2 +2135,1.5199803754773542,0.09977499356935113,1.76 +2136,2.018384934319533,0.10016747261488063,2.06 +2137,1.2112784387584818,0.09905368188320515,1.16 +2138,0.8907059867850522,0.09987426202721765,0.86 +2139,2.964530244330371,0.10476268082441632,3.0 +2140,0.8634030191538942,0.09970879674649118,0.86 +2141,4.096925114538102,0.12131395328353195,4.02 +2142,1.0129847825170957,0.09979705979090782,1.0 +2143,2.857721163647108,0.10426917643119357,2.78 +2144,1.464470108476897,0.09899869689927712,1.48 +2145,0.9284642655720405,0.09954588231024833,0.98 +2146,1.2583899551519175,0.09895280445276634,1.32 +2147,1.0590664243429033,0.10026100447927172,1.02 +2148,1.6914871485279954,0.09935548982762034,1.64 +2149,1.711937356121316,0.09908629980256435,1.66 +2150,1.9791576641582738,0.10005678265103873,2.0 +2151,3.317422705200457,0.10735224730359401,3.2 +2152,1.189003071672312,0.09918006430463616,1.28 +2153,1.1566536259178422,0.09917343835695451,1.18 +2154,0.6837198161495779,0.10129415271189976,0.7 +2155,0.5424376359963661,0.10131799807019945,0.6 +2156,0.6379579903412009,0.1010409532183704,0.66 +2157,1.3790294559536365,0.09917429879461875,1.26 +2158,1.5013135328895097,0.09900225176193078,1.48 +2159,1.6701555090017217,0.09948754392483164,1.8 +2160,3.617195760010091,0.10860754389412368,3.88 +2161,1.2200254089438134,0.09942578080018774,1.18 +2162,1.5956194919404625,0.09935582284640589,1.68 +2163,0.3099891436354427,0.10352346977312765,0.42 +2164,2.4571501323741582,0.10152430803159096,2.34 +2165,3.6572643578399227,0.10881902942108274,3.7 +2166,2.3381241241094397,0.10138087801583157,2.36 +2167,0.3866392591876264,0.10225676282727769,0.44 +2168,0.7881836726626419,0.10042541553493005,0.78 +2169,0.8758601558495387,0.09981655829054466,0.9 +2170,1.538153283068487,0.09903354933030002,1.54 +2171,1.3651929848533138,0.09928637832344142,1.5 +2172,1.6280804215982394,0.0991458112292348,1.66 +2173,1.2406960538183947,0.09903573422918813,1.22 +2174,0.6755252538608916,0.10060859124273383,0.74 +2175,4.318245437504029,0.13590471813722196,4.18 +2176,0.6292053899292485,0.10097169298480914,0.62 +2177,1.4398019703690232,0.09906261497433556,1.42 +2178,2.0769388641520674,0.10022887828093172,2.02 +2179,0.4029092577031521,0.10198981634313524,0.48 +2180,1.4032707429939586,0.09906539515049084,1.44 +2181,1.096551195406464,0.09950913448252376,1.02 +2182,2.9499480385348296,0.10431393882823725,2.96 +2183,0.716557961553187,0.10040029779215522,0.68 +2184,1.0914041163231702,0.09922139524280939,1.14 +2185,2.360237968371811,0.10105691063625881,2.24 +2186,1.375278819768729,0.09880114381020624,1.3 +2187,0.4528337648135492,0.10266339401339858,0.42 +2188,1.9887185694304053,0.0998119216466305,2.0 +2189,1.2735678447781014,0.09900265439841789,1.2 +2190,1.6168015799661875,0.09942029697404788,1.7 +2191,1.3168336331505246,0.0988470720017576,1.3 +2192,2.996009998645743,0.1048290754283042,2.96 +2193,1.3837877724519971,0.09910639286864785,1.46 +2194,1.4100627736532745,0.098953527596041,1.42 +2195,1.4414730241069529,0.09916829635027652,1.46 +2196,0.8669792779184549,0.09981786853237068,0.9 +2197,1.7397053862801444,0.10029611137618152,1.78 +2198,0.9285744557144839,0.09992103632731136,0.94 +2199,1.0585092926187742,0.09993086910516567,1.06 +2200,1.1279344903720288,0.09941612312373863,1.22 +2201,2.031546603032849,0.10036003165114385,2.06 +2202,0.8649099886419493,0.09972195400490054,0.94 +2203,4.003663608824368,0.1191775624712501,3.6 +2204,0.9254545350936512,0.09962654612346114,0.92 +2205,1.196681783921848,0.0997342183515418,1.26 +2206,3.1985948285143433,0.10586672741002667,3.16 +2207,1.4422510435070544,0.09893880158628907,1.48 +2208,0.43139499789170244,0.10196248950566489,0.44 +2209,0.9554621411260429,0.09976580136952595,0.94 +2210,1.7132693924593327,0.09934051843493297,1.72 +2211,1.4958117789897984,0.09937349188508728,1.42 +2212,1.320012392070195,0.09867137955632876,1.4 +2213,2.0478251237533076,0.10051626678831034,2.06 +2214,2.0661049132958826,0.1004033283138918,1.96 +2215,0.043951759647471667,0.10831728906669086,0.1 +2216,1.4168109864436553,0.09910080808293596,1.5 +2217,0.46377832408538366,0.10191917694686548,0.56 +2218,1.5968037768946404,0.09924993573994585,1.64 +2219,0.32592453183358017,0.10243876155765304,0.3 +2220,2.0255916631249615,0.09978450163403665,2.02 +2221,2.349899609151292,0.10114185890306518,2.24 +2222,3.8345189132316477,0.11643557334290856,3.5 +2223,1.0990997653284837,0.09921594022659945,1.08 +2224,1.7536113231655415,0.0993004625422765,1.74 +2225,1.6300353612632443,0.09902041034182352,1.66 +2226,1.830340338831055,0.09926941696607813,1.82 +2227,0.1605911278003107,0.10647413324945205,0.2 +2228,1.9021808486314755,0.10031642894700081,1.88 +2229,2.4302490572451045,0.10132443158428331,2.42 +2230,1.3688149741864828,0.09883590780896921,1.36 +2231,1.913924489815132,0.09976776327302032,1.86 +2232,2.595244685802916,0.10216723748256282,2.5 +2233,0.8492259808755607,0.099897271187711,0.9 +2234,2.903340074249959,0.10403649562168603,2.82 +2235,1.2941393910846928,0.09902209789751487,1.26 +2236,1.1177039610944932,0.0994347102737636,1.04 +2237,2.011231017449431,0.10123600428205963,1.94 +2238,1.040525999638669,0.1001775480673365,1.16 +2239,1.4835726905631945,0.09892574217703741,1.42 +2240,1.533677693816793,0.09908409835355153,1.48 +2241,1.2517793025596171,0.09880610030189717,1.22 +2242,1.0588073389793793,0.09970161049946287,0.96 +2243,2.2996526801338906,0.10077824481385268,2.14 +2244,3.459907661552572,0.10768748012198413,3.36 +2245,0.6605611982402892,0.10112475555781969,0.72 +2246,0.39521441096103316,0.10223219613466443,0.48 +2247,1.5323645111792936,0.09920332908347824,1.62 +2248,1.6728422468245883,0.0993789331799907,1.68 +2249,1.5585762629545294,0.09974204483687057,1.52 +2250,1.4700988593635758,0.09920084496122569,1.46 +2251,0.77698317349399,0.10013275465936915,0.88 +2252,1.4379967779782612,0.09892607963759222,1.46 +2253,2.1198388102203527,0.10016222859637702,2.0 +2254,1.4997286622057062,0.09931434789906675,1.2 +2255,1.9755710638954953,0.09999949955323004,1.92 +2256,0.48110243073657855,0.10137690860386447,0.5 +2257,1.8508959753358611,0.09981932203929808,1.86 +2258,1.3731854023835248,0.0988717128132114,1.3 +2259,0.6319666292501951,0.10094655999077859,0.6 +2260,0.8420764489952732,0.10018809720818575,0.78 +2261,0.4290989212621257,0.10171960968025705,0.42 +2262,0.8568078336019711,0.09973244581209594,0.8 +2263,1.3141574602320014,0.09880913275986435,1.28 +2264,0.2874639164087698,0.10315399961886705,0.48 +2265,0.6454175291987683,0.10069725618286114,0.62 +2266,1.8194636019417112,0.09950459773622454,1.88 +2267,1.1547997821905882,0.09945121702698811,1.14 +2268,1.6865518564894815,0.09957562460316872,1.68 +2269,1.1167133640122644,0.09993919395146976,1.2 +2270,1.714120640948776,0.09946264265079185,1.72 +2271,1.4687533598911402,0.09905026995959233,1.5 +2272,1.90653168465254,0.10036738983420333,1.9 +2273,1.1823010492512276,0.09919391788682078,1.08 +2274,0.8872513625669869,0.09976435080139412,0.94 +2275,1.1491370685171718,0.09923855282447328,1.12 +2276,1.4642723957018917,0.09934907305417524,1.46 +2277,1.7555330715202915,0.09958010202740054,1.74 +2278,0.9844896150613651,0.09952747968654112,1.02 +2279,1.7173301793973523,0.09956688155666066,1.7 +2280,1.8251668711280737,0.09960911616930342,1.8 +2281,1.9374464581114823,0.10003851721399523,2.08 +2282,0.9613870030316052,0.09981694182950683,0.96 +2283,0.992615713571263,0.0999889349177669,0.98 +2284,1.7487173565517666,0.09976869866456442,1.84 +2285,1.4464809348499565,0.09881133037046118,1.4 +2286,1.500360395683069,0.09942908809711229,1.56 +2287,1.330378796838884,0.09880510111112414,1.28 +2288,0.9791749423154756,0.09977676412696222,1.0 +2289,2.009000507431077,0.09995860858252541,2.08 +2290,0.5378496950456169,0.10189920895686544,0.66 +2291,1.0098309168219985,0.1004344513309384,1.02 +2292,0.2940902567422883,0.10474082210722606,0.34 +2293,1.8945446117082747,0.09968502960185242,1.9 +2294,1.5127672806058834,0.09889771690729161,1.52 +2295,0.7433841956283531,0.10037853472495213,0.72 +2296,1.2102179764052623,0.09889124346997613,1.18 +2297,2.1881317960752735,0.1005725305065223,2.16 +2298,0.6927454088647325,0.10051289452131042,0.6 +2299,1.5123534739832907,0.09943715893545432,1.4 +2300,1.8335443208846571,0.09931443827381894,1.74 +2301,1.6101246184248745,0.09912213087902524,1.54 +2302,0.41883892285798097,0.10171473155196487,0.44 +2303,1.1725076015394842,0.09889515217686855,1.04 +2304,0.7666896118332092,0.10059574538743021,0.88 +2305,1.580506563442375,0.09982883682434235,1.58 +2306,1.655860518422722,0.09942568003880366,1.72 +2307,0.535869732284121,0.10161544705249057,0.74 +2308,2.146732153167287,0.10051135524060167,2.12 +2309,0.7633353398428555,0.10078810405250278,0.8 +2310,1.5645171295731346,0.09900161985818262,1.44 +2311,1.3445574341100384,0.09890830615750258,1.34 +2312,0.33142491062538126,0.10241053920350578,0.28 +2313,1.053582291299621,0.09942663385409145,0.98 +2314,1.5848641720350238,0.09915370781385961,1.62 +2315,1.1090084355768057,0.0996128657019974,1.12 +2316,0.3506369832889378,0.10254752470646653,0.4 +2317,2.752005703379041,0.10294919598424307,2.8 +2318,0.7985312502246289,0.10019284940854514,0.86 +2319,1.5554372922962842,0.09969839904881672,1.56 +2320,0.6524650667852272,0.10138473901197437,0.7 +2321,2.488654050545522,0.10159483768176211,2.42 +2322,0.8155508095072308,0.10026415054597163,0.8 +2323,1.3290141989831683,0.09881782273228755,1.2 +2324,1.4623508986866527,0.09934313908704402,1.44 +2325,0.3512657034874651,0.10270360783130095,0.44 +2326,2.6257333894916943,0.10218489377143582,2.66 +2327,0.5734419903951904,0.10114972369211511,0.52 +2328,0.5026330362911595,0.10151427708479949,0.54 +2329,0.5628747055645691,0.1009045158734887,0.54 +2330,1.3807453793883064,0.09880912309399603,1.46 +2331,1.0247946984635747,0.0996728764560055,1.06 +2332,1.3453324923012226,0.10028522629772954,1.4 +2333,2.4905955497013874,0.10169163709890645,2.66 +2334,1.2792495050876107,0.0987459551650761,1.24 +2335,1.4139453010332816,0.0989536980232416,1.42 +2336,1.2818602852935486,0.09882754225635458,1.26 +2337,1.5493361902722727,0.09945122079746246,1.54 +2338,0.7158668909456425,0.10058353968650156,0.72 +2339,1.4131660183398311,0.09883903717358414,1.36 +2340,2.533665999130543,0.10192631718935113,2.54 +2341,1.8361420135370545,0.09958170292413229,1.9 +2342,1.2263624382914438,0.09909997140587933,1.18 +2343,1.224077400290083,0.09888797918697179,1.2 +2344,0.642144946959023,0.10066641550347488,0.62 +2345,0.19537981698840823,0.10665217139616504,0.38 +2346,0.884819053016743,0.0999070503543022,1.04 +2347,1.8727858258869874,0.09961577488499998,1.86 +2348,1.1224436024037858,0.09935081579117777,1.26 +2349,0.931319418454956,0.09968358298452908,0.9 +2350,1.677491413180048,0.09941857344851242,1.72 +2351,1.6768922652164286,0.09936631243755634,1.66 +2352,-0.00016722996838169912,0.11310921246345212,0.06 +2353,0.9886816586893532,0.09942118669928338,1.06 +2354,1.436587491107902,0.0993994766064375,1.46 +2355,0.8630536762834724,0.09994165942736703,0.8 +2356,2.069475781746748,0.10031140932014054,2.06 +2357,1.0674517449209462,0.10028281900273847,1.14 +2358,1.4861226490778898,0.09908969535058768,1.48 +2359,2.109719249926046,0.10059213179682751,2.14 +2360,1.6684534662421429,0.0992082058050021,1.66 +2361,0.4229941275428375,0.10270671926603941,0.5 +2362,1.0737541212496582,0.10006834295286267,1.04 +2363,2.277917048503239,0.100914061597084,2.18 +2364,1.4869465375468154,0.09902775834541556,1.52 +2365,2.8415264620266285,0.10392026700977519,2.6 +2366,1.5617736809324343,0.09988872966740343,1.58 +2367,0.7117757838369856,0.10093799581447221,0.74 +2368,2.1036333479132434,0.1004044408031372,2.14 +2369,1.0326938847495073,0.09944226350667325,1.12 +2370,1.4492519373063766,0.09902923314403783,1.38 +2371,0.7243994179330586,0.10080510861429338,0.72 +2372,0.9908209286233303,0.09979212627550997,0.96 +2373,0.8021371514115871,0.10017399728051075,0.8 +2374,2.9476155742497436,0.1045280978782023,2.9 +2375,1.0674561457548621,0.10021037916878493,1.08 +2376,-0.1311437793913568,0.12242529742864187,-0.04 +2377,3.059697119760168,0.1049373490496228,3.02 +2378,1.0276976245319618,0.09954147146728556,1.0 +2379,2.122652385072376,0.10026578115053726,1.94 +2380,0.9666920157790402,0.09965046585448191,0.8 +2381,1.1815257046870273,0.10019751734195578,1.18 +2382,1.0579986252173457,0.09949648677187937,1.06 +2383,1.0494557403012708,0.0997857079659741,1.14 +2384,1.5201935916985982,0.09920701404006317,1.62 +2385,2.5905379377156628,0.10239002125779224,2.5 +2386,0.0858731220486193,0.10654912320617264,0.06 +2387,1.4695666764086768,0.09890324630645896,1.56 +2388,1.010707773461421,0.09956448511523414,0.96 +2389,1.255282546253843,0.098760309377995,1.14 +2390,0.7811845241315696,0.10028586512862432,0.82 +2391,0.659088021604022,0.10062065768745142,0.62 +2392,2.786709851245581,0.10344588921341401,2.6 +2393,1.2303145420042954,0.10027917801765182,1.16 +2394,3.533982720445829,0.10880748798963004,3.5 +2395,2.536078333757258,0.10179819158068745,2.48 +2396,-0.2615499016342808,0.13608703880206455,-0.26 +2397,1.0421153930869396,0.09967936741668204,1.0 +2398,1.0326236294254458,0.09982000302692924,0.92 +2399,1.8948744113816873,0.0994943994757183,1.92 +2400,0.043594780697697066,0.10820716834512505,0.0 +2401,1.8496723825544004,0.09947862136420955,1.82 +2402,3.1675039363678668,0.10645893154641155,3.0 +2403,0.7780680193217522,0.10006344831780296,0.66 +2404,2.176959468606567,0.10065289972165926,2.16 +2405,2.4655660797612935,0.10118868030756971,2.42 +2406,0.8509357272124605,0.09980472279199111,0.84 +2407,0.6320459758469512,0.10110324428608145,0.7 +2408,0.9683594882927637,0.0997666742732663,0.98 +2409,0.25107935231539513,0.10531692384318146,0.22 +2410,0.6492805241612432,0.10116477163103413,0.62 +2411,1.2508598838864111,0.09892389596689712,1.26 +2412,1.8427416100107743,0.0994446063887529,1.9 +2413,0.6843023237557391,0.10060672131900948,0.7 +2414,2.397194671916184,0.10125804652497562,2.16 +2415,2.3645469659706695,0.10147201828288496,2.26 +2416,1.0752606674670433,0.09957769217343726,1.08 +2417,2.138210785143185,0.10042478438271579,2.08 +2418,1.926007345064965,0.09972872152667207,1.86 +2419,1.2568116131053857,0.09901705963927349,1.22 +2420,1.6148091499223634,0.09944003521640757,1.66 +2421,0.7467603161558019,0.10061501689343078,0.78 +2422,1.7753314615197924,0.09937763589208015,1.88 +2423,1.1392653751105344,0.09980543212850339,1.06 +2424,5.361867382408793,0.5135153141762336,5.16 +2425,1.3581912356321142,0.09893304476749681,1.22 +2426,0.9586621164702451,0.0995434377578309,0.9 +2427,1.506835017981439,0.0990165617818866,1.46 +2428,2.2025101488343477,0.100701252366823,2.22 +2429,2.861526149467336,0.10341081357245015,2.86 +2430,0.8752962657179084,0.09999261216160495,0.92 +2431,0.6898086924423426,0.10071736788894256,0.72 +2432,0.9122341220469694,0.09965548446795992,0.88 +2433,0.6951696988537834,0.10060658605677557,0.78 +2434,0.9971906301901698,0.10002163807409813,1.1 +2435,1.7929095156499189,0.09955232488292477,1.82 +2436,1.6297498944953064,0.09917834269261507,1.6 +2437,1.7718438244773738,0.09964967223108838,1.86 +2438,1.2411246792818333,0.09942785811870823,1.16 +2439,1.7403829440185719,0.09944374460171378,1.56 +2440,1.1596918196796098,0.09932325785861533,1.18 +2441,1.530763726750722,0.09896519708335234,1.48 +2442,1.8145028701040127,0.09939984524403934,1.86 +2443,0.7012916049640567,0.10073896722442771,0.76 +2444,1.1407356596389577,0.09955043737481725,1.1 +2445,1.5868341705883446,0.09944997854647668,1.58 +2446,1.4402506222677844,0.09891630707649174,1.34 +2447,1.037029049647353,0.09972298504326761,1.04 +2448,2.298285960194482,0.10073062541138478,2.2 +2449,2.065734962111284,0.10030884295439366,2.44 +2450,3.835477291968175,0.11467983364039544,3.8 +2451,0.7699756663976289,0.10032970686894872,0.7 +2452,2.494558173945327,0.1015699917336473,2.34 +2453,0.8128834152223605,0.10010202925865871,0.78 +2454,1.7155877318450352,0.09950941670026765,1.72 +2455,1.2316387079818598,0.09921886169772265,1.24 +2456,4.702938740429872,0.1883256997811378,4.4 +2457,1.0768676847614616,0.0992788900376324,1.06 +2458,1.1211820037362246,0.09925348290433413,1.0 +2459,1.5679824200959034,0.09974884577282167,1.68 +2460,1.5059841455776437,0.09935052063710767,1.48 +2461,1.2097520665419184,0.09902881450064084,1.16 +2462,2.2838938646422395,0.10084091516238303,2.2 +2463,2.488073353176704,0.10191544523921789,2.68 +2464,2.040086595094065,0.10027034163343795,2.0 +2465,0.7859454426666035,0.10036308864343815,0.74 +2466,0.7971892299915682,0.10011266042946002,0.76 +2467,4.5964661017245305,0.1690902350861046,4.48 +2468,0.9453791802276486,0.09982020854891992,0.96 +2469,1.1315505426225216,0.09940152958422188,1.1 +2470,0.11619222297940879,0.10678906556459777,0.14 +2471,2.480151550736048,0.10167473073672743,2.4 +2472,0.9508504648304255,0.0995340243270196,0.94 +2473,2.067397659201946,0.10010152825976136,2.04 +2474,0.7199136632482224,0.10059088203551986,0.76 +2475,1.645696133568778,0.0996783108277031,1.62 +2476,0.3653968053860781,0.10252895375116458,0.32 +2477,0.560647332660311,0.10109814453395559,0.56 +2478,1.2093641114934088,0.09946348192383891,1.34 +2479,0.3570377624127461,0.10213232805074392,0.4 +2480,1.6549370252259743,0.09951185405739499,1.72 +2481,2.760356309174819,0.10311738983873601,2.68 +2482,1.187158714197382,0.09907118173008647,1.18 +2483,1.608560672583552,0.09912325924388375,1.66 +2484,2.2698291542258477,0.10075546793989444,2.16 +2485,1.2913529933757155,0.09908004821447558,1.26 +2486,1.9207493486561746,0.09987416618733881,1.88 +2487,0.8919684870832414,0.09982057445119012,0.94 +2488,1.3559763900846755,0.099096886235024,1.28 +2489,1.7035370955401434,0.09952058670609651,1.72 +2490,1.6549078330884244,0.09948793463706718,1.62 +2491,1.4107705681079332,0.09876463268910206,1.22 +2492,2.8906958729135503,0.10412954868859921,2.78 +2493,2.1976565909831702,0.10058029839810605,2.24 +2494,0.56058336609823,0.10115722533792827,0.56 +2495,0.5768117889001461,0.1018201721692961,0.62 +2496,1.1149319674803821,0.10004116122845857,1.12 +2497,2.21028387273042,0.10036322996445984,2.06 +2498,1.2624957773853234,0.09920703334148175,1.32 +2499,0.23424832772258397,0.10348767717421622,0.3 +2500,0.8544539759760867,0.09986424443845975,0.88 +2501,0.27740538936790826,0.10465785496150705,0.4 +2502,1.6985103706136024,0.09933638639507116,1.78 +2503,1.6693836701323386,0.09932149610940347,1.7 +2504,2.0356139340071326,0.10015872485728387,1.92 +2505,0.38259786356954506,0.10407526202706927,0.54 +2506,0.5458311445850101,0.10137003390174625,0.58 +2507,1.6277146106318037,0.09944274304660337,1.62 +2508,1.4629647994155854,0.098952260481507,1.54 +2509,1.4171182483998466,0.09882721270323784,1.36 +2510,1.9903348554391387,0.10032691808748227,1.96 +2511,1.189003757375987,0.09895518897052877,1.28 +2512,1.1134169301966652,0.09944646629696235,1.04 +2513,0.8726458388677842,0.09958368254755359,0.92 +2514,1.136063266061919,0.09947320658855918,1.08 +2515,2.0159876987210676,0.1000029487785263,2.08 +2516,1.503237615715422,0.09936329193348405,1.5 +2517,1.232817427421972,0.09928065599507545,1.2 +2518,1.15660196509444,0.09947909243004675,1.16 +2519,1.4901749098311983,0.09901487992271917,1.62 +2520,0.6290250490521616,0.1011690715952604,0.6 +2521,0.08515498306681635,0.10708262716300872,0.1 +2522,1.593969386898246,0.0991956075305975,1.68 +2523,1.9835048250517404,0.100128929887904,2.04 +2524,1.286320331234007,0.0987936638984395,1.32 +2525,0.3849059482961452,0.10187112183333663,0.32 +2526,2.9874535023760576,0.10461681023046494,2.92 +2527,1.7608041644746402,0.09913329247830474,1.68 +2528,0.6915176273528105,0.10075703053707079,0.64 +2529,1.417235325254891,0.09900758727098209,1.48 +2530,1.103608186651458,0.09933172956458315,1.12 +2531,0.5359115382578155,0.1016162335505587,0.56 +2532,0.852346963181718,0.09983756562088024,0.8 +2533,1.0769022179562258,0.09996059389998324,0.98 +2534,1.805388426321043,0.09958874872867549,1.8 +2535,1.9407157122653638,0.10090770037203639,1.9 +2536,1.616853617399,0.09964802367592791,1.58 +2537,1.108910788635187,0.09953104554236436,1.08 +2538,0.11979353297949458,0.10763468545052755,0.2 +2539,1.5645809353220572,0.09915883618444511,1.56 +2540,1.3035646492155892,0.09894507122011376,1.24 +2541,2.0114885302111976,0.10000673567302538,1.98 +2542,0.8187193046426928,0.10098661879348693,0.84 +2543,1.3651845778692093,0.09907292302528051,1.38 +2544,1.812780994555476,0.09933975705332651,1.84 +2545,2.301463956488524,0.10188401758362627,2.36 +2546,1.5262245566244894,0.09919738924734613,1.58 +2547,0.42609264716405604,0.1016191630426708,0.42 +2548,3.0048357951572857,0.10568574396995974,3.02 +2549,4.5700985325769174,0.16469607179775764,4.32 +2550,3.1478403038571994,0.1059890920590638,3.22 +2551,1.2571837260849124,0.09913179175158053,1.26 +2552,4.220512031405008,0.1301418717711351,4.04 +2553,1.3703587378442152,0.09874478944253164,1.34 +2554,0.48706042317620457,0.10127439943864452,0.46 +2555,1.1576392613444726,0.09947032412443581,1.08 +2556,0.5923423122495508,0.10158946767050522,0.62 +2557,1.6385244223162851,0.09919701721220602,1.66 +2558,2.1529104813755975,0.10042308365736484,2.14 +2559,0.7973616803148802,0.0999430981838617,0.76 +2560,1.1730510787629826,0.09934797313628213,1.18 +2561,0.5600047036480278,0.10113532296049099,0.62 +2562,0.8850622204780281,0.09974587981802743,0.86 +2563,0.24798845886665943,0.10478481048773962,0.34 +2564,0.7679839399376236,0.10022804543557283,0.82 +2565,1.0467402636434373,0.09979487046740651,1.02 +2566,1.1282907440342116,0.09948301304955617,1.04 +2567,0.4602767522483491,0.10176413343911528,0.58 +2568,1.087479362802968,0.09958649772436827,1.1 +2569,2.497172995505176,0.10157254007488097,2.38 +2570,1.8798904228787643,0.09970167612626767,1.88 +2571,1.4110285721146612,0.0992115715412496,1.44 +2572,2.148325111056513,0.10044292541672997,2.06 +2573,1.649013185741916,0.09949562575156214,1.74 +2574,1.3057364101051847,0.09889547417187428,1.28 +2575,1.8499710194418542,0.10021864457242508,1.86 +2576,1.16681196208801,0.10208600635795803,1.26 +2577,0.4015234021078926,0.10199353002935128,0.42 +2578,2.891088399440804,0.10468827272879729,2.9 +2579,0.5680782115478864,0.1011529983361328,0.68 +2580,0.8188818812973808,0.09975057357374183,0.76 +2581,1.0810104013475994,0.0992443242634787,1.06 +2582,1.2814950186878364,0.09877109354604036,1.28 +2583,0.7625238822117753,0.10080753405165496,0.72 +2584,1.1832423064711237,0.09946260040027753,1.14 +2585,3.39779369382458,0.10765909657655738,3.34 +2586,1.5374740309196164,0.09894834394894945,1.56 +2587,0.5842341478401438,0.10102131422317114,0.68 +2588,0.7601635595806344,0.10027108568559577,0.76 +2589,0.8234810464363009,0.10003830421063517,0.82 +2590,2.3147463413077123,0.10091686125263863,2.3 +2591,3.412069449851682,0.10661889447075301,3.26 +2592,0.057091978504041796,0.11055363530808979,0.06 +2593,3.8358590592165935,0.11291923144980502,3.88 +2594,0.602281855152613,0.10096672786449196,0.62 +2595,1.437638875207197,0.09888568105359383,1.38 +2596,1.426408174947477,0.098845138119762,1.34 +2597,1.8522471121281698,0.09958609694765067,1.78 +2598,2.6151080146725523,0.1023613757228515,2.48 +2599,1.7879955214605674,0.09980551010430044,1.82 +2600,0.8312090140070454,0.1000160120738095,0.92 +2601,1.2294374182610406,0.09894701188939711,1.22 +2602,0.4012483921158905,0.10220134834785144,0.4 +2603,1.9367323735726687,0.09990574553031205,1.92 +2604,0.8787778158322739,0.09981652961628384,0.96 +2605,1.965319612275456,0.0998960914578698,1.94 +2606,2.1328488610318797,0.10056706191702436,2.04 +2607,0.790183430913318,0.10025026609232573,0.9 +2608,0.5194244542424415,0.10233329891704566,0.54 +2609,1.8216207723047952,0.09970412330554601,1.76 +2610,1.1745619895300565,0.09908924199630995,1.22 +2611,0.6101094133642151,0.10098989898076682,0.6 +2612,1.1966960842159666,0.09935881770387929,1.2 +2613,1.0811787134938997,0.09985631746267372,1.16 +2614,2.8060488864059305,0.10354626843598883,2.72 +2615,2.0375196377851044,0.10008213697009806,1.94 +2616,1.5608230264053817,0.09956632737260515,1.5 +2617,2.661986591735454,0.10251126401132449,2.72 +2618,2.5216224157638383,0.10159242333129015,2.68 +2619,2.643825908996625,0.10228347599147558,2.6 +2620,0.7723989772636501,0.10026602758710973,0.84 +2621,0.7804461551408595,0.10060281123935264,0.86 +2622,4.802015373133136,0.2121105555218128,4.58 +2623,1.9004274566542507,0.0994966920240133,1.9 +2624,0.7626941354632082,0.10057679206801227,0.76 +2625,2.045066248059756,0.09998179877640684,2.0 +2626,1.785376608794605,0.09943088449624947,1.76 +2627,1.1541275825394324,0.0993538701296886,1.2 +2628,1.3307151321655704,0.09879726679553691,1.34 +2629,1.529856556290836,0.09902646219696033,1.64 +2630,0.9275671465500339,0.09956266200993379,0.9 +2631,0.8535392254761207,0.0999782176530125,0.86 +2632,0.6825356392352846,0.10059824763133522,0.74 +2633,1.4804216719680825,0.09901552629269776,1.48 +2634,0.9861706890451971,0.09973051404735575,0.98 +2635,1.0041137283120223,0.09969889112027246,0.96 +2636,1.9774981996594059,0.10009997555601247,1.98 +2637,1.7720152288353483,0.10056454268508438,1.86 +2638,0.848246192020534,0.09979804703903104,0.9 +2639,1.6259957536401524,0.09917141830345369,1.64 +2640,1.1914739059736534,0.10136208565490203,1.1 +2641,1.083542023191656,0.10015662858367311,1.08 +2642,1.7694596493258332,0.09942954606448852,1.86 +2643,1.1096452078436856,0.0999773005055582,0.98 +2644,0.5962674489678024,0.10096556282142537,0.52 +2645,0.5524622874682039,0.10137728343108078,0.58 +2646,0.4130909428113101,0.1021258348429772,0.38 +2647,0.99430199000726,0.09984576109009231,1.14 +2648,2.1567814030119816,0.10046091013505135,2.14 +2649,1.1972843762373822,0.09897047870492519,1.14 +2650,1.2553299687912565,0.09897659127134106,1.24 +2651,1.3632779292398867,0.09881710201277093,1.34 +2652,0.3134400812682203,0.10285621677245606,0.3 +2653,0.648947322592649,0.10102478494800424,0.6 +2654,1.7942216707244663,0.09960942097900309,1.8 +2655,1.113370156057863,0.0997349874339926,1.04 +2656,0.8339163682831712,0.09992094588720085,0.88 +2657,1.6637131018676514,0.09977468213267625,1.66 +2658,0.08572493480471777,0.1087730382806864,0.1 +2659,1.3986529001101944,0.0990191615950507,1.46 +2660,1.434387825146805,0.09901901510819872,1.54 +2661,0.606368498571827,0.10083152193810035,0.74 +2662,2.6546106995668612,0.10244529258449281,2.78 +2663,1.8896807215005056,0.0999653661699039,1.66 +2664,4.512186836473326,0.15691279804199115,4.26 +2665,0.8793794079283204,0.1001913970184675,0.86 +2666,1.0006590397846808,0.09929909653186265,0.98 +2667,1.6794122398290108,0.09949787872863541,1.74 +2668,0.7709971445818213,0.10032066658115754,0.8 +2669,0.9808743926306194,0.09950347681066105,1.04 +2670,1.351324257184279,0.09886795028096275,1.34 +2671,1.414502969554716,0.09881021013846754,1.48 +2672,2.067916714557983,0.1000835347616261,2.06 +2673,0.4496495764961581,0.10188956165845064,0.42 +2674,1.9362596131723693,0.09991882134000847,1.84 +2675,1.6878923480537453,0.09938807160849902,1.64 +2676,1.6915068134567741,0.09966419843811244,1.66 +2677,0.608782930061311,0.1008950603029521,0.64 +2678,-0.003555419234912316,0.11380163954193069,-0.02 +2679,1.4448191127566525,0.09900132538411904,1.48 +2680,1.4054417033091064,0.09893679955012023,1.48 +2681,0.27135733194513434,0.10358346600481304,0.26 +2682,0.37697778799371817,0.10255238557754161,0.4 +2683,1.3149146939624055,0.09897336053720761,1.32 +2684,2.835650577921612,0.10325148515135317,2.7 +2685,1.3530478451957906,0.0988102073302081,1.34 +2686,1.3356168665623807,0.0989554268238528,1.32 +2687,0.42969746311026014,0.10203318335948086,0.48 +2688,0.8350278680901881,0.09989422578133976,0.82 +2689,0.6932815549940672,0.10045904054290762,0.78 +2690,0.8576148453410626,0.09992008904257454,0.84 +2691,1.8646747925271379,0.09960788958005479,1.9 +2692,1.3575004654943201,0.09923694359916842,1.24 +2693,1.770027987387495,0.09964516984590696,1.84 +2694,1.611354060102881,0.0995950979297387,1.56 +2695,2.7727608782915194,0.10334760964995407,2.76 +2696,0.10973014481992194,0.10894516240125666,0.2 +2697,1.4563497557505956,0.0988303918181506,1.38 +2698,0.5169271899402987,0.10134587754364746,0.58 +2699,1.194900921241343,0.09894151761406411,1.18 +2700,1.6596396408422132,0.09954931369730846,1.66 +2701,0.8259679118665859,0.09992219846942867,0.9 +2702,1.619439929598039,0.09939533411523631,1.8 +2703,0.7733252629623324,0.10026950730250285,0.7 +2704,1.1865266826502905,0.09968984492662167,1.14 +2705,1.103022829903688,0.10035746982321124,1.2 +2706,2.4083290128053907,0.10139911307785623,2.36 +2707,2.490022328757304,0.101530929877755,2.4 +2708,0.9032757958779329,0.09987697996819975,0.94 +2709,0.35025098952638145,0.1028786518376916,0.4 +2710,2.4693764357494477,0.10153797638497077,2.34 +2711,2.0398317789332143,0.10043984485152053,2.12 +2712,0.8420234139036766,0.0999371881538721,0.78 +2713,1.5446700404524287,0.0992228707377091,1.56 +2714,1.5976030700414527,0.09923121716430089,1.52 +2715,1.5660860935855447,0.09915631882033148,1.46 +2716,-0.37040139740807576,0.1489872466503023,-0.32 +2717,2.173236172162392,0.10058776145614624,2.1 +2718,0.8703049829517313,0.09980939572176505,0.86 +2719,1.5864295470331855,0.0993173203472357,1.62 +2720,0.9384606110264089,0.09995799793006428,0.96 +2721,1.749237789193321,0.09953857204047493,1.76 +2722,1.2529150035227568,0.09925106415237078,1.28 +2723,1.2275643762844035,0.09905806343893277,1.14 +2724,0.828610407972066,0.1000994123575508,0.86 +2725,1.5557248606059078,0.09910104550261968,1.58 +2726,1.800585503159725,0.09963363230916565,1.82 +2727,0.10044685521667573,0.10768229883900432,0.1 +2728,0.28899798321904213,0.10331032714354556,0.4 +2729,0.7906574574739709,0.10030363226065206,0.8 +2730,2.1688990335793843,0.10054595245123346,2.12 +2731,1.7101423546322196,0.09944787289740473,1.66 +2732,1.317899724249864,0.09880401713132836,1.36 +2733,2.2047390616328517,0.10065789771374957,2.18 +2734,1.794683821616571,0.09932780229685494,1.8 +2735,1.5900354770363607,0.09937008994505933,1.54 +2736,1.1777553986852227,0.09925836412228756,1.22 +2737,1.4026496172209428,0.09879342824638059,1.42 +2738,1.5437692358279642,0.09913854192853508,1.56 +2739,1.194008228111693,0.099318379456253,1.1 +2740,1.6000365954027111,0.09955785310091525,1.6 +2741,0.9097644482497829,0.09996991953947314,0.84 +2742,0.7965923337877514,0.10020549423079932,0.82 +2743,2.128562493298423,0.100264935024189,2.1 +2744,1.6725758708759686,0.09937700362742764,1.76 +2745,2.1920627365069354,0.10055556522567709,2.14 +2746,1.0722938068823724,0.09944934599446444,1.04 +2747,0.9310768381392991,0.10014198910811792,0.9 +2748,1.2386369759494558,0.09885259623131788,1.26 +2749,1.5930923956558816,0.09897397842925926,1.52 +2750,1.04946066927822,0.09972540262782556,1.04 +2751,1.5860015574137678,0.09917238256315242,1.62 +2752,2.277507914196205,0.10093353472582696,2.3 +2753,1.9067191672249828,0.09968934392573112,1.92 +2754,1.558323816916596,0.0996319535497977,1.62 +2755,0.7054537088421016,0.10069891868168303,0.7 +2756,1.2392216864938506,0.0988332260519579,1.14 +2757,1.1311356427618777,0.09939376173376202,1.2 +2758,0.9355254290361488,0.10003950090341023,0.98 +2759,3.012001964620614,0.10473994058002371,2.94 +2760,0.6042202667016683,0.10085938030410532,0.66 +2761,1.3843680047857185,0.09890990387469549,1.4 +2762,0.32626875791391696,0.1033539605391431,0.5 +2763,1.6252125806138211,0.09932248204353729,1.68 +2764,1.046031592198746,0.09950614477700277,1.0 +2765,0.8256649322813006,0.10017663941343188,0.86 +2766,1.3734490250306608,0.09893969430748822,1.42 +2767,1.6193152072472239,0.09938913904879541,1.68 +2768,0.9625196851144666,0.09997382419380016,0.94 +2769,2.145189447554154,0.1007914240951233,2.06 +2770,1.1945486739899545,0.0992341119860937,1.2 +2771,1.222636491085774,0.09929698442298354,1.22 +2772,1.2839653921021517,0.09904494925726767,1.34 +2773,1.0334054959638566,0.09992296928052415,0.94 +2774,0.8043085408254613,0.10010065333158415,0.8 +2775,1.2987968467981525,0.09874785108465957,1.28 +2776,2.093048721063509,0.1001911334166468,2.1 +2777,0.5511024730843503,0.101233102369733,0.56 +2778,1.359340204134918,0.09898512010424837,1.34 +2779,1.3209460063185412,0.09873786241667672,1.36 +2780,-0.3222420182828023,0.14479356315624387,-0.26 +2781,1.411659755185825,0.09898771617868514,1.4 +2782,1.2382085058227774,0.09995379561453385,1.16 +2783,1.6893010460662141,0.09955764033583199,1.74 +2784,1.8711969576071412,0.1000469346791971,2.02 +2785,2.0844516158821644,0.10031560814239067,1.98 +2786,1.6599862112038062,0.09912404107893134,1.74 +2787,1.7775566313691031,0.0991619115867542,1.72 +2788,1.7015453184546467,0.09947902787134735,1.76 +2789,1.844090530761507,0.09968846543825327,1.94 +2790,1.74840519532602,0.09989413322159435,1.76 +2791,1.0675236361964353,0.09950856700743323,1.04 +2792,1.6293276680346602,0.09943317051430195,1.66 +2793,2.223695285371969,0.10060699279750711,2.22 +2794,3.3133959916581492,0.10629088456628663,3.36 +2795,2.3126277023726995,0.10135592190114005,2.36 +2796,1.6690129757117889,0.09982965527255101,1.62 +2797,1.3186250287866181,0.09880233388005838,1.24 +2798,1.3638813991172911,0.09877997758331958,1.38 +2799,1.2036296936715176,0.09933730584925297,1.22 +2800,0.7306036229152413,0.10046334920024756,0.66 +2801,1.1063018895265857,0.09984565194067987,1.22 +2802,2.006172026573351,0.09991426923604171,1.96 +2803,1.233170242249132,0.09888534855286905,1.24 +2804,0.8483791656341724,0.0998686162376464,0.8 +2805,1.3894668283012999,0.09891145570178388,1.44 +2806,1.0349779116291218,0.09988719668304978,1.02 +2807,2.0236343331109854,0.10014651472132298,1.96 +2808,1.0015388490093515,0.09964735560998154,0.98 +2809,0.22776999830766598,0.10454522309528194,0.32 +2810,1.0037015178761466,0.10207289169766383,0.84 +2811,1.1297253601043324,0.09964245741652278,1.12 +2812,3.8561320973329316,0.11339633247622981,3.82 +2813,1.48730084411134,0.09919689388522358,1.52 +2814,0.649715855196783,0.10088299057732467,0.7 +2815,0.58793089540781,0.10107676516799927,0.6 +2816,1.0672243769197765,0.09999173189042204,0.96 +2817,1.0141742801292553,0.09952408181267974,0.98 +2818,2.6802141718003316,0.10244460586563128,2.74 +2819,1.6670244918222872,0.09947753219649154,1.64 +2820,1.5522668329258644,0.09936656386266261,1.46 +2821,1.7343350347053048,0.09926155833223607,1.76 +2822,1.0303119178439262,0.10045899573911124,1.08 +2823,1.544762304600274,0.09939592331941331,1.6 +2824,0.8316419964179944,0.09976189299590378,0.7 +2825,0.8901681929123642,0.0997661598750347,0.86 +2826,0.492281525464344,0.10122663046142058,0.58 +2827,1.023697491485558,0.09975868280367031,1.0 +2828,1.522729778667278,0.09912165726411955,1.48 +2829,1.4084715038495668,0.098869644258916,1.28 +2830,1.6641400750862887,0.09933887114125353,1.6 +2831,1.4532554200772532,0.09922027851288179,1.44 +2832,1.0769904237238508,0.09923497737848008,1.08 +2833,1.7584703459458966,0.09943410179826669,1.84 +2834,2.119934150216329,0.10050779184074322,2.12 +2835,1.7389476360638925,0.09914084852294125,1.68 +2836,2.068551938231062,0.10015451658204551,2.02 +2837,1.0429178685685245,0.09951423556729348,1.02 +2838,0.52266662372722,0.10131322738742182,0.44 +2839,2.054990652535283,0.10023019329623645,2.08 +2840,2.4310828857205617,0.10166556237524936,1.9 +2841,1.911403360111448,0.09962177202454778,1.88 +2842,1.813347450254591,0.09946136332307087,1.78 +2843,0.9548458080603781,0.09965037765416576,0.96 +2844,1.559417879706517,0.09969939252925228,1.56 +2845,3.198639814799206,0.1051586074926878,3.12 +2846,0.5403942593860067,0.10135016116027076,0.5 +2847,1.1829121438418484,0.09986940633592507,1.18 +2848,0.39365384274796056,0.10208678367386743,0.38 +2849,0.9441544122277195,0.0999105576666295,0.96 +2850,1.600579851707481,0.09913820134305115,1.58 +2851,1.9520001649971854,0.09975051615664629,1.88 +2852,0.8676678386713677,0.10058087833525448,0.86 +2853,1.511080386995127,0.09896194734510598,1.54 +2854,1.5415228646488524,0.09922294757015837,1.52 +2855,1.6543580499377606,0.09909981642411797,1.66 +2856,0.07083932997703513,0.10741702970344391,0.06 +2857,1.0080376432444653,0.09949073701365865,0.94 +2858,1.0974748888016295,0.099705463593093,1.06 +2859,1.3683038552659939,0.09876766500590835,1.38 +2860,2.9557240358817527,0.10438677273748644,2.92 +2861,1.464162826885184,0.09891703618698951,1.4 +2862,1.4129164822472917,0.0989253840115059,1.42 +2863,0.8717047156000477,0.09970433789025293,0.88 +2864,1.5471120485292198,0.09931485216735325,1.62 +2865,1.6297098630915643,0.09914058895425884,1.68 +2866,3.927692950417738,0.11659259595338785,3.76 +2867,0.8439742121866247,0.10036467261994053,0.82 +2868,2.9062080078712924,0.10620469905481603,2.74 +2869,1.4069049505856215,0.09874092144083613,1.54 +2870,1.3358238617895084,0.09873176187334595,1.28 +2871,0.7970223809309134,0.10013868316388733,0.9 +2872,1.5246996558993062,0.09961142670521195,1.64 +2873,-0.18457208922447976,0.12396296635913139,0.1 +2874,0.507485619428502,0.10118604228125148,0.46 +2875,1.2394374979659817,0.09898436814580601,1.26 +2876,1.8362930862652591,0.09928525547507695,1.86 +2877,2.6052311069306437,0.10216631320969444,2.52 +2878,0.873575053666906,0.0998805081461638,0.94 +2879,0.5042813911078399,0.10148387276414104,0.56 +2880,1.4516332609443425,0.09925938002783409,1.4 +2881,1.1341021791122132,0.10054103159397623,1.1 +2882,2.6740185456710304,0.10233050164582473,2.68 +2883,1.2311915014761412,0.0991683949723624,1.28 +2884,1.4485891611963575,0.09903598845857235,1.5 +2885,0.482424254140456,0.10165404068588597,0.42 +2886,0.7515319103810343,0.10020802463831263,0.72 +2887,2.151914426954127,0.10150399564274949,2.08 +2888,0.9940404536623733,0.09996215010646584,0.96 +2889,1.4293652086924575,0.09889372837358387,1.42 +2890,0.46936750031242425,0.10150319889057219,0.54 +2891,0.8512544072455428,0.1000105298831415,0.84 +2892,1.715920430189067,0.09933919274225965,1.7 +2893,2.6416631670725543,0.10232471281668505,2.66 +2894,0.6845335770856467,0.101217285993113,0.72 +2895,1.574148008501927,0.09932907952008084,1.54 +2896,1.6777266004153846,0.09902173604303345,1.66 +2897,1.35786594951705,0.09887864159511404,1.34 +2898,1.8376660737764838,0.0996094053258206,1.8 +2899,1.5090256641407558,0.09907158864977243,1.46 +2900,1.4970041596291404,0.0992003826633688,1.6 +2901,1.9640837410397276,0.10012742829725485,2.06 +2902,0.7737260125927621,0.10090596247405352,0.9 +2903,0.7447754308230203,0.10019188934184843,0.66 +2904,1.8084433289489945,0.09953534549403577,1.84 +2905,1.1836921673715766,0.09925199490700475,1.28 +2906,2.0792118251382465,0.10023000459970521,2.12 +2907,1.1164068910087097,0.09947545001148393,1.1 +2908,1.1619403533970443,0.09941893371416934,1.2 +2909,2.660630779882686,0.10239347440762092,2.6 +2910,1.6478928404584623,0.09956584703105012,1.7 +2911,3.405436816619913,0.10935341755498293,3.26 +2912,1.1796091047860118,0.09915772301599114,1.18 +2913,2.7618051588519474,0.10282591204669969,2.82 +2914,0.9637927917118405,0.09945871734984923,1.0 +2915,1.3757064195477129,0.09880710516090795,1.38 +2916,1.1702477336306474,0.1002663597789804,1.1 +2917,0.7210524582375386,0.10057253193016838,0.72 +2918,1.2323357962649177,0.09885175013183761,1.22 +2919,1.9152708807249554,0.09990036009681469,2.16 +2920,2.5147549996275966,0.10205893446011899,2.5 +2921,1.2087383618668939,0.09907660162205234,1.14 +2922,2.01341537694468,0.10016969544454757,2.16 +2923,0.3533910939699483,0.10283536193478153,0.5 +2924,1.9206271444095664,0.09983457004307285,1.94 +2925,3.6285341527407837,0.1088980164174203,3.64 +2926,0.44674447896160685,0.10157838481470555,0.44 +2927,0.2853670257080567,0.10357784328191517,0.32 +2928,3.6635528533967925,0.10902429890141958,3.28 +2929,1.5874532812602753,0.09942428740649052,1.6 +2930,1.1966904088478978,0.09898755575321444,1.22 +2931,0.6230838738873403,0.10091441271951998,0.52 +2932,2.026520178424091,0.09992192539749749,2.0 +2933,1.0655193412056023,0.09958743533067319,1.14 +2934,1.315035152458227,0.09887813300651434,1.28 +2935,1.1227556613019531,0.0997400555333703,1.12 +2936,1.4392963687799651,0.09893230723934653,1.42 +2937,2.189368566380738,0.10062602825120802,2.24 +2938,1.0673618982004045,0.09966226733419507,1.02 +2939,1.5181690613188736,0.09914068470183966,1.46 +2940,1.702775113662044,0.09943434263288879,1.72 +2941,1.0193113120826227,0.09999559435879832,1.04 +2942,0.6799690932420448,0.10071062393687626,0.74 +2943,2.2975722976258144,0.10090002373874159,2.16 +2944,3.825873496697998,0.11235440276523592,3.58 +2945,2.174274036808539,0.10061658947123488,2.18 +2946,4.276566214399393,0.1329626131772212,4.16 +2947,1.2235506100091926,0.09997302388627592,1.14 +2948,1.7924470389282925,0.09967512936582623,1.94 +2949,1.68331752783145,0.10005646319835812,1.66 +2950,1.2982352510897799,0.09874397369428178,1.3 +2951,1.517214620371712,0.0991065396883326,1.6 +2952,1.3638678264422397,0.09879657298798794,1.34 +2953,-0.04832213491587667,0.11615751297357456,0.02 +2954,0.7756851112674228,0.10049649298427207,0.88 +2955,2.0856815902051498,0.1003409088063024,1.92 +2956,1.1462049696395,0.099448953558285,1.18 +2957,3.7064974161063695,0.11032694963166835,3.82 +2958,1.3586913953900372,0.09891498911302618,1.4 +2959,1.459433367508401,0.09937593350022599,1.46 +2960,2.2772003853240346,0.10082693934260478,2.24 +2961,0.9863598848357229,0.09978892892518819,0.88 +2962,1.5727149869374004,0.09921758948488624,1.5 +2963,2.287233193266273,0.10136910940635442,2.28 +2964,1.6588999910022382,0.09950654975526135,1.72 +2965,1.8242467320325717,0.09952524899022655,1.78 +2966,2.000607030594404,0.09991691860438318,1.92 +2967,2.9391483993197713,0.10436034637571409,2.92 +2968,1.9593486302848626,0.0995432830820964,1.96 +2969,1.0508864954969483,0.09959067963759749,1.06 +2970,1.345767779104081,0.0987512481946108,1.4 +2971,1.6222176257912488,0.09922541811936457,1.68 +2972,0.6635802191979268,0.10080276255885837,0.56 +2973,3.797304798769469,0.11318430728416981,3.74 +2974,1.4239105333132736,0.09888391762642267,1.36 +2975,1.5595729747052027,0.09940149225742026,1.6 +2976,1.5965245033838167,0.09915313191626207,1.64 +2977,1.9138507779243825,0.0995274723626894,1.84 +2978,1.2829920880904575,0.09889771506741761,1.3 +2979,1.8992429298183084,0.0999687464746675,1.9 +2980,1.8310498434973412,0.09931676908237785,1.88 +2981,1.7374664982437282,0.09919759337841816,1.8 +2982,0.1015053907842558,0.10657618053377106,0.14 +2983,1.7286873283117907,0.0994246838962121,1.72 +2984,1.8577941431940077,0.09966747759495931,2.38 +2985,2.9043969105147234,0.10397325284619086,3.02 +2986,2.0795829651887683,0.10036960163234877,2.08 +2987,1.2901940998113781,0.09886107597549611,1.22 +2988,0.4360760863610993,0.10223605605578749,0.48 +2989,2.062593770809764,0.10033743069138525,2.06 +2990,0.8946896528091146,0.09991339776808315,0.88 +2991,0.8315998020907587,0.1000129438963519,0.84 +2992,1.286360558359165,0.09908120373655027,1.22 +2993,0.9089754772322622,0.09994598786120872,0.9 +2994,1.677759261663242,0.09957998610985742,1.66 +2995,1.708969997945809,0.0993020524352159,1.76 +2996,1.2913897697105285,0.0987998564433661,1.26 +2997,1.2844619990604629,0.09887545112112389,1.24 +2998,1.4008101636844523,0.09889457715853266,1.36 +2999,1.3367612331108079,0.09884651012900156,1.32 +3000,1.2870543545964759,0.09944357290976258,1.26 +3001,0.5456194906780085,0.10129450531467163,0.44 +3002,0.7789994018197619,0.10017839627935489,0.76 +3003,1.758989651793646,0.0992026603809898,1.8 +3004,1.1588901333416872,0.09937921483373349,1.24 +3005,2.265264866724296,0.10074574869998608,2.34 +3006,1.9418654400525932,0.09969035887988038,1.98 +3007,0.926274275909664,0.09970427890907776,0.9 +3008,1.4380132337797116,0.09903920324061083,1.52 +3009,1.8814520528478533,0.09974322812302924,1.94 +3010,1.1408857244204442,0.09949759142078146,1.08 +3011,1.153073681983601,0.09971518418510592,1.18 +3012,1.5106458340156281,0.10012809287109044,1.54 +3013,2.4334007684150674,0.10130630130011384,2.36 +3014,0.9406611198756936,0.0999124291067367,1.02 +3015,2.7492523039720655,0.1028714082226956,2.6 +3016,0.9439765882386355,0.1002086579370878,0.86 +3017,4.280201751384325,0.13330333280168502,4.04 +3018,1.9554059489371072,0.09974558853845011,2.02 +3019,0.2553698507100195,0.10313728547767634,0.32 +3020,1.2215768370065747,0.09918612724076276,1.06 +3021,0.6972393769338099,0.10081024929257387,0.66 +3022,2.1287025234616426,0.101132644010105,2.22 +3023,0.6976603929382692,0.10050172046451383,0.7 +3024,2.8648055639350662,0.10375448866974066,2.78 +3025,0.49272038387776873,0.10342355291383429,0.44 +3026,1.0006656487120666,0.1000211408540752,0.98 +3027,1.352020043895079,0.09883616645455874,1.34 +3028,1.013221900285801,0.09975826257930875,1.16 +3029,0.6745933402940041,0.1011571625961634,0.66 +3030,1.1273668108689507,0.09930792142892904,1.18 +3031,1.7399593134249451,0.09964643756576907,1.72 +3032,0.4627470554969564,0.10166263084014923,0.6 +3033,1.752179128240085,0.09935700110586297,1.82 +3034,1.180567768779669,0.09932324270620788,1.14 +3035,1.7478776115335515,0.09957288521059943,1.78 +3036,1.5635475275058164,0.09953945061491433,1.6 +3037,0.7454776394483973,0.10025052571863695,0.8 +3038,0.19841425838296245,0.10437411655882066,0.2 +3039,1.831294336894645,0.0996875891463113,2.04 +3040,1.4112896274296298,0.09891831234783234,1.42 +3041,0.24800111264410574,0.10359081755245371,0.34 +3042,1.6206566085179455,0.09930465393800361,1.7 +3043,1.6702351355681146,0.09942996324632501,1.72 +3044,0.2813299621554266,0.10366678495261682,0.3 +3045,1.588146984838035,0.09931597918313008,1.56 +3046,1.3703326776268285,0.09869751368066582,1.34 +3047,1.655187597598674,0.09933679562350775,1.6 +3048,1.0006790087464397,0.09949825366564227,1.06 +3049,0.9636053853140056,0.09982464620455,0.88 +3050,3.121338895596537,0.10608724450571701,3.04 +3051,1.3973825193287028,0.09880022814903998,1.4 +3052,0.9532921602468478,0.09953287383053143,1.08 +3053,2.257516568894614,0.1007153743908842,2.28 +3054,0.8534546382730157,0.0998894901089444,0.84 +3055,0.6309649527841132,0.10097550754424889,0.64 +3056,3.072629194906641,0.10682194506537271,2.92 +3057,1.5163660196087905,0.0994417289299057,1.6 +3058,1.2375911578209384,0.0989140045301971,1.16 +3059,1.1206328491102455,0.09951279637691696,1.1 +3060,0.5996298307811914,0.1010998778851933,0.64 +3061,1.6190168627352735,0.09925399528676793,1.64 +3062,2.0762142519820816,0.10017298215769853,2.0 +3063,1.2705351762267172,0.09902691216203435,1.32 +3064,1.254112665882184,0.09894936275209955,1.18 +3065,1.007364025909938,0.09974485192225846,0.98 +3066,0.27808956612588687,0.10300570882840716,0.24 +3067,1.1584556188120787,0.10050889357525092,1.24 +3068,0.2671937239493063,0.10377348931014257,0.38 +3069,1.0736281763808664,0.09957190494811576,1.14 +3070,0.9717052577118908,0.09943756522681046,1.0 +3071,4.549755712565155,0.16216234553980557,4.34 +3072,1.882604408304237,0.09971544489391422,1.86 +3073,0.9376850679731861,0.09995206298102871,0.92 +3074,1.2995782358088428,0.09873993826217109,1.34 +3075,1.103351691813687,0.09935045258432541,1.1 +3076,2.1482408125065913,0.10041192656045606,2.16 +3077,1.9316362453070164,0.09964620293017126,1.96 +3078,1.9851721166215037,0.10010622089306007,2.04 +3079,1.5032248824841596,0.09934349574827471,1.52 +3080,1.7805022010991516,0.09941410431369796,1.72 +3081,0.8266248884591023,0.0997353843197449,0.9 +3082,0.8516019158334076,0.10020229019314196,0.78 +3083,2.9012468144227626,0.10405611499718666,2.88 +3084,1.0018050093687465,0.09975064844369663,1.04 +3085,1.6574813550161858,0.09937210117759515,1.58 +3086,1.4951304849362879,0.09919974239924641,1.42 +3087,0.7902599126795893,0.10088289189722262,0.96 +3088,0.7103919307302975,0.10079747482362302,0.78 +3089,0.6405950727385432,0.10088981312225188,0.56 +3090,1.2164115054288673,0.09909703614289704,1.18 +3091,1.5266245080914638,0.09940712605500811,1.56 +3092,3.581093602053958,0.1090168307763214,3.56 +3093,2.689796832916615,0.10291386394342103,2.6 +3094,1.475886198615006,0.09897133374180303,1.42 +3095,1.3205331611351043,0.09897841172419353,1.44 +3096,1.0464651946039412,0.09979291058412111,1.06 +3097,1.2872945423308957,0.09910079806773443,1.28 +3098,0.3724127988499377,0.10188424003715153,0.36 +3099,1.0915349340040892,0.09936539051473725,1.1 +3100,2.3143848015216175,0.10077941502707785,2.24 +3101,1.2088963888339082,0.09964348751148108,1.22 +3102,0.6584538047795137,0.10094048721519203,0.62 +3103,0.7748362219482574,0.10006704711346305,0.76 +3104,1.5921273338631374,0.09935836692995192,1.6 +3105,0.836064401673491,0.10011036009704961,0.86 +3106,2.009074003921567,0.10005914070890666,1.98 +3107,2.2506634223284276,0.10070493205199356,2.24 +3108,2.1498675219523964,0.10047771634672893,2.1 +3109,0.8211206870873597,0.1001649540081081,0.92 +3110,1.9086750930587166,0.09961858815659855,2.1 +3111,1.0132561070936263,0.09978885036621897,1.02 +3112,1.8047724477682061,0.09952815059508804,1.78 +3113,2.6952293079372396,0.10242582365044509,2.54 +3114,1.7750768585758097,0.09932611068088659,1.86 +3115,3.1523794682389568,0.10578840570886897,3.16 +3116,1.0559403769864504,0.09976071813411855,1.04 +3117,1.2922031741503035,0.0988394047776421,1.22 +3118,3.336272366791075,0.10604865298129287,3.22 +3119,1.4943367447588558,0.09919879868173122,1.62 +3120,1.923134815886973,0.09989115295066028,1.94 +3121,1.2330035323489044,0.0994386827143859,1.26 +3122,1.5743495375293948,0.09945454506287976,1.6 +3123,1.5059857383161075,0.09938482481821431,1.56 +3124,2.6964288625281245,0.10305464214670748,2.82 +3125,1.952836897389689,0.1006636606322348,1.92 +3126,1.9685840975886018,0.09989549113494038,2.0 +3127,2.1188307136840567,0.10068712824667525,2.1 +3128,1.7614524135953589,0.09961733603935086,1.72 +3129,3.23321835088999,0.105317087803184,3.32 +3130,1.6873405706621456,0.09991458019423935,1.8 +3131,2.247366220105329,0.10070840757582702,2.26 +3132,2.2213335739155955,0.10052589880221662,2.32 +3133,2.370666019256758,0.10118744820686343,2.22 +3134,0.6842340241829363,0.10091670628554245,0.5 +3135,1.3058496080467294,0.09877292827360241,1.3 +3136,1.4572570434649685,0.09994425107306326,1.4 +3137,1.0158729851331516,0.1011095653488153,0.9 +3138,0.7344017453980116,0.10098993920500043,0.68 +3139,1.0096341520260823,0.09957784099069016,1.02 +3140,1.4399732639167249,0.0990889974460726,1.48 +3141,2.8851800661333904,0.10402280391411292,2.74 +3142,1.248476739822708,0.0988988822938575,1.28 +3143,1.7048114772059877,0.09928277182405855,1.74 +3144,0.8889295178962671,0.10007059074276571,0.92 +3145,1.1591298648202029,0.09946472608969764,1.22 +3146,1.5110070590789506,0.09935544536970589,1.48 +3147,2.4847481193473957,0.1019555773666797,2.6 +3148,2.288616253059976,0.10082993302918415,2.32 +3149,1.9239476532170359,0.09974901425173752,1.88 +3150,1.2780916601028538,0.09886122869825023,1.36 +3151,1.8220509919179209,0.09960704990660851,1.76 +3152,1.9787313469038723,0.10004083251808177,1.92 +3153,0.9739721948495672,0.10010974199131674,1.02 +3154,3.0249202678136378,0.10478764951652504,3.08 +3155,1.2035861922537643,0.09892791873153417,1.24 +3156,1.6041696523632838,0.0991565582386238,1.58 +3157,2.1272664023704113,0.10008725694186889,2.04 +3158,1.247349349914623,0.09899829461738523,1.24 +3159,1.019220850037877,0.10043580182318736,0.98 +3160,2.0092609372889907,0.10001130660467196,2.0 +3161,1.0655606078516173,0.09978713015390252,1.12 +3162,1.6112746222160952,0.09962655670145013,1.58 +3163,1.4194390833551596,0.09882295743340598,1.42 +3164,2.19402759034565,0.1008324280296349,2.2 +3165,1.8827423963639036,0.09945296415929769,1.82 +3166,2.021139836873699,0.10009700849079026,1.92 +3167,1.6627915245817826,0.09939833259906342,1.58 +3168,0.584077538542404,0.1010655477409476,0.6 +3169,2.8052866825289957,0.10314358826270702,2.74 +3170,0.8363371359627239,0.10034819858529048,0.9 +3171,0.9727102122152986,0.09956523488646576,0.98 +3172,0.5177560437414799,0.10140148426528962,0.48 +3173,1.234386549495502,0.09916620834315239,1.16 +3174,2.9260677426654116,0.1047010973630223,2.74 +3175,1.3718280532326312,0.09904427784517267,1.42 +3176,3.0133605917623036,0.10495213602538439,2.96 +3177,1.3916843555953784,0.09889579271851102,1.34 +3178,1.9075710495546347,0.09995733097415292,1.96 +3179,1.6417800266144142,0.09933532478927692,1.66 +3180,2.981568341635173,0.10472100511800796,2.78 +3181,1.5179471850012562,0.09907541191877652,1.64 +3182,2.3297602524405523,0.10092127499822107,2.24 +3183,1.4061270194507303,0.09894322988120723,1.36 +3184,2.1768413591680744,0.10046477600144423,2.24 +3185,0.6352748215893926,0.10066172567324636,0.56 +3186,0.5193222843027756,0.10144216681993026,0.64 +3187,1.8165734715069044,0.09933806246633642,1.74 +3188,1.3845739694830692,0.098971168860712,1.34 +3189,1.9403181815429187,0.0998899933103478,1.94 +3190,1.7278368999389515,0.09906213942263631,1.72 +3191,2.342655920787818,0.1012379030456636,2.3 +3192,1.9903032125628053,0.09976545999259645,1.96 +3193,3.429321475093392,0.10635736019340379,3.44 +3194,0.9059448099503855,0.1001962241590327,0.96 +3195,0.6541219573092094,0.10084079665465132,0.78 +3196,0.5618869061261138,0.10123803088793375,0.6 +3197,2.1226342558593903,0.1005382375547278,2.12 +3198,0.9820327305882388,0.09987184105367339,1.04 +3199,1.5210340211099067,0.09900574996128268,1.56 +3200,1.1047992966978855,0.10038766941383981,1.1 +3201,1.2574203763194072,0.09896493359139089,1.26 +3202,0.9769834030811013,0.0999636759076732,0.96 +3203,0.6822547252371878,0.10065428346749622,0.6 +3204,1.2446400391941255,0.09957717986783537,1.34 +3205,1.193671501767019,0.09900608972230507,0.96 +3206,1.5015310174558623,0.09899491833715583,1.5 +3207,0.2585641738852773,0.10478988927298578,0.2 +3208,1.4948209742623584,0.09962090929997569,1.46 +3209,1.8288397921873363,0.09934141443385625,1.8 +3210,2.1823189999191985,0.10072764027760611,2.26 +3211,1.578332500863249,0.09939972684298895,1.64 +3212,1.5673705065274335,0.09941591291611293,1.58 +3213,1.595893647255968,0.0990869548347795,1.58 +3214,0.21434612440739342,0.10467818251720852,0.18 +3215,1.8016594371127412,0.09937596593857821,1.86 +3216,1.4576213277808365,0.0992602217800483,1.46 +3217,0.7753515413430223,0.10042910169618649,0.78 +3218,1.7482027810307785,0.09914130744916533,1.76 +3219,1.8716500415095731,0.10090545756896972,1.78 +3220,0.547642239892072,0.1010903226620119,0.52 +3221,1.872019690680771,0.1007123342386389,1.92 +3222,2.2187567287796366,0.1004263792368638,2.18 +3223,1.1867291042665131,0.09958992975936903,1.14 +3224,1.058050545196801,0.09940654257557952,0.98 +3225,1.4468502434234034,0.09891394353581169,1.38 +3226,1.4225300998022001,0.09891547751969211,1.36 +3227,1.245849465061715,0.09893276169401231,1.2 +3228,1.450047636284127,0.09914117925299568,1.38 +3229,1.0478027138367894,0.09977408017964075,1.0 +3230,2.4670687232845037,0.10210885138689355,2.46 +3231,1.8095201774657548,0.09949713387047651,1.78 +3232,2.500012202456615,0.10175368723344025,2.44 +3233,1.1347271251177717,0.099317083874427,1.2 +3234,1.6380272231913346,0.09904154405671074,1.72 +3235,0.8922237210344279,0.10021018198624734,0.9 +3236,1.3966545020116408,0.09894944128592936,1.46 +3237,1.3532469019309035,0.09875165033855648,1.38 +3238,0.9936914271664692,0.09977117862729264,1.08 +3239,1.465067837897484,0.09909546683972406,1.44 +3240,2.0393567004128794,0.10018998108752013,1.98 +3241,0.7632654252118571,0.10027847811592322,0.82 +3242,1.0065772695815,0.09949499593227311,1.1 +3243,1.8192091539892041,0.09944978449816753,1.82 +3244,0.42174723990589924,0.10185572386716535,0.4 +3245,2.0987664242819672,0.1002448377585794,2.02 +3246,1.5746457608936646,0.09928064833895262,1.58 +3247,1.2681204538980262,0.09943306362836794,1.34 +3248,0.6317201335510718,0.10096522498745313,0.68 +3249,1.280547255099252,0.09873333386379911,1.28 +3250,0.05336508945883778,0.10740384090549539,0.22 +3251,2.1888511157587818,0.10205124873429687,1.96 +3252,2.22872411761203,0.10087986425782355,2.14 +3253,1.169783085546223,0.0991750205704276,1.06 +3254,0.25079857402875105,0.10510248190870451,0.32 +3255,1.7619194935106337,0.09959323121743412,1.78 +3256,1.4361505204669187,0.09882125012887057,1.42 +3257,1.034786527050615,0.099701358270284,1.06 +3258,0.9118000043903167,0.09983114075580961,0.78 +3259,1.042675271081707,0.09959021697353063,1.08 +3260,1.7956159668663163,0.09967538864057504,1.78 +3261,1.7844252670731053,0.09974758356052825,1.78 +3262,3.562596926291306,0.10891228817368956,3.36 +3263,0.7000345237084049,0.10068543900417966,0.74 +3264,0.40318067598915674,0.1023618850417472,0.44 +3265,1.053233826524776,0.09965258207259242,1.12 +3266,2.2895131124805754,0.10078298102567765,2.22 +3267,0.5579065215902277,0.10122650078677976,0.52 +3268,1.8687027078983662,0.09988739484913799,1.88 +3269,1.6915975917531314,0.09912888827885072,1.74 +3270,0.8691497288818242,0.10012622905678983,0.84 +3271,0.6728405118792524,0.10082105692478886,0.66 +3272,1.1256113789781013,0.09929614875983112,1.1 +3273,0.4523182803625774,0.10204991033221614,0.58 +3274,2.8333658816593594,0.10345371032997261,3.04 +3275,1.6803635341071386,0.09952022154501676,1.66 +3276,1.5854493452785634,0.09954903646914354,1.58 +3277,2.140272967831363,0.10035968847634773,2.12 +3278,3.419774795692307,0.10714122610388396,3.28 +3279,1.5692475050161911,0.09937241055417524,1.64 +3280,0.5589401210868645,0.10140495832802836,0.58 +3281,1.2499196077232406,0.0989167340673757,1.24 +3282,0.9381800590310847,0.09979472854509214,0.94 +3283,1.4689294370354895,0.09960306308753548,1.42 +3284,0.9338671420272193,0.09984022192839419,0.76 +3285,1.6472581917359699,0.09929758316000452,1.58 +3286,1.9146855170659067,0.0997210689368526,1.96 +3287,1.375750568955828,0.098826452165607,1.44 +3288,1.8503362061523114,0.09961288807452195,1.86 +3289,1.2790365840919387,0.09881530098460972,1.24 +3290,2.761770829984645,0.10288682891766993,2.6 +3291,0.9779081362009394,0.09957126856123044,1.0 +3292,1.1328381522118194,0.09968522844520838,1.14 +3293,1.130563373956386,0.09972216563997499,1.14 +3294,0.8285892159380397,0.09982834754670408,0.92 +3295,2.1039169273371936,0.1002787091977072,2.02 +3296,2.9101171548064784,0.10365224722223275,2.74 +3297,1.1983916520380065,0.0989624265700654,1.22 +3298,1.0835749154535337,0.09935076088474538,1.04 +3299,0.18764311702350667,0.10709841546772424,0.18 +3300,1.1106215483108828,0.10026782975575788,1.1 +3301,1.5472279941455207,0.09914825341657446,1.56 +3302,2.8632565215493138,0.10352476515332103,2.82 +3303,3.2871528036507254,0.10522497938671621,3.28 +3304,1.417762619920614,0.09884664102522996,1.46 +3305,3.1959125668710104,0.10641194063829977,3.08 +3306,1.2766449503011026,0.09883997002167554,1.3 +3307,3.812921806405269,0.1137359711486442,3.7 +3308,1.2247837553056777,0.09921181806883224,1.32 +3309,1.4494323839465808,0.09893418357406532,1.46 +3310,0.4493137828301472,0.10164413244214629,0.52 +3311,0.8120688756097552,0.10026902162953405,0.82 +3312,1.6736392812053376,0.09957127383855029,1.66 +3313,1.0071201237754381,0.09971599743851703,1.1 +3314,1.4431677503681521,0.09897820069270986,1.46 +3315,1.4061232496707328,0.09904729677500021,1.44 +3316,1.4774179137605203,0.09898540166664432,1.52 +3317,2.6738907110037307,0.10288002728946383,2.62 +3318,1.6457536181079584,0.09910489171078483,1.7 +3319,1.505577991606257,0.09904115312535221,1.48 +3320,0.7771790541572885,0.1003885612745015,0.78 +3321,0.6706177149080561,0.10055240379746568,0.7 +3322,1.682349963001483,0.09951023432042834,1.72 +3323,1.29088952398156,0.09890942186014175,1.32 +3324,1.6231582415191264,0.09908318126438899,1.6 +3325,0.8704395528760089,0.09986328290189717,0.9 +3326,0.5443911036421356,0.10106280999314897,0.56 +3327,1.3217431384580125,0.09882811775601517,1.38 +3328,0.8440088760928164,0.09992477510900372,0.8 +3329,1.9028768156612565,0.0997489064170987,1.82 +3330,1.571500537327578,0.09924535916699045,1.54 +3331,3.063768481538599,0.10619727658268058,3.08 +3332,0.5231492130375004,0.10143226425065711,0.6 +3333,0.6346423340878375,0.1011151440521602,0.58 +3334,0.5307466184212701,0.10131492516133293,0.58 +3335,1.315436510784609,0.09882094090411081,1.24 +3336,0.924279292445833,0.09978236080520239,0.9 +3337,0.9727397565216493,0.09971853001715898,0.98 +3338,0.7071867744600071,0.10067740008814377,0.72 +3339,1.2661248530376434,0.09981165955885951,1.14 +3340,1.7063261912446046,0.09913741886181164,1.64 +3341,0.8488208679860152,0.10030217200516092,0.9 +3342,1.079431877923996,0.09949853891224736,1.16 +3343,0.931402299023057,0.09972821582901573,0.98 +3344,1.4306377359408786,0.09883110779838927,1.38 +3345,1.1921948501005575,0.09929852620380343,1.2 +3346,1.0643864735179152,0.0994214586472364,1.16 +3347,1.6365397584580046,0.09928554635167733,1.6 +3348,1.2225023537022623,0.0991386195343833,1.32 +3349,1.9851571878517775,0.1001494251395252,2.08 +3350,0.8989749750401701,0.10002628572580513,0.9 +3351,1.5529362514424265,0.09938536526839889,1.64 +3352,1.8615450867108814,0.09953910649498145,1.78 +3353,1.6030749774383908,0.09916390192990662,1.66 +3354,1.143571489070199,0.09955598704869927,1.14 +3355,0.676252819614733,0.10080078430619961,0.66 +3356,1.4224136260866247,0.09910382911669711,1.36 +3357,0.46019764402170593,0.10195224403039482,0.46 +3358,0.999108761443958,0.09989552810232113,1.08 +3359,1.905147937882061,0.09983238430045846,1.76 +3360,2.5096169137806807,0.10208308510597758,2.48 +3361,-0.027136681541646945,0.11418047273038028,-0.08 +3362,3.755624497020344,0.11224207085442942,3.76 +3363,0.5363990194013597,0.10208993707936619,0.46 +3364,1.9558473926692501,0.10007825123506729,2.02 +3365,2.051972329284565,0.10034037030861055,2.06 +3366,1.533624701393128,0.09925000173732366,1.58 +3367,1.870779383211891,0.09996766059183305,1.9 +3368,1.5855297821318801,0.09960883093756147,1.64 +3369,2.2321364497410396,0.10226220444057736,2.12 +3370,1.725256265438501,0.09981907706747527,1.7 +3371,1.3997001257837327,0.09883742708037688,1.4 +3372,1.9921433224341507,0.09989431242617693,2.02 +3373,0.511785519685249,0.10184208051533337,0.46 +3374,1.6851215717089205,0.09929893483916745,1.7 +3375,0.7440011145032928,0.10051379153948421,0.8 +3376,0.7229593618689323,0.10043041793225255,0.66 +3377,1.6732704439786426,0.09968839850926367,1.7 +3378,0.505290585949284,0.10137670329764403,0.62 +3379,1.5056754333254732,0.10052417027127554,1.52 +3380,1.8626256866394806,0.09969835272006988,1.86 +3381,1.9646974763676057,0.10006282601306397,2.08 +3382,1.2016829820975425,0.09896527044344078,1.12 +3383,1.6587543250281145,0.09912603456980949,1.6 +3384,0.6917701352289229,0.10079994907654813,0.66 +3385,1.6388049416449861,0.0991762741096119,1.68 +3386,1.1062658737100592,0.09924936201243927,1.14 +3387,1.9132939442002,0.09956544133976741,1.98 +3388,1.6054677078199597,0.09932146582846163,1.68 +3389,1.5914103871840994,0.09954096918271546,1.62 +3390,1.7251682744027848,0.09957919413864695,1.74 +3391,1.205277265949151,0.09911928700165393,1.22 +3392,1.0448907231424884,0.09949767026267756,1.0 +3393,0.6277726717562488,0.1008946967117857,0.7 +3394,1.071870877994124,0.09950867170899316,1.08 +3395,0.5574432462717824,0.1013057812575265,0.6 +3396,0.9623849888032809,0.10030133058241114,0.98 +3397,1.6817038592641838,0.09901570720984168,1.6 +3398,2.402986199498228,0.10123991763339281,2.38 +3399,1.7922030120647336,0.09928921931631456,1.76 +3400,2.4883082123562144,0.10148731373471435,2.44 +3401,2.2600525431207625,0.10052034182436094,2.12 +3402,1.9705274783556719,0.09997943624386442,2.14 +3403,0.57922683638583,0.10113004510936323,0.56 +3404,1.6777581046300776,0.09944176590689953,1.66 +3405,1.4455782266507755,0.09880197515301291,1.32 +3406,1.9584611410714758,0.09981797822991953,1.9 +3407,1.0976304844436215,0.09989739111783287,1.06 +3408,1.6330947884413278,0.09921201550741157,1.74 +3409,1.6422263968091906,0.09903196736023619,1.6 +3410,1.07635853570593,0.0994412698369027,1.12 +3411,1.7482375977371356,0.0992651134730711,1.68 +3412,1.9426563785026312,0.09989190524717871,2.0 +3413,1.4151334422595825,0.09894560325395087,1.4 +3414,1.3200954473281905,0.09891700094609276,1.28 +3415,0.6971846066091716,0.1005827108144215,0.86 +3416,1.1202997798750347,0.09931094316685372,1.16 +3417,1.9154868661732836,0.09967116319620636,1.94 +3418,1.11484516504421,0.09917463814715237,1.12 +3419,1.572581932425576,0.0991510209076716,1.58 +3420,0.9278621139462844,0.09965020705723256,0.78 +3421,1.9199154083889434,0.0997292500730336,1.88 +3422,2.003454855013908,0.10000380469373987,1.98 +3423,0.49437657544800273,0.10133548885355174,0.54 +3424,0.30051999859618106,0.10250826450911706,0.3 +3425,1.0852881104153853,0.09954075269882524,1.08 +3426,1.621162286792403,0.09917637835957815,1.42 +3427,1.3341615726050848,0.09884247848475951,1.32 +3428,2.132509353299289,0.10042464034648188,2.04 +3429,1.9053065164283731,0.09991143612074471,1.92 +3430,0.09410628252404662,0.10829766584738239,0.2 +3431,1.2628326520902122,0.09891620783375718,1.28 +3432,1.172258753344417,0.0994365385530719,1.14 +3433,-0.06190108033649566,0.11958215119882283,-0.04 +3434,0.9034184542499462,0.09967417792074881,0.9 +3435,1.0973526084722225,0.09954094315747289,1.06 +3436,0.9219924979350382,0.10005863211293259,1.02 +3437,2.3999300269416093,0.10123930569960848,2.28 +3438,2.7946270563776707,0.10324583572066348,2.86 +3439,1.5527169579246711,0.09973187767460322,1.66 +3440,1.456005696681929,0.09902085743231681,1.44 +3441,0.697972533740385,0.10090138420234501,0.76 +3442,2.1457182781095643,0.10072288092812298,2.16 +3443,1.8511524672864093,0.09978700394264742,1.82 +3444,1.824290635298732,0.09958369927469223,1.8 +3445,2.975618065181161,0.10471525777764633,2.74 +3446,1.5678909139182247,0.09912940892019782,1.54 +3447,0.7608893605016236,0.1005803449542954,0.82 +3448,0.9075695053592854,0.09991111014987043,0.88 +3449,1.949193714275436,0.10094478898636931,2.06 +3450,2.3246458685037954,0.10115009202830404,2.28 +3451,0.028841942820450717,0.11405269806553761,0.24 +3452,2.5733459681077893,0.10213610741138669,2.58 +3453,3.372773491038634,0.10833987895769912,3.28 +3454,1.953760023013318,0.09998278296706903,1.9 +3455,1.2332624532353955,0.09953622404039981,1.34 +3456,1.5192888006831902,0.09912425975354922,1.54 +3457,2.233060189308924,0.1005887330887905,2.32 +3458,0.7509251239890646,0.10029875947399666,0.6 +3459,0.8165636031405741,0.10007749423920624,0.86 +3460,0.29867482817162894,0.10520139006586862,0.42 +3461,1.2271615341807107,0.09941312366698138,1.28 +3462,1.000742329927151,0.09986934141235246,1.0 +3463,2.5816972413207484,0.10195889433884131,2.42 +3464,0.5372931499745464,0.10107021933589279,0.54 +3465,2.228789491298782,0.10058273271421762,2.16 +3466,1.291808567804585,0.09874174273755182,1.28 +3467,3.836389012368153,0.1128584259605296,3.8 +3468,2.111545705146879,0.10043197729493825,2.1 +3469,0.8251697639167135,0.10016271043256042,0.88 +3470,1.838543944513672,0.09929977471218479,1.72 +3471,0.5620893916509659,0.10113853472811427,0.54 +3472,1.604325719263018,0.0997164756803375,1.56 +3473,1.3449942010743123,0.09876845383380246,1.34 +3474,1.3440593609573328,0.09917908834148816,1.34 +3475,1.5407055095549553,0.09924599710321377,1.52 +3476,1.3050536530567791,0.09920404823034702,1.28 +3477,2.3067173965454355,0.10085635917667575,2.32 +3478,2.061225590520264,0.10047290214516733,2.1 +3479,0.47793192810506624,0.1015697228026902,0.56 +3480,2.5218513465310703,0.10204256101127067,2.42 +3481,1.523076133248187,0.09899648067390038,1.42 +3482,1.768606479954405,0.09945010911609521,1.78 +3483,1.773290387597681,0.09968222133996378,1.9 +3484,1.7775737588123783,0.09961889386687366,1.72 +3485,1.2192394145517456,0.0995772378433222,1.1 +3486,1.5505923719998351,0.09909537998136356,1.52 +3487,1.4055342957233188,0.09906891951423469,1.32 +3488,0.96384342423614,0.099524664041402,0.98 +3489,1.120899240696646,0.09900700244401048,1.1 +3490,1.3471572787328279,0.09867024794625931,1.32 +3491,1.0622470307818916,0.10009200651899142,0.92 +3492,2.536206650882244,0.10196833033493094,2.46 +3493,2.7063378414464925,0.1028528663276681,2.66 +3494,0.4115560837368706,0.10178383389216764,0.46 +3495,1.3177230841852727,0.09917782227291884,1.28 +3496,0.9696975733462112,0.09976051951113633,0.96 +3497,0.9831620288653669,0.09967210707184589,0.94 +3498,0.81014603357106,0.10033311871200541,0.86 +3499,1.2952415183533839,0.0987701428517992,1.36 +3500,1.3309301296423521,0.09870773168676222,1.28 +3501,1.6858788065211863,0.09942835176558755,1.74 +3502,1.601388489504602,0.09915080569713423,1.58 +3503,1.0999274913902342,0.10002307492718539,1.06 +3504,2.5701707772006,0.10195665856907289,2.38 +3505,0.939503567467783,0.09995969887695211,1.02 +3506,0.9222321755956757,0.10034407131984802,0.96 +3507,1.5755055119935244,0.09951758042029088,1.58 +3508,2.8384130888086982,0.10338235850435258,2.64 +3509,3.07895911417587,0.10525775084683221,3.02 +3510,1.7619878785633334,0.10009027203035246,1.8 +3511,0.7826183713100521,0.10015012679588275,0.76 +3512,1.3560038850444494,0.09870472704354098,1.28 +3513,0.6019969132178404,0.10092617146236064,0.64 +3514,1.3775589693905752,0.09876793131755411,1.32 +3515,1.824787388328067,0.09958919966689954,1.82 +3516,2.8942963806983553,0.1039985565312287,2.82 +3517,1.0409867149754406,0.09935229455738505,1.08 +3518,0.661065722265805,0.10113205927757632,0.74 +3519,1.7849452455634898,0.09921532220829822,1.8 +3520,1.4441907909714027,0.09886395917256896,1.38 +3521,0.7174483666902931,0.10135469652445445,0.74 +3522,1.432921524375933,0.09930215103234669,1.5 +3523,1.6291526192578851,0.09920164490705874,1.58 +3524,0.8071117908234926,0.10024329527338559,0.82 +3525,1.466353687276859,0.09889657719490325,1.44 +3526,1.472973652543393,0.09880350145255253,1.48 +3527,1.210295505962607,0.09953879896875711,1.24 +3528,1.242600196749654,0.09957939309070421,1.16 +3529,1.1250006654140294,0.09998200720751807,1.08 +3530,1.0282432022034287,0.09954301564914082,1.0 +3531,1.026862862768242,0.10018569521868134,1.14 +3532,0.7881279040620954,0.10039822355105214,0.76 +3533,0.5906697425851222,0.10160783589842515,0.64 +3534,1.3648894234047597,0.09887712728452998,1.24 +3535,1.2592254108433296,0.09892150056312404,1.28 +3536,1.653398667846515,0.09920707789029179,1.48 +3537,2.48169979266393,0.10128295382255169,2.34 +3538,1.541268545882042,0.09920715403293198,1.5 +3539,1.061736807071293,0.09974760606586482,1.1 +3540,0.8208694508858458,0.10019585325308095,0.8 +3541,1.2858207141536562,0.09888205141661977,1.42 +3542,1.0000269338683212,0.09958752653050519,0.98 +3543,1.9235482261620953,0.09974939126094419,1.84 +3544,2.584742562523278,0.10210603090735479,2.66 +3545,1.5194486674405476,0.09970329934639016,1.48 +3546,1.6376375171669737,0.09922264732071565,1.66 +3547,1.2787213775944595,0.09901175588548172,1.24 +3548,1.3340707027749923,0.09882304616176611,1.38 +3549,1.4337572836062529,0.09885394980892141,1.4 +3550,1.0534342909063683,0.10002255820877572,1.14 +3551,1.5886116066815121,0.0995527379406058,1.62 +3552,2.20195668415659,0.10055549002036449,2.16 +3553,2.4631730518601724,0.10156111300009828,2.44 +3554,1.5145413765530422,0.09900296902430092,1.56 +3555,0.9482418590528512,0.09982051085214184,0.94 +3556,0.5415205674948937,0.10113326647468962,0.5 +3557,2.0256496282407905,0.10013720605383221,1.98 +3558,4.466920146559156,0.15160518077747573,4.48 +3559,1.6767972245417313,0.09949942816405692,1.7 +3560,1.1957212268796213,0.09948158527564022,1.08 +3561,1.3181992936306395,0.09893085796740662,1.3 +3562,1.230303088545879,0.09929691331919147,1.18 +3563,0.4617850143945945,0.10165655141016355,0.56 +3564,1.1053733974823403,0.09976798447315256,1.12 +3565,2.7404502504462975,0.10406532316710786,2.9 +3566,1.767490104013367,0.0992727104718376,1.78 +3567,3.073822449492896,0.10488792440338929,3.12 +3568,1.4129576493804252,0.0990140299626433,1.44 +3569,1.6488395125496973,0.09920438977949782,1.52 +3570,1.9090283758793924,0.09958277747857619,1.9 +3571,1.0019197109101456,0.09986177641326498,1.1 +3572,1.402714526363228,0.09880320029367239,1.44 +3573,1.609358861279963,0.09906385770100785,1.6 +3574,1.7137422590039522,0.0994075581300614,1.72 +3575,0.40335648492367837,0.10184537639436383,0.32 +3576,1.6673782457857145,0.09930836046533247,1.74 +3577,0.9709250571014338,0.09967017478690536,0.98 +3578,0.4694888293129169,0.102034764469139,0.5 +3579,2.3212916273939133,0.10103598700728857,2.26 +3580,2.068846405021711,0.1001000818447105,1.98 +3581,0.7919409709359131,0.10048584359106345,0.84 +3582,2.0162137645451157,0.09996936165789833,2.02 +3583,0.6195044989977221,0.10117978708631979,0.58 +3584,1.2675524271577616,0.09884506023551091,1.3 +3585,1.3286773917829373,0.09875620562539275,1.34 +3586,1.148321706831682,0.09942381041834111,1.28 +3587,2.646320396523283,0.10229163076138681,2.64 +3588,3.1883688214610206,0.10563982652085728,3.14 +3589,1.5342889017416093,0.09943847837260801,1.54 +3590,1.754356564544336,0.09964840174568868,1.82 +3591,1.3499053817611057,0.09907837318704577,1.42 +3592,1.6647822874215963,0.09957096267681274,1.68 +3593,1.4796186439090364,0.09914524589710358,1.44 +3594,2.6958292695073443,0.10262759996996629,2.64 +3595,1.0416410685517066,0.10006417443632695,1.02 +3596,2.968635579904406,0.10405827377240798,2.88 +3597,2.8586972894697915,0.10403727233445645,2.78 +3598,3.0776824350094767,0.10441645708994217,3.22 +3599,2.0560250205550634,0.10007533908106045,2.06 +3600,0.9494176347318672,0.0997202879891483,0.96 +3601,1.3279222156916022,0.09881975932593359,1.26 +3602,1.2118962514779683,0.09982386584372432,1.22 +3603,4.412428134141905,0.14567112494810208,4.18 +3604,0.9987984836276824,0.09945143919880288,0.96 +3605,1.2025584918942813,0.09919725745315426,1.2 +3606,1.19607956623412,0.09927350365595844,1.18 +3607,1.7835219856141273,0.09938476197042319,1.72 +3608,0.08326791039005044,0.10765774215132327,0.16 +3609,3.0814609963559345,0.10500237685116147,3.06 +3610,1.5012527030886191,0.09905186364222335,1.52 +3611,1.3379731827018995,0.09873504209332602,1.3 +3612,1.1478820547205275,0.09980588926896533,1.16 +3613,0.8905064438903609,0.10016459309613097,0.84 +3614,1.2769183185967223,0.09882402347165357,1.32 +3615,0.827589824435998,0.10042941152135205,0.84 +3616,2.1491889790520577,0.10040385730508665,1.96 +3617,1.1586031014482943,0.10093584848348114,1.28 +3618,1.9428698365667942,0.09970569104812714,1.88 +3619,2.858164935090757,0.10360676083553204,2.88 +3620,0.7176906267263534,0.10054815260066419,0.76 +3621,1.7809403613562809,0.09960975981289336,1.82 +3622,1.1239115205608543,0.09954169815299763,1.1 +3623,1.299664336512519,0.09877645796252757,1.32 +3624,1.6288739341864031,0.09914645450499032,1.62 +3625,1.1216599670962653,0.09940688466058707,1.04 +3626,1.938014033725137,0.09988943585109654,1.84 +3627,1.3845898753301726,0.09884034005387331,1.3 +3628,1.266736714346388,0.09879829166100641,1.3 +3629,1.3186639644582294,0.0991902167661906,1.48 +3630,1.6840964974862531,0.09918108412555744,1.68 +3631,1.6170728221636688,0.09946428066118759,1.56 +3632,1.4461100052384397,0.09907517988403848,1.42 +3633,2.6298038109322803,0.10227415789140347,2.6 +3634,2.826120594497141,0.10311150051992739,2.64 +3635,1.0713981864749245,0.09940804481592501,1.06 +3636,1.0567768373098205,0.09959728957976133,1.06 +3637,2.4603488242165543,0.10140036315041184,2.4 +3638,1.7380014953478893,0.0993367998786758,1.78 +3639,0.9400522532823474,0.09965946100203969,0.98 +3640,1.8389145519995311,0.0997144944268515,1.9 +3641,0.6598344202940767,0.10107811961801917,0.64 +3642,2.906931695241804,0.10394068405910334,2.66 +3643,1.8329021334109805,0.09927479257049887,1.78 +3644,1.781762520916027,0.0993774206857618,1.82 +3645,0.7592695383496009,0.10030371956182255,0.72 +3646,0.8631762121824182,0.10038782522975355,0.9 +3647,0.5406120284236893,0.10150679521974766,0.62 +3648,2.016016490965848,0.1004232664696774,2.0 +3649,1.2433657326346876,0.09930582590431042,1.28 +3650,1.6578137140963294,0.09936743003852136,1.62 +3651,0.7044784744504982,0.10052616049088843,0.6 +3652,4.117549444326761,0.12250192019147398,4.04 +3653,1.0969239596402802,0.09951972054054187,1.06 +3654,0.50718780956001,0.1011519075155398,0.5 +3655,1.1306858755015783,0.09922805913395985,1.08 +3656,1.7188799474467211,0.09928120838640926,1.64 +3657,1.2474864545730229,0.09936196736085934,1.26 +3658,3.3593108700717202,0.1069791435838145,3.32 +3659,1.7020979418256184,0.09937322071191446,1.64 +3660,1.2646836511371917,0.09885916384020141,1.3 +3661,0.596875532537277,0.10098544039464867,0.68 +3662,1.3438176877096468,0.09878279921751691,1.42 +3663,1.6982931371162395,0.09931885299787574,1.7 +3664,1.15075440868725,0.09923493598111342,1.18 +3665,1.7007428836151897,0.09938505815894891,1.7 +3666,1.6028823427641734,0.09941331983723099,1.58 +3667,0.9918910477817862,0.09944169767673712,1.0 +3668,1.1144609338414584,0.09934649309412001,1.22 +3669,3.0462627993594147,0.10704916156602767,2.98 +3670,0.9415284794738328,0.09978952864971602,0.88 +3671,0.5110921667891704,0.10128154242338562,0.5 +3672,0.49537343090739383,0.10174127791824158,0.54 +3673,1.8436167391829963,0.10079737555238112,1.86 +3674,1.1957007713291128,0.09905001646384866,1.22 +3675,0.7201796907330775,0.10046702967049519,0.76 +3676,1.1198638587568597,0.09964857866597,1.04 +3677,1.7305782250837412,0.09947690586827389,1.72 +3678,2.178679219162918,0.10043544413151792,2.16 +3679,0.500321566506871,0.10127611017242656,0.56 +3680,1.457407519498387,0.09893161099228603,1.42 +3681,1.9596948800348615,0.0999294960629941,1.96 +3682,1.8165883803019136,0.09963350654138477,1.76 +3683,0.9367870006234769,0.09974611253461975,0.9 +3684,1.9588708274626485,0.1000237475070854,1.92 +3685,2.336194899963724,0.10088810407185407,2.38 +3686,1.920941096733381,0.09984041355307903,1.84 +3687,1.743008469215807,0.0997076281968423,1.74 +3688,0.9680904730451532,0.09966934341963275,0.92 +3689,1.4459827325012087,0.0989362878571101,1.52 +3690,1.3814880626722237,0.09899872740183811,1.3 +3691,1.3894727895405354,0.09886587891027895,1.32 +3692,1.5304458024917886,0.09944489483453027,1.5 +3693,0.7878784157323098,0.1002115791739385,0.8 +3694,1.4713226612921397,0.09905825386742358,2.02 +3695,1.891613175653857,0.09972964476788838,2.42 +3696,1.8055346108927048,0.09932259834793812,1.84 +3697,0.5696170922905297,0.10115205733772199,0.6 +3698,0.6650855248959802,0.10073665133550298,0.72 +3699,0.560759549850127,0.1014660431395255,0.52 +3700,1.2055162993039248,0.09957791421177363,1.24 +3701,1.7575153112936428,0.09980007971320294,1.72 +3702,1.6548117525811195,0.09959085231754262,1.68 +3703,1.7323226491336656,0.09947971742031528,1.76 +3704,0.2923197760003562,0.10343198288425004,0.32 +3705,1.956165346345008,0.09984671466289746,1.96 +3706,1.8557460157608128,0.09960437969807329,1.92 +3707,1.2015625067599573,0.09958210182401936,1.18 +3708,0.5761994411789304,0.10116795023033257,0.64 +3709,1.4543675477808813,0.09946050987312371,1.44 +3710,1.9373487770593962,0.09964530602595136,1.94 +3711,1.9041268301597307,0.09968786124129718,1.98 +3712,1.5137192116382658,0.09909900401271761,1.52 +3713,2.6241650299006505,0.10213920719497704,2.64 +3714,2.644701758749296,0.10230908686260623,2.56 +3715,1.9666207479896103,0.09983394028134424,1.86 +3716,0.6446649662015618,0.10151729804274912,0.66 +3717,0.23284507874498828,0.1037973807323376,0.34 +3718,0.9487007073737759,0.09974477401972452,0.92 +3719,1.098340020408864,0.09980260748692774,1.16 +3720,1.4032764391310601,0.09902129001414507,1.46 +3721,1.6788989258678997,0.09928294134311566,1.64 +3722,0.5179153866934187,0.10141142794961437,0.48 +3723,0.09690472907043257,0.11239444414135624,0.18 +3724,1.284653824366467,0.09876958738785394,1.2 +3725,2.3583029195407246,0.10130647751048949,2.3 +3726,2.260663783463917,0.10088277540242455,2.3 +3727,0.21021961974521886,0.10410707837040271,0.24 +3728,0.8655571014672334,0.10029187907058282,0.86 +3729,2.494804474004061,0.10152470811501871,2.52 +3730,1.1888118701461978,0.0992085326363714,1.2 +3731,2.241713847664469,0.10072474540368441,2.14 +3732,1.0552411256992273,0.09970373343749392,1.08 +3733,1.1736971994500693,0.09911802141952429,1.16 +3734,2.9314633522566833,0.10471574892900314,3.04 +3735,1.11963239855495,0.09955143366378282,1.14 +3736,3.6894144038867207,0.11100388599520428,3.62 +3737,0.761910461336855,0.10142244943051842,0.78 +3738,1.5817566326190489,0.099309226311742,1.6 +3739,1.5922892942092888,0.09920851880338453,1.6 +3740,0.06429097276951423,0.10693810225962665,0.08 +3741,1.3518052969847554,0.09909335222716888,1.2 +3742,0.7940478879205999,0.10011878090031505,0.84 +3743,0.2622791562132407,0.10321411233260482,0.3 +3744,3.870148862606486,0.11591720663771699,3.6 +3745,1.4688367924679164,0.09927857124518175,1.44 +3746,3.4954796135277473,0.10804053240409901,3.68 +3747,1.4472465532351124,0.0992948100790479,1.56 +3748,1.4462229983611132,0.09880937417111757,1.48 +3749,1.9815139190775122,0.10015811627414761,1.98 +3750,1.4060472772288628,0.0987953387542757,1.44 +3751,2.7188554526623445,0.10263573777736618,2.62 +3752,2.1338824317118803,0.10092836200768623,2.12 +3753,1.4780999403759034,0.09889554061906225,1.46 +3754,1.0478680525822115,0.09968009634079096,1.02 +3755,1.519014544811485,0.09919794089607485,1.5 +3756,-0.20398403174770352,0.12243319181102642,-0.14 +3757,0.7235003894481637,0.10069139380497051,0.74 +3758,1.2697393835010666,0.09895550403786463,1.24 +3759,1.6545959670075676,0.09957001085204348,1.74 +3760,0.1344996545782864,0.10502814961672363,0.18 +3761,2.0064249904703555,0.1000832168591786,2.02 +3762,0.6665505281364419,0.1007565622874604,0.62 +3763,2.2207596400439353,0.10144439692784085,2.26 +3764,1.2321586614985394,0.09890180231688657,1.32 +3765,1.5070479390304479,0.09922913414377184,1.46 +3766,0.5867324742719775,0.1017419800964487,0.62 +3767,0.8978617580477548,0.09974702073955982,0.84 +3768,1.8169083117265445,0.0995853485093471,1.86 +3769,1.2254635715905324,0.09926259945717293,1.28 +3770,-0.3428304279450336,0.1436377128481561,-0.24 +3771,2.6046613637306155,0.10213274367124256,2.56 +3772,1.3793444425858306,0.09886392939922392,1.34 +3773,1.078054293151874,0.09948191548495085,1.06 +3774,0.6388401839905684,0.10076670515946524,0.68 +3775,2.121495020733496,0.10031000613170857,2.12 +3776,1.9553694410378577,0.10000228025682534,2.04 +3777,1.539860417653889,0.09900867570170727,1.52 +3778,1.3010231580278686,0.09870741711094401,1.34 +3779,1.8911273922765923,0.10066298512191037,1.84 +3780,0.33818433398433156,0.10236425725467956,0.34 +3781,0.8174110586116912,0.10074432790286525,0.76 +3782,1.9316439938466219,0.09992330196294681,1.96 +3783,1.6722241841027505,0.09917312771146299,1.64 +3784,2.1736343984593116,0.101037909271546,2.04 +3785,1.5886543610373758,0.09921104450659755,1.66 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/val-metrics-2022.02.11.11.16.26.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/val-metrics-2022.02.11.11.16.26.csv new file mode 100644 index 0000000..c3504a0 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/val-metrics-2022.02.11.11.16.26.csv @@ -0,0 +1,7 @@ +,0 +nll,-781.8580266410763 +sharpness,0.10129636947333741 +variation,0.08974761961612374 +mae,0.05607573802711916 +mse,0.007264381811498428 +rmse,0.0852313428939051 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/val-metrics-2022.06.23.15.49.54.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/val-metrics-2022.06.23.15.49.54.csv new file mode 100644 index 0000000..2769374 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-2/val-metrics-2022.06.23.15.49.54.csv @@ -0,0 +1,7 @@ +,0 +nll,-781.8777950971981 +sharpness,0.10129545161046784 +variation,0.08973902614749128 +mae,0.05607245845412522 +mse,0.0072631074409346035 +rmse,0.08522386661572334 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.01.19.14.24.58/train/events.out.tfevents.1642602298.node-l00a-005.myriad.ucl.ac.uk.68778.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.01.19.14.24.58/train/events.out.tfevents.1642602298.node-l00a-005.myriad.ucl.ac.uk.68778.0.v2 new file mode 100644 index 0000000..be6260e Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.01.19.14.24.58/train/events.out.tfevents.1642602298.node-l00a-005.myriad.ucl.ac.uk.68778.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.01.19.14.24.58/validation/events.out.tfevents.1642602343.node-l00a-005.myriad.ucl.ac.uk.68778.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.01.19.14.24.58/validation/events.out.tfevents.1642602343.node-l00a-005.myriad.ucl.ac.uk.68778.1.v2 new file mode 100644 index 0000000..1035895 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.01.19.14.24.58/validation/events.out.tfevents.1642602343.node-l00a-005.myriad.ucl.ac.uk.68778.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.01.20.08.03.28/train/events.out.tfevents.1642665809.node-l00a-001.myriad.ucl.ac.uk.29527.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.01.20.08.03.28/train/events.out.tfevents.1642665809.node-l00a-001.myriad.ucl.ac.uk.29527.0.v2 new file mode 100644 index 0000000..26228d9 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.01.20.08.03.28/train/events.out.tfevents.1642665809.node-l00a-001.myriad.ucl.ac.uk.29527.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.01.20.08.03.28/validation/events.out.tfevents.1642665845.node-l00a-001.myriad.ucl.ac.uk.29527.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.01.20.08.03.28/validation/events.out.tfevents.1642665845.node-l00a-001.myriad.ucl.ac.uk.29527.1.v2 new file mode 100644 index 0000000..8c7472e Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.01.20.08.03.28/validation/events.out.tfevents.1642665845.node-l00a-001.myriad.ucl.ac.uk.29527.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.01.20.15.20.30/train/events.out.tfevents.1642692031.node-l00a-001.myriad.ucl.ac.uk.199047.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.01.20.15.20.30/train/events.out.tfevents.1642692031.node-l00a-001.myriad.ucl.ac.uk.199047.0.v2 new file mode 100644 index 0000000..634e8e6 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.01.20.15.20.30/train/events.out.tfevents.1642692031.node-l00a-001.myriad.ucl.ac.uk.199047.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.01.20.15.20.30/validation/events.out.tfevents.1642692072.node-l00a-001.myriad.ucl.ac.uk.199047.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.01.20.15.20.30/validation/events.out.tfevents.1642692072.node-l00a-001.myriad.ucl.ac.uk.199047.1.v2 new file mode 100644 index 0000000..0b76278 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.01.20.15.20.30/validation/events.out.tfevents.1642692072.node-l00a-001.myriad.ucl.ac.uk.199047.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.01.26.16.56.17/train/events.out.tfevents.1643216178.node-l00a-006.myriad.ucl.ac.uk.236321.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.01.26.16.56.17/train/events.out.tfevents.1643216178.node-l00a-006.myriad.ucl.ac.uk.236321.0.v2 new file mode 100644 index 0000000..e7b1fb6 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.01.26.16.56.17/train/events.out.tfevents.1643216178.node-l00a-006.myriad.ucl.ac.uk.236321.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.01.26.16.56.17/validation/events.out.tfevents.1643216221.node-l00a-006.myriad.ucl.ac.uk.236321.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.01.26.16.56.17/validation/events.out.tfevents.1643216221.node-l00a-006.myriad.ucl.ac.uk.236321.1.v2 new file mode 100644 index 0000000..921658a Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.01.26.16.56.17/validation/events.out.tfevents.1643216221.node-l00a-006.myriad.ucl.ac.uk.236321.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.02.10.19.54.39/train/events.out.tfevents.1644522880.node-j00a-001.myriad.ucl.ac.uk.46661.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.02.10.19.54.39/train/events.out.tfevents.1644522880.node-j00a-001.myriad.ucl.ac.uk.46661.0.v2 new file mode 100644 index 0000000..2d4c846 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.02.10.19.54.39/train/events.out.tfevents.1644522880.node-j00a-001.myriad.ucl.ac.uk.46661.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.02.10.19.54.39/validation/events.out.tfevents.1644522935.node-j00a-001.myriad.ucl.ac.uk.46661.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.02.10.19.54.39/validation/events.out.tfevents.1644522935.node-j00a-001.myriad.ucl.ac.uk.46661.1.v2 new file mode 100644 index 0000000..0f5a81a Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/2022.02.10.19.54.39/validation/events.out.tfevents.1644522935.node-j00a-001.myriad.ucl.ac.uk.46661.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/metrics.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/metrics.csv new file mode 100644 index 0000000..87a710f --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,-3944.7327440578038 +sharpness,0.1034713875416153 +variation,0.05510538450129573 +mae,0.058885834499759926 +mse,0.006722380753560993 +rmse,0.08199012595161075 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/predictions.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/predictions.csv new file mode 100644 index 0000000..dfdc003 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/predictions.csv @@ -0,0 +1,3786 @@ +,Predicted value,Predicted standard deviation,True value +0,1.542320071195231,0.10206972280080409,1.48 +1,1.2605092540558294,0.10079175655983443,1.2 +2,1.160619900627349,0.10126646693580872,1.24 +3,1.4996398236789472,0.1034092374281326,1.5 +4,0.9539314677192754,0.10081883060486416,1.06 +5,1.648785027774746,0.1006357437353701,1.7 +6,1.396324644896097,0.10216941612626597,1.28 +7,0.7936956128415209,0.10230660986275915,0.82 +8,1.1589385939247838,0.10028902089990968,1.16 +9,0.21425289773810952,0.11326027350208823,0.32 +10,0.5593746484399629,0.10568884521434453,0.6 +11,1.1028775430860234,0.10152260733517524,1.16 +12,2.964803119347547,0.10759851087122811,2.96 +13,0.8146743456171099,0.10217976609746635,0.84 +14,0.28769408495285,0.1077959157852307,0.36 +15,0.633674741979579,0.10309857941249892,0.64 +16,1.156988093263173,0.10065842611122602,1.24 +17,1.6637533390746346,0.10110847159109254,1.54 +18,1.0589529894057887,0.10135943022088185,1.1 +19,0.723144888283741,0.10218557468245715,0.82 +20,2.3057063367409185,0.10327509950042041,2.3 +21,1.651938422449877,0.10289410520331242,1.6 +22,1.097168338932686,0.10046961171110569,1.12 +23,0.6166965793779828,0.10289641178438343,0.56 +24,1.2154383928534391,0.10153945261014882,1.3 +25,0.9587520707546522,0.10138306979296856,1.04 +26,2.209407184584329,0.10401445405946223,2.18 +27,2.182722542597137,0.1023066877143604,2.18 +28,0.9521549612668847,0.10139408904210892,0.94 +29,1.3953370027773777,0.10195694018540744,1.5 +30,2.0682800153671117,0.10205905758945748,2.02 +31,2.529003954079972,0.10416114759241848,2.52 +32,1.639070945488189,0.10130248085098933,1.64 +33,4.065781741682358,0.11507859539503235,3.9 +34,2.041001811832089,0.10190661488496454,2.02 +35,2.328947999426841,0.10335170322970735,2.46 +36,2.383691994893244,0.10298469887532034,2.52 +37,2.5003678603053423,0.10440214751612827,2.54 +38,3.2076894036299564,0.11035150175930182,3.08 +39,1.7945538947038633,0.10126191870785527,1.64 +40,0.584594426592101,0.10368617966167656,0.68 +41,0.4273280229211378,0.10364926887833976,0.54 +42,0.7695394630040224,0.10264449669344286,0.8 +43,1.325175469304465,0.10201672565495377,1.36 +44,0.7844832150373653,0.10180380288870985,0.8 +45,0.860807467914803,0.1012396558413081,0.8 +46,1.9655478724022293,0.10229331775973897,1.98 +47,1.2978249518694118,0.10088125391170713,1.32 +48,2.8085298368634746,0.10598630458547104,2.8 +49,0.11141308584882004,0.11149368337415407,0.14 +50,1.0878451153125608,0.1011704734276491,1.2 +51,1.4414602184282292,0.1008654821480189,1.4 +52,0.9095104494109021,0.1137204877403996,0.78 +53,2.4332172145596367,0.1041742578307247,2.56 +54,1.6834643114332655,0.1014308859572477,1.66 +55,0.8981727593908777,0.10618514749715481,0.92 +56,3.135457221551558,0.10887083460046867,3.14 +57,1.119935055124795,0.10060212704855673,1.14 +58,1.602181469036484,0.10092593920099219,1.54 +59,2.057472153215304,0.10174378213236354,1.96 +60,1.6831230751331423,0.10205702268142382,1.66 +61,1.5249538536974503,0.10201449147305806,1.54 +62,0.7546261307164348,0.10144642811349196,0.84 +63,2.9888845878292862,0.10747178852324023,3.2 +64,3.674144528367446,0.11492491938927327,3.66 +65,1.3643966437925312,0.1007063867687426,1.38 +66,1.611117196391042,0.10075186519192258,1.62 +67,1.1182669272463348,0.10118132543004854,1.16 +68,1.9469014617576652,0.1019244180657366,1.84 +69,2.3206897679797933,0.10309505296568391,2.24 +70,0.24368582813796258,0.1092223737122784,0.26 +71,1.7041459485418107,0.10112296260144803,1.72 +72,0.03396559463027038,0.11643640644886459,-0.02 +73,3.4803003514454005,0.11009993971134115,3.92 +74,1.3770800793428426,0.10402871146738779,1.46 +75,1.0686779576197762,0.10155055437941449,1.16 +76,0.6659320743984514,0.10180149585540033,0.64 +77,2.2094374507603227,0.1031070457062809,2.12 +78,0.7001191458893385,0.10703281291931381,0.8 +79,1.417515460761695,0.10139497234668277,1.38 +80,1.3412014420927958,0.10140820184339261,1.46 +81,0.5335057953315105,0.10352026495351696,0.62 +82,1.3067324615813367,0.10061961294689958,1.42 +83,1.280886688066644,0.10113970594355039,1.2 +84,1.518562783540588,0.1015929906468874,1.52 +85,2.4325722177208107,0.10300939111453,2.64 +86,1.3070336498949897,0.10060345647833505,1.32 +87,1.8413989549699605,0.10237236935863843,1.9 +88,1.7504692758230822,0.10165580814824432,1.74 +89,1.2555741095851507,0.10288369030974269,1.22 +90,0.5524741603418446,0.10550554133683943,0.58 +91,0.4135116247207973,0.1069134561782673,0.42 +92,1.801855261114589,0.10173052085862841,1.84 +93,1.2565898499479322,0.10053128044915235,1.24 +94,1.39925464033422,0.10172889102659358,1.3 +95,0.696631975006788,0.10295229956233531,0.56 +96,1.8644234109596132,0.10175558804464423,1.88 +97,0.9644477472800437,0.10172890123397238,0.84 +98,1.8944373558500194,0.10179025350773818,1.84 +99,1.1079498284363145,0.10052121539937246,1.08 +100,0.30337266861357626,0.10763341738857285,0.22 +101,1.124304652363534,0.1016808030939934,1.26 +102,1.2284974166508744,0.10097559654838247,1.24 +103,1.0518795408759087,0.1016263045905778,0.94 +104,1.2813738780204245,0.10434544492199481,1.16 +105,1.2942100515553319,0.101192673861335,1.3 +106,1.8531816985415224,0.10177431290376844,1.8 +107,0.9621830726301572,0.10121597233836506,0.94 +108,0.46915950227468506,0.10307453482663627,0.46 +109,2.0752276740942683,0.10627514686810235,2.2 +110,2.647315486022162,0.10396293071467427,2.6 +111,0.16034903018378777,0.11206954952745843,0.2 +112,1.7714292023745875,0.10204161561542262,1.68 +113,1.7223883037983716,0.10113988696937715,1.66 +114,1.6348650651833656,0.10146872490380975,1.58 +115,1.8707462193473139,0.10176787250546561,2.08 +116,1.2535652041538154,0.10335112375147953,1.2 +117,1.7964763811822164,0.10197931732334935,1.8 +118,2.3124057032695013,0.10274631078461162,2.44 +119,1.6748812315629384,0.10301981885781392,1.7 +120,2.414778629650673,0.10397525724719879,2.4 +121,0.5212813281779025,0.1028405988394163,0.58 +122,1.7200125268998965,0.10247256099769116,1.84 +123,0.9997938309749548,0.10140336578067781,1.02 +124,2.0173034362417432,0.10311390597872415,2.12 +125,1.0248234808257874,0.1009308510420318,1.02 +126,0.6891590978694528,0.1039765433722643,0.74 +127,2.2097019616980482,0.10282104912353104,2.5 +128,2.0529578695389894,0.10216428824432168,2.04 +129,0.920932335101124,0.10330965405129233,0.84 +130,1.4955778363961085,0.10124831833512642,1.38 +131,0.7280490835465832,0.10308020117065231,0.76 +132,1.8882427203930268,0.10248183825806866,1.94 +133,1.1654852305136314,0.10095849108468391,1.18 +134,0.7707951432376381,0.1023371862009068,0.88 +135,2.7493251832953085,0.10966381777083492,2.9 +136,1.4151072826359863,0.10229664508277442,1.44 +137,2.008937837653132,0.10167643673980029,1.98 +138,1.873187060271874,0.10338373612028483,1.86 +139,1.7066052166949495,0.10505869821877288,1.52 +140,0.32273527037504457,0.10632060590695964,0.4 +141,2.9606718648516086,0.10755943318090276,2.86 +142,1.4448375759300587,0.1009925908425764,1.4 +143,0.3818722332011182,0.10628767618923586,0.36 +144,1.6283836073281497,0.10083481282406215,1.64 +145,1.4630839396051625,0.10103957196670561,1.38 +146,1.6194021421348166,0.10165563314271478,1.58 +147,1.177035173331223,0.1018120081620469,1.28 +148,1.26580886526931,0.10214839646685502,1.42 +149,0.6881812177271625,0.10238758532657975,0.82 +150,1.2373816872228252,0.10147308172557057,1.18 +151,2.125821234930079,0.10314989331798013,2.16 +152,1.6638179850683021,0.1010040625050486,1.68 +153,1.9383386685679473,0.10215709585158743,1.9 +154,2.0156691012959946,0.10218641280919807,2.0 +155,0.9782721681517932,0.10135499225883804,1.06 +156,0.9958670750640122,0.10118594772886158,1.08 +157,0.8172128678281145,0.10233723661504113,0.9 +158,1.1309339099480409,0.10109928106074445,1.16 +159,1.8074556551308303,0.10173836681297413,1.74 +160,0.8203398873051027,0.10281421879509538,0.82 +161,1.5841477007383629,0.10095906372581065,1.58 +162,1.725729571258771,0.10097641953048599,1.64 +163,1.0191814738524447,0.10141550661664661,1.02 +164,1.7393944491916427,0.10205741591850424,1.72 +165,0.6730297359136121,0.10244999558886424,0.78 +166,0.9039865460360728,0.10177605370933882,0.88 +167,0.9012673267026583,0.10216861158724139,0.88 +168,2.103513249232332,0.10244707491511502,2.04 +169,1.5688587774100957,0.1044341182362826,1.48 +170,1.0206787403043973,0.1011120138159038,1.1 +171,1.4454222736129088,0.10155826812216341,1.42 +172,0.12206901347009214,0.10924748663296005,0.16 +173,1.7030457975274478,0.1013397499969666,1.54 +174,0.9450674829069816,0.10109181180445173,0.9 +175,1.301319744249234,0.1012087003029245,1.4 +176,1.2132889747827738,0.10105322372767815,1.32 +177,1.0247107974727603,0.10071519459842088,1.12 +178,1.833452493480454,0.10158410374050503,1.94 +179,1.6119211936074505,0.10122921749069581,1.72 +180,2.1674057479322393,0.10270033637951509,2.14 +181,3.814448138648885,0.11349240950133786,3.72 +182,1.6030369877124746,0.10095894675817588,1.58 +183,0.6910012766547629,0.10352419192621919,0.78 +184,2.6428780060498305,0.10601324192749549,2.66 +185,1.6596706478855692,0.10131531274517774,1.66 +186,2.863338994844728,0.10665782672318773,2.86 +187,1.3317664413876036,0.10160937130098498,1.36 +188,0.4207087584647622,0.103543083374944,0.54 +189,1.3599914981338832,0.10208681193527397,1.16 +190,2.823040981892582,0.10842263000016826,2.66 +191,2.235826250758496,0.10239000543191386,2.3 +192,3.316843425921615,0.11025089434809705,3.42 +193,2.4916087879052604,0.10447432119266138,2.52 +194,2.9040841546211453,0.10880119030880046,3.1 +195,0.28614155388948936,0.10793519413027192,0.38 +196,1.445005927002345,0.10151046110881604,1.46 +197,0.7477419635060121,0.10305534705297428,0.72 +198,1.2206318440818646,0.10150862152956244,1.28 +199,2.560143809457532,0.1081752553674236,2.62 +200,1.4509362201246352,0.10068660753121186,1.46 +201,2.6687921559761385,0.10439290261150604,2.62 +202,0.745037512857557,0.10434711047539927,0.68 +203,0.6342075006702748,0.10566644460567101,0.64 +204,1.0354238729131031,0.1012947108884889,1.04 +205,1.865414265392214,0.10175822163890977,1.82 +206,1.4542682974645158,0.1023987829762306,1.36 +207,0.7123955707885121,0.10231730828844894,0.74 +208,1.565028518169555,0.1013836159678039,1.6 +209,1.3889552559065519,0.10165101514727636,1.42 +210,1.8450050444931596,0.10154153049486728,1.94 +211,1.7982548112842272,0.10227576712617999,1.74 +212,2.069116990759138,0.10248303186752276,2.08 +213,1.798514633786336,0.10176716024781594,1.68 +214,2.629054598781426,0.10494873779166868,2.74 +215,0.8742746160745758,0.10220331698402153,0.9 +216,0.9371350302994015,0.10140942301601547,0.96 +217,1.0460449162754768,0.10117876453899347,1.36 +218,0.9385246288559512,0.10102797749876731,1.02 +219,0.9287491299273218,0.10091132442210021,1.02 +220,1.0636997913729862,0.10126992341819951,1.06 +221,0.9253129456377847,0.10169656112216854,1.02 +222,0.9753120780178042,0.11857300316460118,0.88 +223,1.4241848391581973,0.10102425123773505,1.28 +224,2.988841017085278,0.10855993326907894,2.88 +225,1.3776273152229768,0.10223470977757718,1.44 +226,1.0417153346681294,0.1008556830428264,1.12 +227,1.3355653503169014,0.1007442918297327,1.46 +228,0.6271236828003841,0.10330153520797745,0.64 +229,0.7576392573761586,0.10123968832465281,0.76 +230,0.5883899249920999,0.10359816195517986,0.7 +231,2.919847569907443,0.10740870609497935,2.96 +232,0.6220385372146031,0.10299551092976003,0.7 +233,2.2850803449240615,0.10305640020326018,2.28 +234,0.5087019043206416,0.10493651019745809,0.48 +235,3.9390436957314847,0.11211620834916625,3.76 +236,2.104775927036499,0.10299186053284301,1.98 +237,1.441582170218595,0.1042753276551565,1.7 +238,3.1896480565446197,0.11118305087713631,3.26 +239,1.4510414309847481,0.1016762728963145,1.42 +240,0.31475240038538366,0.11545772382937627,0.32 +241,1.6765931099729128,0.10345042883046246,1.84 +242,2.537690304892184,0.10538099006412613,2.6 +243,3.99465966189754,0.11542556089762712,3.98 +244,1.5764924571986325,0.1010060783816209,1.5 +245,1.180431700664396,0.10157247439969457,1.18 +246,2.0413629247599836,0.10178424833818894,2.02 +247,0.36785125129414786,0.10540455864405161,0.4 +248,1.5329500727892869,0.1026350102552115,1.54 +249,0.6597964892765835,0.10306593556418857,0.7 +250,0.9900179429587792,0.10290260899610441,0.96 +251,0.4245520574333488,0.10801404016112431,0.64 +252,2.0870926927272357,0.10227529825842233,2.12 +253,1.2832889203869546,0.1016314427121038,1.26 +254,1.935539608483239,0.1019119068829438,1.84 +255,1.024258946083531,0.10376283575175628,1.12 +256,2.8660673199089217,0.10819051080375235,2.86 +257,1.434357793339078,0.10289819961870987,1.42 +258,1.2294162934094819,0.1017227719595615,1.32 +259,1.2595732075189117,0.10264489155222374,1.22 +260,2.0689010082661348,0.10287624635460133,2.14 +261,1.0718291881575792,0.10081338996170301,1.16 +262,1.0227251562113044,0.10090706785779915,1.02 +263,1.2144998994641723,0.10220687459711435,1.26 +264,0.9139030480463466,0.10126691589448883,0.94 +265,0.7685295233723293,0.10140864597131512,0.72 +266,1.9150243877472197,0.10168303459350529,1.92 +267,1.4889642176945903,0.10212936517229763,1.28 +268,0.44948916161353103,0.10485714978315328,0.56 +269,0.7043400466723033,0.10190237108926167,0.7 +270,1.6978039601113435,0.101647098835825,1.76 +271,2.24887283867956,0.10264251297276353,2.24 +272,0.8658871211939425,0.10151100589882263,0.88 +273,1.1157670505172417,0.10181253760007454,1.34 +274,1.8702407048278393,0.10182833847857613,1.9 +275,0.6851158642451514,0.10231135113042981,0.66 +276,1.3602426480107892,0.10239311790981741,1.32 +277,0.637097463759879,0.1025803123739774,0.74 +278,1.8740225197317135,0.1042037535200165,1.92 +279,1.2898134828016976,0.1015733523742505,1.38 +280,0.8575112774702125,0.10165283775868957,0.9 +281,1.582275271491415,0.1009940964970195,1.58 +282,1.4298870483190915,0.10402904440150475,1.4 +283,1.2737311506502917,0.10097654998481218,1.32 +284,1.9003289451617211,0.1028686163943571,1.94 +285,0.15583758850243945,0.11376899786548239,0.1 +286,1.6093057240090898,0.10135493300324652,1.5 +287,0.7304447917930792,0.10243003587024067,0.74 +288,1.7127472216473227,0.10128325261554515,1.74 +289,1.7613475318644125,0.10274872435935624,1.72 +290,1.1144660431946816,0.10086345922892674,1.1 +291,1.090316075830209,0.10153500226329457,1.14 +292,1.3068250815408573,0.10070411616076866,1.4 +293,1.9127892490351035,0.10236029509729518,1.94 +294,2.643363066479157,0.10473840301819197,2.62 +295,1.137664030309235,0.100641656609388,1.22 +296,1.5105856514632412,0.10132364542093096,1.52 +297,1.3994732176891238,0.10293658732038209,1.52 +298,0.5773613199351322,0.10629191675781605,0.6 +299,1.017012126564932,0.10097170503519506,0.94 +300,1.908852795873745,0.10241154321932741,1.84 +301,1.3472358475802861,0.10124163859299573,1.4 +302,1.3391601189946198,0.10335452104816874,1.42 +303,0.2182010944757662,0.10936410131337983,0.2 +304,0.4263722774010892,0.10459475771238862,0.44 +305,2.708043147368951,0.10497495420053662,2.58 +306,0.7488606670009934,0.10155059337627037,0.86 +307,0.5524508700219,0.10418674476280988,0.58 +308,2.8868564887907233,0.10582566575675176,2.88 +309,0.969234986259149,0.10140796733787721,1.0 +310,1.332732688004995,0.10114982692414458,1.36 +311,1.479840045181472,0.10227214104923257,1.38 +312,3.904197106260469,0.11615730611193517,3.98 +313,1.3215450365235524,0.10164824025378079,1.26 +314,1.8536130597237095,0.1026029053858214,1.88 +315,1.014444638506436,0.10139263378894686,1.1 +316,0.9991458549003374,0.10125941524930457,1.02 +317,0.22894117443837536,0.10923614216841537,0.26 +318,1.7368025215543914,0.10112918664390716,1.64 +319,2.3078426958408826,0.10249079622113956,2.44 +320,1.9639176024324099,0.10212094854209716,1.84 +321,1.471756063338862,0.1010753336179695,1.48 +322,1.9122761548717795,0.10205167928332208,1.96 +323,1.585090817601898,0.10112506981085782,1.58 +324,0.3773470602665083,0.10476329550820164,0.38 +325,1.7005682549259544,0.10158379619596791,1.66 +326,2.6164984148682215,0.10591400896740659,2.66 +327,2.574876623583453,0.10774954634358737,2.58 +328,1.268137267590429,0.10233246321523473,1.32 +329,1.4594991298645004,0.10266987291976733,1.58 +330,1.2302794824047927,0.10093418332656415,1.22 +331,1.148053973674912,0.10204738412659674,1.18 +332,1.3248240825877635,0.10081369058717961,1.38 +333,2.3316137928987857,0.1027845893100932,2.28 +334,0.3391124608798035,0.11114989627904683,0.4 +335,1.0646750379542202,0.10107570941584444,1.1 +336,1.5854135550196486,0.10332927853499996,1.68 +337,2.767941444703645,0.10564841873778787,2.78 +338,2.6144924242618863,0.10477489842144225,2.56 +339,1.353646343007451,0.10248800364753276,1.42 +340,1.3823660316854889,0.10072569079282406,1.36 +341,1.7454495077943581,0.10134808457104404,1.76 +342,0.25427610595313843,0.10912461445540372,0.2 +343,1.0184457821044324,0.10117708233622084,0.98 +344,0.6749208518243355,0.10425374811153316,0.64 +345,1.1900440742158656,0.10118728608769614,1.16 +346,1.1303415991129702,0.10139921028364243,1.18 +347,1.4827511427630318,0.10247926954100153,1.56 +348,0.9435878106825333,0.10136096514885336,0.96 +349,1.6181102410986303,0.10883467068769384,1.54 +350,0.5369106019469105,0.10447817934972935,0.52 +351,1.3815310675657952,0.10219268905448843,1.28 +352,0.7256433234746138,0.10249925212198513,0.7 +353,0.952257681466335,0.10111480780446712,0.94 +354,1.679960730198619,0.10482593836223811,1.72 +355,1.0367848237854422,0.10103903509882999,1.1 +356,1.3080916217355243,0.10128343622039351,1.38 +357,2.306674685801866,0.10350659480457683,2.26 +358,0.850358931178057,0.10153495978725043,0.94 +359,3.8288669292022384,0.11309757540597885,3.66 +360,2.646374806849149,0.10478212054115246,2.6 +361,1.4511830844851408,0.10072843539941317,1.46 +362,2.280164756492649,0.10370354695932478,2.3 +363,2.7230768219774397,0.10531808770831025,2.62 +364,1.9088695700192593,0.10179279820487883,1.86 +365,2.4384787836635304,0.10452388255167645,2.44 +366,3.60261131471416,0.10941285501831749,3.4 +367,0.9689983589480666,0.10228193211086298,1.02 +368,1.3215771048042588,0.10225411622395564,1.34 +369,1.285920120886061,0.1014474889804357,1.28 +370,3.353856736535729,0.11274102464253351,2.92 +371,1.756196837306536,0.10193897383579857,1.82 +372,3.109984485732607,0.10851620975256343,3.06 +373,2.134666695879531,0.1019989998091926,2.08 +374,0.7524344084488701,0.10250635879295206,0.22 +375,1.0925374973748878,0.10084600966861212,1.06 +376,1.8740538852127562,0.10221621332600275,1.88 +377,1.8748183638897655,0.10235223423594374,1.78 +378,2.2296961129533592,0.10245725947866544,2.1 +379,1.8317875028778479,0.10148952527352846,1.8 +380,1.7798089700225537,0.10144682016590095,1.7 +381,2.217879314617914,0.10202539841113588,2.0 +382,2.0657634639932603,0.10190484560603402,2.0 +383,1.167673724531557,0.10043253565223152,1.18 +384,0.9549789009731524,0.10142993705020552,0.94 +385,1.2805194907039341,0.10101586285176169,1.34 +386,0.6991737557968276,0.10779619856226738,0.7 +387,1.8720774657908839,0.10227150850478127,1.86 +388,1.0659118344289629,0.10133130651147737,0.98 +389,2.2837513111346617,0.10266426133189879,2.26 +390,1.9602574406315048,0.10173151997913357,1.88 +391,3.142008239713153,0.10871070344015468,3.32 +392,1.3646320412474322,0.10117624327235904,1.42 +393,1.478156313360376,0.10658135958330653,1.44 +394,1.0789738958661095,0.10168546803181688,1.32 +395,3.178802200305519,0.11058349785524697,3.24 +396,2.221671642533,0.10466015529036289,2.22 +397,0.7618269479764377,0.1022614749149817,0.88 +398,0.9943080651269296,0.10115449772006072,1.1 +399,1.4122557631419743,0.10267098673878539,1.44 +400,1.5770491112862108,0.10169314609190154,1.56 +401,0.6802667139394598,0.10183542765534685,0.74 +402,1.792386514919709,0.10227798625829873,1.76 +403,2.428229730246745,0.10380308602978593,2.44 +404,1.914708358748651,0.10195544050410271,1.96 +405,1.1831341706497722,0.10058860474021918,1.16 +406,0.8067359547071147,0.10135748319157614,0.86 +407,1.8542568669141273,0.10250984307166437,1.84 +408,1.7491217611397862,0.10159485696060343,1.74 +409,0.5783543428098594,0.10340040408648057,0.62 +410,1.010345964458242,0.10152244378699711,1.04 +411,1.0855668855071234,0.10175559291656983,1.12 +412,1.7945124761139544,0.10132851922993062,1.8 +413,0.8025332950834352,0.10319913837401501,0.82 +414,1.3159075505239242,0.10077382568660072,1.26 +415,0.8954048999229405,0.10229723088146371,0.96 +416,0.8218993363210882,0.1015640702611533,0.94 +417,1.133575897926338,0.10125072580989648,1.18 +418,4.90921766710197,0.2686173660651109,4.78 +419,1.36008991292001,0.10097629600240125,1.36 +420,0.2219878536989801,0.10740694075838142,0.18 +421,1.2933316503649406,0.10148252069968794,1.32 +422,1.5060778289750585,0.1011330491214124,1.54 +423,1.042599209824491,0.1035889286447988,1.04 +424,1.4418261535283212,0.10103614151553304,1.36 +425,0.7324132086017447,0.10231610136151158,0.74 +426,1.1996864218661398,0.10109234282126266,1.12 +427,1.2905705097037445,0.1011477187910999,1.32 +428,0.6152102584100942,0.10377643891658145,0.62 +429,1.456026163391204,0.10286079855758386,1.46 +430,1.1124496283227605,0.10262854050623048,1.2 +431,2.6974584139345303,0.10524201832152387,2.56 +432,1.816369784617496,0.10218627293469959,1.8 +433,0.6696164809200871,0.10196371405402882,0.76 +434,0.5337971754069775,0.10466424281099136,0.54 +435,1.877202660664661,0.10179846443148885,1.82 +436,0.9368031459775563,0.10153621438688276,1.0 +437,1.857621278402341,0.1040190981447626,1.84 +438,1.1293096784960601,0.1006467870177051,1.24 +439,1.0813397108171754,0.10145352434312009,1.06 +440,1.387740681623107,0.10168335132372432,1.44 +441,2.837005014750453,0.10845823943308408,2.78 +442,4.395007951737735,0.12819130989426966,4.38 +443,1.643775014841214,0.10099119388706629,1.6 +444,1.0853760260761545,0.10105881541381334,1.06 +445,3.100462865054059,0.11104076678249127,2.82 +446,1.6751029597715854,0.10349555712165755,1.6 +447,1.7010913941792258,0.10178553577634208,1.66 +448,0.8907799337692521,0.1013083981142275,0.9 +449,0.5972503555735462,0.10403274336668451,0.6 +450,1.3693671881005114,0.10257596262537186,1.3 +451,1.9970258670384486,0.10323734862782,1.98 +452,2.018688367918557,0.10229883807294743,1.9 +453,0.1739944023166904,0.11167450878813358,0.24 +454,1.1974019507074976,0.10134163806590288,1.24 +455,2.307181578246148,0.10344468393532986,2.34 +456,0.9798070599243223,0.1012250663762004,1.0 +457,1.6383957382231846,0.10271156807280607,1.64 +458,1.2701688031796754,0.10055543647761041,1.3 +459,1.5348644826465259,0.10091112260094223,1.48 +460,1.7085583221298035,0.10220372555237087,1.7 +461,1.0018527454835888,0.10194673138710773,1.1 +462,0.157834039325486,0.10991361899205243,0.22 +463,2.1834124516810185,0.10288273492680992,2.22 +464,1.9318609792760915,0.10295529225309344,1.96 +465,2.0020957795299736,0.10237585862453587,2.0 +466,1.0486328787379582,0.10108336119017731,1.02 +467,0.5825827818122808,0.10514641353151684,0.56 +468,1.3770136713323884,0.10273641879592951,1.4 +469,1.2713538814615644,0.10086172493251709,1.24 +470,1.1625444863244316,0.10071085853313826,1.18 +471,2.249749091030214,0.10394629512540586,2.18 +472,1.7156863072479955,0.10114311560163249,1.58 +473,0.902062592810349,0.10155838320662237,0.9 +474,1.4630380818332502,0.1011016030817265,1.5 +475,1.7960066654047464,0.10324752113241491,1.76 +476,2.7203585552165777,0.10651049192976708,2.64 +477,1.2704785270416534,0.10125743065602753,1.24 +478,1.7248580509418365,0.10628499973890546,1.78 +479,1.4095314939728032,0.10186602053417244,1.42 +480,1.1968885293525664,0.10050325741600989,1.18 +481,1.3622466239834308,0.10168431173740185,1.34 +482,1.3465868092239253,0.10157179162331836,1.26 +483,1.662814326381724,0.10112572917181638,1.68 +484,0.8837768955221355,0.10173774235707772,0.9 +485,1.4076171582214945,0.10292357597674347,1.4 +486,0.5848729958444598,0.10820472591630342,0.64 +487,1.1411181968138988,0.10116110549963934,1.2 +488,0.7956601926373208,0.10224805774492847,0.8 +489,2.4760776356351606,0.10391880754694528,2.48 +490,1.0443943412952021,0.10152369676736842,1.04 +491,1.013242624856321,0.10077406373820207,1.1 +492,1.200213574163527,0.10082934423972936,1.3 +493,1.6076281902547398,0.10153670527179942,1.64 +494,2.102854486581524,0.10187098871772503,2.14 +495,1.4124397950334353,0.10124953370291082,1.46 +496,1.7063218746286812,0.10566551784882762,1.54 +497,0.7608153380113476,0.10345037075382904,0.76 +498,1.4058403369765384,0.10107283538558852,1.4 +499,0.6293380874928223,0.1019112957876725,0.72 +500,2.157371012247161,0.10207888729193312,2.0 +501,0.4209505881038955,0.1065830565243394,0.46 +502,1.7879116711307288,0.10159456119033672,1.78 +503,1.5055230326552722,0.10077781310645942,1.62 +504,0.9108844962781004,0.10122923417924233,0.84 +505,2.074388910691045,0.10221768569013563,2.0 +506,1.0511238690444598,0.10140075609640584,1.1 +507,0.970104041863088,0.10075525615442438,1.0 +508,1.313986432339586,0.10040426622061195,1.28 +509,1.2611352046609097,0.10125725996760597,1.28 +510,1.2640231893751943,0.10155827301968151,1.26 +511,2.0553138391277166,0.10214597019112671,2.02 +512,0.9422299563541825,0.10159840210549102,0.92 +513,2.30086644263422,0.10372086832029229,2.4 +514,1.146618547851286,0.10092985838908837,1.2 +515,2.106847810990825,0.10293207496917556,2.1 +516,2.2732340514863445,0.10340105181561608,2.18 +517,1.9562804579366,0.10204403987999865,1.98 +518,1.7465437152925103,0.10182570126145646,1.7 +519,0.8252962099797541,0.10185538087875612,0.82 +520,0.676846940662571,0.10344246429803504,0.72 +521,1.618180792856087,0.10087159240995217,1.58 +522,0.7143025243432815,0.1021351154352485,0.8 +523,0.6562134987576014,0.10521767059364469,0.68 +524,3.6384559917927035,0.11005774151283962,3.64 +525,0.7498811541179327,0.10215632169770889,0.74 +526,0.9010354116049581,0.1018868406095671,0.96 +527,1.301271716390392,0.10262137276768532,1.44 +528,1.264156845199867,0.10077630797643707,1.28 +529,2.600653194985764,0.10484793987395015,2.78 +530,2.046354145253389,0.10310510392074995,2.08 +531,0.9683857767634902,0.10124272627753088,0.98 +532,1.9696905253888664,0.10254528593876924,1.88 +533,0.9258415201725751,0.1018496567593068,0.92 +534,1.1938350449237018,0.10317712226698265,1.22 +535,2.0544855297044293,0.10214313327026799,2.0 +536,0.4799311904096262,0.10342026469250219,0.52 +537,1.3762609819151022,0.10069614600158101,1.46 +538,0.7617095141173491,0.10198929556905897,0.82 +539,1.3310455258079725,0.10058679914298359,1.36 +540,1.3086782485571538,0.10088828831959085,1.3 +541,1.1821965362902416,0.10024014412866554,1.26 +542,1.1526216091700012,0.10062226267570894,1.16 +543,2.11763591352506,0.10189928359399089,2.04 +544,2.3280193384475893,0.10238575112748703,2.3 +545,0.5454003767291693,0.10666225239999608,0.38 +546,2.0963394057983002,0.10203642013636521,2.12 +547,2.616374172971806,0.107338152618178,2.66 +548,1.9377538408813242,0.10220848944552914,1.96 +549,1.3205938100225934,0.10065769523744694,1.38 +550,2.066721617683857,0.10210805369245347,2.0 +551,0.9060098036669684,0.10167843248373623,0.92 +552,0.020756813796701357,0.11795959229768743,-0.02 +553,0.5753222164918552,0.10316697112485884,0.64 +554,1.3701673023084628,0.10117452232304974,1.3 +555,2.450944971086468,0.1032504929627181,2.5 +556,2.9162607892570485,0.10729109557206774,2.98 +557,2.08623217637912,0.10237942083655603,2.0 +558,0.6102537387500993,0.10342905212841996,0.64 +559,1.3324468013615165,0.10068186552689404,1.32 +560,1.3510254648905187,0.10168418565180254,1.32 +561,1.1890466562613324,0.10127640055448292,1.16 +562,0.8335331065389082,0.10250359544503693,0.9 +563,1.9271144987853537,0.10184963712099906,2.0 +564,0.6136269970889854,0.10292148877560592,0.68 +565,4.262674861371682,0.12357449794953947,4.22 +566,2.122336237544946,0.10271846818945016,2.16 +567,0.962734257934297,0.10078592081555685,0.94 +568,1.416926531980003,0.10068363135996317,1.46 +569,1.9968156574997982,0.10221397740624642,1.94 +570,1.7969338298004975,0.1032113060168625,1.98 +571,1.163934427491245,0.10039778247674516,1.16 +572,2.790783046090663,0.10610946640492977,2.76 +573,1.9405876282758319,0.10215407698142939,1.9 +574,2.1476836961730257,0.10328349382047639,2.16 +575,1.480976221753355,0.10240598404825427,1.54 +576,1.201488779858163,0.10093490448541736,1.14 +577,1.4999411065882347,0.10203988003888381,1.38 +578,1.7173703316607918,0.10094736332139052,1.64 +579,2.5250865128748607,0.1048507354968277,2.56 +580,2.6642990199686594,0.10443954820191692,2.6 +581,1.4770086291991082,0.10195145935695409,1.46 +582,1.7607355171865995,0.10231652522365055,1.8 +583,1.2415554054387703,0.10280182813377091,1.2 +584,2.1214871620291014,0.1020404701436133,2.2 +585,1.205795218511941,0.10121665557625263,1.2 +586,0.5088020101605897,0.10742303050578966,0.56 +587,1.559012581888968,0.10322128880757396,1.52 +588,1.7373839535007567,0.10128738217878816,1.72 +589,1.8329758917903864,0.10418711845019354,1.78 +590,0.6214942823365879,0.11454340139916508,0.6 +591,1.5972916927095715,0.10103657325221206,1.52 +592,2.755467368864604,0.11157707089551419,2.66 +593,1.5358730323459893,0.10200472902933674,1.52 +594,3.0610980432245256,0.1135956748388187,2.96 +595,1.2038302417872264,0.1009949425421764,1.14 +596,1.3554683671197798,0.10074974101454674,1.38 +597,2.1024565730258153,0.1030916949612732,2.2 +598,2.0062979447891998,0.10320785542310965,2.02 +599,1.7223166538827817,0.1013081911723436,1.72 +600,1.1536396676369127,0.10161350289590537,1.1 +601,2.73057703867757,0.10680805329079021,2.7 +602,0.47535080700852084,0.10335472094446549,0.44 +603,2.481913235890527,0.10456874792432751,2.42 +604,0.9334592772818799,0.11404675346031191,0.9 +605,0.7329515446201602,0.10234597960632148,0.7 +606,0.56742675368989,0.1047000986361889,0.56 +607,1.5779297914463333,0.10066821928898294,1.54 +608,1.9206011677447916,0.1018148747061985,1.98 +609,1.4272914701105497,0.10269910850561202,1.34 +610,0.6586847002364598,0.102377924167804,0.68 +611,2.017436128539451,0.10284363322953513,2.0 +612,1.715743257225977,0.10106680810858847,1.7 +613,0.6233345588291923,0.1036517936073395,0.6 +614,0.8581841766561167,0.10139085453066639,0.9 +615,1.0835129517574804,0.10114547135691496,1.14 +616,0.9285182452974678,0.1011846234660279,0.9 +617,1.768215095553369,0.10174228148596154,1.78 +618,4.710180708588892,0.1752763235932739,4.68 +619,0.8418026513958201,0.1015328579115969,0.78 +620,0.7427276815792714,0.10187750368758494,0.8 +621,0.5284776686948545,0.10355881889518508,0.52 +622,2.734762595516113,0.11132948482133698,2.82 +623,1.8519288553497615,0.10163694677548853,1.7 +624,2.2234614833908175,0.10193166668443486,2.24 +625,2.098689542078393,0.10318748009962356,2.1 +626,0.7482051812817294,0.10299840139818812,0.74 +627,0.3982094842706656,0.10551252776517722,0.42 +628,1.5901447568451308,0.10243064871570721,1.64 +629,0.9698520614869357,0.10077431985449503,0.96 +630,1.660864861287706,0.10130337129617065,1.62 +631,0.37616623721914855,0.10948686938544623,0.4 +632,1.4892831397722437,0.10080767909142209,1.34 +633,2.07799772442549,0.10250296239008057,2.04 +634,0.43487717465200837,0.10551576073044085,0.44 +635,0.5994371639992158,0.10263796988537914,0.64 +636,3.1035060015249663,0.1145707018096417,3.04 +637,0.9702219741823617,0.101478161105859,0.9 +638,1.0812744463641406,0.10112032897715267,1.3 +639,1.3074335800049537,0.1009003530405695,1.34 +640,1.240584756425491,0.1013682388696348,1.34 +641,2.5267017188390533,0.104363199695768,2.46 +642,3.388333952013568,0.11337556180368319,3.26 +643,0.7272214470289133,0.10173753303505041,0.72 +644,2.0322083829487667,0.10208371139933589,2.06 +645,1.049615857213851,0.10145421554344262,1.06 +646,2.7082792466804193,0.10617271847550698,2.54 +647,1.3060773456704273,0.10558571465570579,1.18 +648,1.5054302932066788,0.10158906175997877,1.46 +649,1.3074571261652783,0.10225822620359543,1.36 +650,2.0733740681483965,0.10210381828700553,1.96 +651,0.8082969859523883,0.10269761523093443,0.94 +652,1.538283687261259,0.10209776890310326,1.54 +653,1.3188370449268516,0.10080206305671474,1.34 +654,1.2180271025540426,0.10105572265313198,1.22 +655,0.8882695574459338,0.10124836471936158,0.92 +656,1.3488203453992538,0.10383572105105511,1.26 +657,1.62871209627583,0.10093091626980129,1.6 +658,1.5923485897006946,0.10142572347516801,1.6 +659,1.270009782267376,0.10109832460031688,1.36 +660,1.5051668484627247,0.101139703795582,1.54 +661,1.1752094589454491,0.10062943635526492,1.12 +662,0.560166750365205,0.103906930886514,0.62 +663,0.9545135599022954,0.10079392387130698,0.96 +664,0.9752617741603904,0.1011278351948928,1.0 +665,1.30268530829505,0.10067775120597013,1.28 +666,1.0101209015387942,0.1010231544666525,1.04 +667,0.5269830400164037,0.10281294703390396,0.48 +668,1.5310603444714308,0.10189597604912191,1.58 +669,1.9148567279660609,0.1017347894251804,1.78 +670,0.5853703176844218,0.10421497550756059,0.56 +671,2.734465128509793,0.10484953980499358,2.64 +672,0.6271556779090017,0.10231057537500864,0.64 +673,0.95380319534879,0.10161026012794205,0.94 +674,0.953106889632007,0.1014600535685114,1.04 +675,1.0518951394736857,0.10142859707937503,1.14 +676,0.11376994454778333,0.11065481379980682,0.06 +677,2.2643230053274195,0.10217144619747796,2.26 +678,1.8972005701740746,0.10322301714597422,1.82 +679,1.0921503821581309,0.10111426690067585,1.26 +680,3.208465900317556,0.10838446178205927,3.52 +681,1.6003281759523735,0.10194582648583367,1.58 +682,2.165010874854463,0.10237707367296968,2.12 +683,2.088963587454657,0.10291245243213011,2.1 +684,1.2014429015642027,0.10167405523811605,1.26 +685,0.9355727427355267,0.10174665180988081,0.92 +686,3.486711727457383,0.11353214808325393,3.52 +687,2.6493544480992846,0.1069915343310573,2.7 +688,2.564802004125564,0.10626175036165825,2.64 +689,2.178024070215951,0.10209379167279875,2.12 +690,2.128627030131252,0.1021437810385341,2.06 +691,1.261311923721532,0.10157603371636073,1.28 +692,1.0580670692457301,0.10092328260232279,1.04 +693,0.804705523198322,0.1017379664247922,0.8 +694,0.607037912674407,0.10238434192357444,0.56 +695,0.9838961781542144,0.10099704546977688,1.04 +696,0.5426530485039895,0.10383744019463359,0.68 +697,4.210278623939111,0.12227726339410659,4.24 +698,0.8162385390970603,0.10132619498242554,0.82 +699,1.8061674269526014,0.10217880120301182,1.78 +700,2.6286846114007254,0.10509424153030848,2.56 +701,0.9252020383449737,0.10143476102681433,0.94 +702,1.6536915926599993,0.10133603916245865,1.74 +703,2.8112667261683697,0.11340252088937446,2.84 +704,0.8558824287729754,0.10153904684988106,0.84 +705,0.5436429943055321,0.10479889916304423,0.5 +706,0.9080700819987617,0.10105196797678333,0.98 +707,1.540490144810622,0.10195014460747129,1.62 +708,1.8687821276321548,0.1019654503749639,1.8 +709,2.55492847523794,0.10444531817621906,2.58 +710,1.334212798714663,0.10088683117835867,1.5 +711,1.994075658147725,0.10297831522279785,1.96 +712,1.4399752810145257,0.10176110137729925,1.58 +713,0.7837554743997825,0.10235372962821325,0.86 +714,1.1768511873254643,0.10116029741196413,1.22 +715,2.2149298584691124,0.1029049766288323,2.3 +716,0.6796435888686891,0.10335014039740562,0.68 +717,0.9530472519979545,0.10374705181942985,0.92 +718,1.2391260582638457,0.10102680301427139,1.26 +719,1.6695244648212542,0.10170888371905751,1.72 +720,0.5227914628646066,0.1045055587445613,0.56 +721,2.34285434225389,0.10467193215176819,2.24 +722,2.156688778488423,0.1022387438774851,2.16 +723,0.8419821732621597,0.1013508386527708,0.94 +724,1.1164913300564796,0.10090759105499623,1.22 +725,1.7250366350003323,0.10114970640233126,1.62 +726,0.741580326060294,0.10243597604684378,0.74 +727,1.491135989735472,0.10110227651246038,1.56 +728,0.9398843494386104,0.10078060710715267,0.78 +729,0.9816118804485681,0.10488523242926769,1.02 +730,2.051293564094461,0.10195930537196823,1.96 +731,1.71851114687416,0.1019616113625782,1.68 +732,1.0162052780417132,0.10124744555059449,1.02 +733,1.2186253492216996,0.1007847220514046,1.24 +734,0.7061688665866794,0.10290994383428144,0.76 +735,0.869841533724024,0.10092310379024133,0.82 +736,3.0609050135476963,0.10751260521426463,3.06 +737,2.2796493900669397,0.10353139483228772,2.34 +738,1.8709965106138389,0.10266530197834746,1.78 +739,1.334924733554306,0.10216372884502452,1.28 +740,0.8240723274423016,0.10155620113085512,0.84 +741,2.195142405978114,0.10240090240032332,2.16 +742,0.8705098891234291,0.10484798042084201,0.86 +743,2.5516654894121267,0.10785900783604027,2.56 +744,0.8037078545456706,0.1016308802179662,0.66 +745,1.301972294633298,0.10083002300022771,1.36 +746,0.5206140267328292,0.10378203248026065,0.54 +747,1.3864571680286664,0.10116428539733269,1.32 +748,1.5905932819588278,0.10071560841489566,1.58 +749,1.4360311541449418,0.10266477536742587,1.56 +750,1.5319681627326849,0.10096216907604424,1.54 +751,0.8722149343745433,0.1022052341792335,0.84 +752,1.4762901802959012,0.10086931888773021,1.48 +753,0.7003812701778533,0.10174633271396998,0.78 +754,1.8042711491426855,0.10327582643711156,1.74 +755,1.1406295409380751,0.10132511321325104,1.22 +756,1.585920038733924,0.1009342119513298,1.54 +757,1.523319986076032,0.10472823387959972,1.48 +758,1.41830428503885,0.10082386472973696,1.44 +759,0.5017615129407635,0.10341548854466803,0.5 +760,1.7498960618666854,0.10163572015006088,1.72 +761,0.9347918310935233,0.1011249549664204,0.98 +762,0.9681916435093922,0.1012237333797892,0.96 +763,2.183456636521637,0.10270188456536233,2.04 +764,1.2983156665963234,0.10077063489961106,1.38 +765,1.1547146873253131,0.10092062993650218,1.3 +766,2.0980123017181533,0.10244240368099738,2.18 +767,1.6468661251180021,0.10163107172933009,1.6 +768,1.526608436536186,0.10098828981961155,1.46 +769,1.3967241631675582,0.10249719886133637,1.4 +770,4.692636658229597,0.17860888704856318,4.68 +771,1.6097669117990383,0.1025537432561341,1.6 +772,1.7355019353189538,0.10119245219381899,1.7 +773,1.3683586982046803,0.1021810689570854,1.42 +774,1.815632117637424,0.10143943831223617,1.8 +775,1.4052725853738222,0.10080303288512804,1.34 +776,2.3463882618914127,0.10334016694951294,2.3 +777,0.8262444630266434,0.10254661582362799,0.78 +778,1.9984600335114455,0.10225915373017842,1.98 +779,1.1796030330153362,0.10133960755534363,1.24 +780,1.3244747286534382,0.10060077810660575,1.38 +781,1.6014401107511274,0.10391050760574366,1.56 +782,1.0602176918486277,0.10189831496376431,1.1 +783,0.8502927943544625,0.10195539635587085,0.84 +784,1.0785956310158011,0.10102832989799097,1.16 +785,1.590344092826452,0.10124904174495857,1.6 +786,0.7803083536931934,0.10201949791324558,0.76 +787,0.37758237937926586,0.1054866952178472,0.48 +788,1.1343510288218963,0.10134629011371002,1.16 +789,0.1360131023079949,0.11232311840559346,0.08 +790,1.5015418729311312,0.10132949968143207,1.66 +791,1.0535001327676345,0.10121486433099852,1.14 +792,1.5799919079262599,0.10097497460986823,1.54 +793,0.6854637531171439,0.10161289183061921,0.7 +794,0.7608468698219644,0.10254421916463083,0.82 +795,2.082401950752324,0.10183835837855147,2.08 +796,0.8992130158932772,0.10139679593783682,1.04 +797,1.2987615314080683,0.10081700318469017,1.26 +798,0.3910766885371044,0.10603460193455821,0.46 +799,1.5714040352670826,0.10189165891180235,1.46 +800,1.1986054625694533,0.10073244435343029,1.2 +801,1.64148765679489,0.1016781120629653,1.58 +802,0.9349060426342353,0.10133481760359961,1.0 +803,1.2507510800725858,0.10121604659132358,1.26 +804,1.376522250766701,0.101048024303162,1.38 +805,1.5813218307445351,0.10570407378819993,1.62 +806,2.5951280558209184,0.10566502033281515,2.68 +807,0.4301270555590546,0.10563893411630712,0.46 +808,0.8023179063643011,0.10145128697021982,0.8 +809,2.3569522025994907,0.10302606316008156,2.28 +810,1.217069975743861,0.10228966867043451,1.32 +811,2.3308842911394656,0.1029775628059775,2.28 +812,2.600889003826847,0.10527882510490459,2.64 +813,1.1370282754740477,0.10089682414565485,1.1 +814,1.1799057707604665,0.10386373774426598,1.14 +815,1.3119510896530782,0.10360395606939818,1.3 +816,1.4724258748440133,0.10239360930642548,1.52 +817,2.4988254651122936,0.10332377453871008,2.42 +818,0.7800098881752786,0.10224920887290212,0.78 +819,1.9945982838137686,0.10183981702790237,2.0 +820,2.2535734533270215,0.10207478789333363,2.3 +821,1.4463982436872163,0.10092796324999664,1.46 +822,1.1206374716337952,0.1009381582724076,1.12 +823,1.4884885526432432,0.10266326813983306,1.54 +824,0.7570829180894376,0.10381876719540506,0.82 +825,0.582344290084787,0.10455425891930983,0.6 +826,1.617108557100021,0.10140667450570524,1.62 +827,0.41880158706397785,0.1046946645634708,0.36 +828,0.4375861209305858,0.1052561476903186,0.44 +829,1.956983738165803,0.10188919066753481,1.96 +830,1.7809032415835515,0.10208640120747538,1.78 +831,2.365772859305398,0.10256449663959251,2.34 +832,2.0093941115656087,0.1016605994644341,1.86 +833,1.182418270266712,0.10088722625915005,1.32 +834,0.7821996572370968,0.10170056118157246,0.84 +835,0.645271589696726,0.10316882011555416,0.7 +836,0.9466956915235547,0.10169675724796053,1.0 +837,0.6054430164305022,0.10504055707045987,0.44 +838,0.7253679805322439,0.10346092115252523,0.76 +839,0.20488609445930073,0.10781618244421387,0.3 +840,1.0871504383137418,0.10150666879074942,1.1 +841,2.1611290885368,0.10259119870248207,2.22 +842,1.246527630005687,0.10097470952962023,1.36 +843,1.5600384035399235,0.10210261491055914,1.56 +844,1.861806041512853,0.10187543978016786,1.82 +845,0.842002942592522,0.10342031759786623,0.78 +846,1.1149378132152596,0.10128913853429597,1.12 +847,0.4850484381202198,0.10431218280473142,0.56 +848,1.6530347548954543,0.10151534119800892,1.6 +849,1.789477076578638,0.1017952877378711,1.78 +850,1.9304351493425178,0.10248972353162038,1.96 +851,2.0338012325540227,0.10212752571812973,2.06 +852,0.9570613743117666,0.10094456867543664,1.04 +853,0.9162913031127109,0.10241911785400457,0.9 +854,1.5010006593260206,0.10246985241963406,1.54 +855,0.9584224703224355,0.1016587700311729,1.0 +856,1.7964243915642617,0.10234922380515703,1.74 +857,2.0689095228783216,0.10230157684794353,2.08 +858,1.191542662238774,0.10216524125821352,1.26 +859,0.9126566211721892,0.10137670321247139,0.9 +860,4.187996244567117,0.11881609394902613,3.98 +861,1.4442667512300351,0.10106606915638454,1.48 +862,0.5632305111071572,0.10223741226221597,0.56 +863,0.8410524846012668,0.10156727931371734,0.76 +864,1.2412639666050038,0.10149460417707534,1.32 +865,0.840786698479558,0.10251446808769145,0.92 +866,1.2354779236183366,0.10068917175861107,1.24 +867,0.6858155448914258,0.10200590214033198,0.7 +868,1.046985645018555,0.10145419159137058,1.16 +869,1.3084496264108905,0.10215011653441437,1.34 +870,1.0672234916203462,0.10226483172985529,1.16 +871,0.660071215238961,0.10553065793596053,0.72 +872,0.9823290983448343,0.10209433970842297,1.08 +873,1.6959455717245395,0.10091084831800011,1.76 +874,1.0267286859120792,0.10123355371092183,1.04 +875,0.7291598956009506,0.10273213313522075,0.78 +876,1.7846820212842223,0.10407293886188194,1.62 +877,0.6264015254506423,0.10614717661806918,0.68 +878,0.014940477959640708,0.12806596039961696,-0.02 +879,1.9222731466612506,0.10195468218140465,1.92 +880,1.0861088415005893,0.10108582640800189,1.14 +881,2.1170265123101686,0.10223411848835567,2.08 +882,2.1227686401724988,0.10258723457212428,2.2 +883,1.4914268057516293,0.1020598117662776,1.56 +884,2.2682862177650804,0.10254233586700107,2.32 +885,0.2796710620211085,0.1110921073385333,0.36 +886,0.2679277175794963,0.11115275438007652,0.22 +887,2.571946737596452,0.10524909368871747,2.64 +888,2.016209100402701,0.10197237029333467,2.04 +889,1.9340918893482273,0.10187923404816596,1.88 +890,1.4242221789235179,0.10162789709497538,1.62 +891,2.4685164317209463,0.10417649926691472,2.46 +892,2.881354945787873,0.10687092554464729,2.88 +893,2.5948993228993125,0.10626887026176847,2.62 +894,0.9654806829656868,0.10213721350657558,1.02 +895,1.0276222927149232,0.10101255375307747,1.14 +896,0.042372408509059545,0.11505414393641934,0.08 +897,2.0347849486347585,0.10247165368033749,2.0 +898,1.799036892457021,0.10176648645364003,1.74 +899,1.0141128785194586,0.10123259694032288,1.0 +900,0.4634864938442431,0.10555830931623579,0.48 +901,3.8913587183809284,0.11616426771750103,3.82 +902,2.2328799882572845,0.10257831365477019,2.2 +903,2.133849264654618,0.10195741294350141,2.0 +904,1.1961400270999325,0.10053090558623938,1.2 +905,0.831642345383141,0.10225126404442526,0.88 +906,1.3890972731159825,0.10178100371839537,1.42 +907,1.4663815220827663,0.10077373623682546,1.56 +908,1.8982124039243506,0.10560755743214043,1.86 +909,0.451895110602212,0.10575423528193327,0.44 +910,1.6764791456669597,0.10087855178931875,1.68 +911,0.5462292205879853,0.10784476657266442,0.62 +912,1.3172346429550215,0.10117142468097226,1.36 +913,1.5156639476335483,0.10099168226741168,1.48 +914,2.999937860388062,0.10871623627233888,3.02 +915,2.4358160261481956,0.10406171992031837,2.42 +916,1.782758482729111,0.10188451014479642,1.96 +917,1.6990429598469559,0.10190150821244245,1.76 +918,2.447948985341501,0.1052731435210797,2.5 +919,1.0375033654003685,0.10069011846842327,1.02 +920,1.423495743928093,0.10328717243161906,1.52 +921,1.4276530706862507,0.10098888259744859,1.38 +922,0.6968065989518271,0.1034616815986616,0.78 +923,1.3821923175574964,0.10084572729391325,1.36 +924,1.8667416774101573,0.10362391774337787,1.76 +925,0.835899354714307,0.10227270405225732,0.86 +926,1.2077250981506429,0.10134425351535523,1.22 +927,1.1328867490823489,0.10077718978565163,1.02 +928,0.34736383069674637,0.10812412103667747,0.52 +929,0.3161361158419884,0.10911524943778309,0.36 +930,0.9731073022630061,0.10140627851606503,1.04 +931,0.3815640786207444,0.10798254125581831,0.38 +932,2.5445515245845733,0.10371623024842594,2.52 +933,1.9181168091486815,0.10230210357064017,1.98 +934,2.3941610924455254,0.10272331165549915,2.3 +935,1.9985349723940862,0.10251321870264735,2.0 +936,0.75881710529433,0.10179423142606872,0.86 +937,0.7601187687195219,0.10164229195226006,0.84 +938,0.5114501553170567,0.10423453718685774,0.58 +939,1.6456854592130126,0.10125665721417146,1.64 +940,2.282239444392264,0.10295799051516291,2.2 +941,1.6605851292124816,0.10132687211142768,1.64 +942,0.6460294420273802,0.10523148280308342,0.64 +943,-0.3204449993882934,0.14136813854425237,-0.36 +944,1.7661497370914494,0.10128706000319812,1.7 +945,0.777779124000588,0.10250892526767813,0.9 +946,1.1140325422041781,0.10213715685048327,1.08 +947,4.290022625598443,0.12698353391802406,4.34 +948,0.8920230207419555,0.10180684491542806,0.94 +949,0.646981546072009,0.10283560052455319,0.68 +950,2.5343599321762156,0.10376716144880269,2.48 +951,1.303282424592158,0.10168197008124634,1.24 +952,1.9339867068440346,0.10194624134088388,1.92 +953,0.38769212406021913,0.10600123196759341,0.4 +954,0.5765668406335249,0.10247294100175527,0.62 +955,1.481537848026537,0.10203274807959277,1.48 +956,2.771448962428167,0.10597559216389789,2.84 +957,1.3304037708005791,0.10098846373530496,1.38 +958,1.7980436369437134,0.1015366054278794,1.78 +959,1.8165227372998627,0.10205606053131397,1.8 +960,1.1902212268900667,0.10047638581036453,1.2 +961,1.4513541525092462,0.1011348587104598,1.54 +962,2.146278224797541,0.10200310888076078,1.9 +963,0.6740603110975305,0.10275710346420008,0.68 +964,2.1003801002969844,0.1020551020323072,2.06 +965,0.8852376849744947,0.1018364316338222,0.96 +966,0.042318541902378604,0.11589231766683852,0.02 +967,2.039022784217252,0.11226786019846481,1.96 +968,1.6609236349582834,0.10150896347309943,1.84 +969,1.844342083070966,0.1016337567755897,1.84 +970,1.3545159944324465,0.10082422639518472,1.44 +971,1.6204136345003375,0.1029072241788659,1.66 +972,1.252906684938157,0.10062818942174367,1.36 +973,1.0410037490365338,0.10139061935252391,0.86 +974,1.3661185128894358,0.10089206918783666,1.34 +975,0.2835032038967389,0.11409815725577663,0.34 +976,1.1883868804786955,0.10320539047788112,1.1 +977,0.7443477365149069,0.1023717838455081,0.76 +978,0.1357890477952457,0.11246511329518415,0.14 +979,1.7022491043670376,0.10108457122351307,1.58 +980,1.090350346559507,0.1013944493559202,1.1 +981,1.5731550205997455,0.10146481749012555,1.52 +982,1.3910150819607983,0.10122144593684552,1.4 +983,0.6419309819218773,0.10220776314601461,0.7 +984,1.4082616758882514,0.10292529743287597,1.46 +985,2.199798887372456,0.10265827351644347,2.1 +986,1.927373003817049,0.10186310312745683,1.86 +987,1.839812107603908,0.1030997501937417,1.84 +988,2.4567202309827785,0.10429315715479408,2.48 +989,2.5739368849745965,0.10410177582446502,2.58 +990,0.6407143122897485,0.1032403590290715,0.64 +991,1.2254027770496554,0.10078864993966592,1.22 +992,0.975411701188811,0.10209322154696397,0.94 +993,3.6992666314613736,0.11045741349066769,3.5 +994,0.8909739566301409,0.10169825252333876,1.0 +995,1.08431371147482,0.1017227937430344,0.98 +996,1.6453530886267662,0.1007136910856077,1.74 +997,2.262644336775775,0.10263334866934355,2.12 +998,1.0152932389096845,0.10054493705567252,1.02 +999,2.0955952565096148,0.10269872956281735,2.12 +1000,0.6215595787566206,0.10428648040471705,0.64 +1001,0.29319755444337026,0.10801928955267845,0.26 +1002,1.6146440552961427,0.10102288521684567,1.52 +1003,1.5936695535086718,0.10072969880179006,1.54 +1004,3.0118080447517137,0.11081657366454623,3.12 +1005,1.1630722741260298,0.10145333200088594,1.24 +1006,0.9552150677474633,0.10083378960648792,0.98 +1007,2.069525597725981,0.10207049273611499,2.1 +1008,1.5173502901561766,0.10090484418578453,1.58 +1009,1.5636287046665591,0.10287403659217924,1.6 +1010,0.8896010909713501,0.10172372641280678,0.94 +1011,0.8885186394093798,0.10158852466230754,0.98 +1012,2.280575557050412,0.1021588144172642,2.2 +1013,1.8355957662670084,0.10223698959753046,1.82 +1014,1.3345527873824172,0.10050838113302994,1.38 +1015,1.8173527035697281,0.10168805290714082,1.92 +1016,0.9990624870430371,0.10190815697740009,0.98 +1017,1.2525776555994204,0.10063000465697994,1.22 +1018,2.4768452867755997,0.1043591691347707,2.48 +1019,3.8454445923726013,0.11318618019395194,3.92 +1020,0.5302404169395876,0.10610460633432794,0.62 +1021,1.5007705396178748,0.10119540162019869,1.52 +1022,0.41333429024634305,0.10796459759677703,0.42 +1023,3.5207151528452023,0.11065894977056268,3.56 +1024,0.5103205378242668,0.10364471476923975,0.58 +1025,1.0970879101691613,0.10512552501291245,1.08 +1026,1.4472594180592997,0.10092766528280153,1.46 +1027,0.6549956789129785,0.10263878039734477,0.64 +1028,1.6486574471079327,0.1029556942987528,1.72 +1029,0.9303458571682872,0.10241364344998674,1.0 +1030,1.197305549749174,0.10082005597617785,1.28 +1031,2.0403128009324085,0.10178567856138643,1.98 +1032,1.8633696531041684,0.10133436827652609,1.7 +1033,2.0235887655250515,0.10252235572303514,2.1 +1034,0.4879080519098584,0.10648399967852726,0.46 +1035,1.1333074778695786,0.10164270900255294,1.14 +1036,2.381059113581216,0.10406799537254703,2.12 +1037,1.902500991563208,0.10172511705809144,1.96 +1038,1.1664946186493308,0.10078433502276112,1.24 +1039,1.487465564934222,0.10169087044801765,1.48 +1040,0.9987298842050867,0.10134327821544299,1.0 +1041,1.9870520127175444,0.10298322704965206,1.98 +1042,0.6932337009176057,0.10218942689679654,0.72 +1043,0.1646142935636623,0.10937028247336887,0.16 +1044,1.4333920811816652,0.10094895902908854,1.46 +1045,1.4714460235235405,0.10168207726393978,1.48 +1046,1.3478890822433518,0.10088320670177656,1.22 +1047,1.3432137117478324,0.10069821179678258,1.32 +1048,2.3601237573557476,0.10340531355373132,2.28 +1049,1.04394997801349,0.10099546335935178,1.0 +1050,2.7183690499374045,0.10586015406395698,2.74 +1051,1.8097413587696207,0.10185027578139567,1.86 +1052,0.9192320878574198,0.10122379299891388,0.96 +1053,1.865116282148726,0.10234309615061805,1.9 +1054,1.9959084433018928,0.10257850993164615,1.96 +1055,1.3993396516956726,0.10204564361162886,1.42 +1056,0.6536206068465871,0.10184039347779385,0.58 +1057,1.606376204709466,0.10358167782208517,1.68 +1058,1.2211790023016886,0.10117157123733667,1.18 +1059,1.7212616937240914,0.10228501205838676,1.76 +1060,1.584585187462778,0.10072881902853727,1.56 +1061,1.3313094032061732,0.10240165883544043,1.3 +1062,2.078207123688106,0.10248134918644891,2.1 +1063,0.6272121981497099,0.10360373800400853,0.62 +1064,1.3312394463295012,0.10141052814972241,1.34 +1065,0.8446897454458726,0.10116836690115999,0.9 +1066,2.2457174853620003,0.10273550685747343,2.22 +1067,0.9354980048460282,0.10184619131721225,0.92 +1068,1.8331480632003012,0.1016374563371106,1.86 +1069,0.6679392951141059,0.10239617133407553,0.66 +1070,1.322840349463142,0.10289538063091694,1.24 +1071,2.319199677746642,0.10251233415621175,2.24 +1072,1.1617213558027826,0.10116827218709153,1.18 +1073,0.47396056893798977,0.10655010906189923,0.46 +1074,0.6224712358772668,0.10315977532941967,0.72 +1075,2.5595767151391833,0.10413888059010509,2.58 +1076,1.9878556168709094,0.10199162254410482,2.04 +1077,1.1363344329145197,0.10194457434888266,1.12 +1078,1.6975295769519574,0.10193632536859955,1.64 +1079,1.2184860692599135,0.1008452218053778,1.24 +1080,1.6474939839099212,0.1007760505980079,1.5 +1081,2.0953000467930387,0.10177872243279028,2.02 +1082,3.5029206069428973,0.1124359100761972,3.48 +1083,1.0451004919090925,0.10131480787016668,1.02 +1084,1.0336532678162091,0.10107852813056335,1.08 +1085,0.6947505500990017,0.10215459122567984,0.74 +1086,1.0743591893226492,0.10106406216106036,1.26 +1087,0.8563355936247701,0.10166980622362584,0.8 +1088,1.7237655428066103,0.1013649405142163,1.72 +1089,1.9593936335536843,0.10195706433153921,1.94 +1090,1.4053581536246218,0.10206591590798114,1.4 +1091,1.0396170230924715,0.1036306203581674,1.04 +1092,0.7591701112824436,0.1015354619364547,0.78 +1093,3.0699298557839967,0.11055880549242077,2.98 +1094,0.09093240326902552,0.11386184413555202,0.08 +1095,0.31126115663308673,0.1058020493306203,0.28 +1096,2.2519821265573015,0.10207480894520939,2.2 +1097,1.738973284966942,0.10188862986343371,1.78 +1098,1.747213606203992,0.10175283989104551,1.72 +1099,0.8336849536136872,0.10145948272807348,0.9 +1100,0.5446796328271721,0.10353464689360906,0.6 +1101,3.002049636966909,0.10729241004836262,3.0 +1102,1.3319381217262174,0.10158924738672165,1.22 +1103,2.3445202576012143,0.10348564209898166,2.32 +1104,2.979790679451728,0.10875650674585531,3.02 +1105,2.6499708137153597,0.1065115873177007,2.38 +1106,1.6716518176441217,0.1008113658736303,1.68 +1107,1.4235267537088168,0.10103523164807805,1.46 +1108,1.3646014846937964,0.10158411659169418,1.44 +1109,2.1449707557945707,0.10202319778646854,1.98 +1110,2.3453824158394703,0.10306047386462958,2.36 +1111,1.57141293625531,0.10119160619348037,1.58 +1112,2.2160826206867874,0.10277925414855796,2.24 +1113,1.032925718159383,0.10094415449687935,1.08 +1114,1.1195905521808098,0.10095419248391459,1.14 +1115,1.3160412603270009,0.10121161221300964,1.4 +1116,1.1953842716779624,0.10057150615080843,1.24 +1117,0.8476705283700274,0.10192359783046802,0.88 +1118,1.4329695203522979,0.10092017163868011,1.46 +1119,1.9420855248685063,0.10287558533701895,2.02 +1120,0.3532059762088442,0.10625363299696514,0.4 +1121,3.6467593638795393,0.11433821312963155,3.5 +1122,1.8948777222997781,0.1038328467258423,1.82 +1123,1.2242024065918107,0.10076992474912755,1.2 +1124,1.4494721531434036,0.10123242246402912,1.32 +1125,2.6107458780422057,0.1062297647108175,2.5 +1126,2.144877271659304,0.10287607515453294,2.12 +1127,0.5648540726825002,0.10263135192463613,0.6 +1128,2.8971144240284907,0.10804177264038926,2.9 +1129,1.4531607188990454,0.1030159834571063,1.4 +1130,1.1739841786673286,0.10194686726885481,1.16 +1131,1.0694446100433976,0.10082506557015594,1.14 +1132,1.688744822772058,0.10189358659255338,1.64 +1133,0.6911531547816627,0.10322099554352912,0.68 +1134,0.3655286927940542,0.10945000283910773,0.46 +1135,2.0133248055878106,0.10220350084828964,1.9 +1136,1.34730989469595,0.10093145371150823,1.3 +1137,2.271045800988322,0.10269849005646142,2.38 +1138,1.7023403878545016,0.10236231032526248,1.66 +1139,1.5972186571697156,0.10062723549482969,1.54 +1140,1.8020634260791544,0.10134042501051031,1.76 +1141,1.9437610945912558,0.10217764711630326,1.88 +1142,1.3773181262931506,0.10062803582203717,1.4 +1143,1.0762054839323516,0.10059491001070422,1.06 +1144,1.2138144441533674,0.10039366832248232,1.3 +1145,1.9686713845553958,0.10252166491405743,1.96 +1146,2.5582376213103437,0.1042102254572813,2.56 +1147,0.7000225338178756,0.10267113668912314,0.74 +1148,2.987099289575891,0.10669344807673013,2.96 +1149,0.6655394296287616,0.10325053184299354,0.78 +1150,0.5060456806695226,0.10430278946320609,0.42 +1151,0.5858427864951243,0.1027774812061124,0.58 +1152,0.6105400987912153,0.10243099476730821,0.66 +1153,1.920756611146533,0.10198656413994986,1.6 +1154,0.6557551797916223,0.10262128108220048,0.74 +1155,1.0666945922948512,0.10151434088398156,1.16 +1156,0.4169861783262794,0.10446788609664116,0.46 +1157,1.19403224285109,0.10115021574769396,1.16 +1158,2.581544277227305,0.10557834277733204,2.58 +1159,2.7900342972250556,0.10856841860977039,2.82 +1160,0.7605985350353632,0.1028396898961015,0.84 +1161,1.853075339781604,0.10168991742898092,1.8 +1162,0.9934291937826527,0.10169353211019803,1.0 +1163,1.95551029960259,0.10316368182074222,1.98 +1164,0.7272348287086527,0.10297515847208324,0.8 +1165,0.7239021302779312,0.1035747796570463,0.76 +1166,0.5569784911380002,0.10313213078012633,0.6 +1167,1.8132420361400639,0.10163518917970561,1.9 +1168,0.9883936115847438,0.10226461143802676,1.04 +1169,2.087352648513775,0.10192365713328183,2.1 +1170,2.1075763266890846,0.1019675146907387,2.08 +1171,1.4416121568910822,0.10176450063425768,1.48 +1172,1.229117535520636,0.10208721063850247,1.4 +1173,1.16414924985634,0.10112434682405573,1.2 +1174,2.9548881656306385,0.10984508954290653,2.86 +1175,1.3697675734339858,0.10051068680426371,1.4 +1176,1.7528891434487013,0.1018984569437654,1.66 +1177,1.4234173431687862,0.1011222328623618,1.44 +1178,0.9385724529264186,0.10102390475267664,1.02 +1179,0.9330203840552931,0.10141863194668706,1.0 +1180,2.980426563006347,0.10859224971550849,3.0 +1181,3.0473676085860326,0.11198775621509673,3.3 +1182,1.7217746950743196,0.10124892383234738,1.72 +1183,0.1962111870399672,0.11220063748605687,0.18 +1184,1.9902543346437012,0.10196890427040699,1.88 +1185,0.8736222631653552,0.10255374172429658,0.88 +1186,1.699928163390801,0.10530337559581554,1.66 +1187,0.5170321532459494,0.1028110228612842,0.58 +1188,1.4743410765449771,0.1022388048364618,1.52 +1189,2.3728752936239523,0.10334983353240182,2.3 +1190,2.55445489892411,0.10477770818238805,2.48 +1191,1.5395205694172025,0.10272721144317214,1.62 +1192,1.1867196376902631,0.10021859604418017,1.14 +1193,1.5121221043058488,0.10196930926376835,1.5 +1194,0.36570490426994673,0.10743561289534408,0.26 +1195,4.2147176109419355,0.11785887593682279,4.1 +1196,1.9063871260051461,0.10167659543546805,1.88 +1197,2.0822092722666206,0.10195049049352738,2.06 +1198,0.8219853839546862,0.10302678755503403,0.96 +1199,1.5132548991505563,0.10120610047155142,1.58 +1200,2.325938788211541,0.10231865669537865,2.34 +1201,1.3035884693035802,0.10072054503518862,1.3 +1202,0.31184260695308885,0.10570234560492535,0.3 +1203,1.12656475246602,0.10145808794249206,1.16 +1204,0.9362911449724931,0.1011105266697828,0.86 +1205,1.9419647809887974,0.10170947416580058,1.92 +1206,2.331396041626217,0.1025545881238513,2.2 +1207,2.5791322446052725,0.1062539366229953,2.4 +1208,2.205853398351014,0.10290848590580563,2.22 +1209,0.4930911019898685,0.10535146444862922,0.52 +1210,1.0321612429400557,0.10174867624816346,1.1 +1211,1.5315984576736061,0.10118782560127756,1.5 +1212,0.5493350474829091,0.10392786341374882,0.66 +1213,1.857735426604609,0.10236092962152482,1.84 +1214,1.1867845180133505,0.10058770293401778,1.14 +1215,1.3459379890542065,0.1023011543793368,1.44 +1216,0.8098150534799868,0.10122372636915915,0.9 +1217,1.6717882340275982,0.10098308475051374,1.64 +1218,1.2272288815700774,0.10139925520357962,1.3 +1219,2.6333845466623274,0.1043603566337181,2.52 +1220,1.198516143555146,0.10096785243094686,1.14 +1221,2.8621163209267344,0.11021074841136527,2.98 +1222,1.0381696807107976,0.10145866122975501,1.08 +1223,2.3821621614283934,0.10445042992222042,2.46 +1224,3.3107414195036604,0.11144097955490737,3.12 +1225,1.6593648092088065,0.101705280721012,1.66 +1226,0.49196913877907966,0.10406957930529369,0.48 +1227,1.9734216480806912,0.10256105535426785,1.96 +1228,0.6039143748203519,0.10296647023917277,0.66 +1229,1.6758456512716433,0.10134215310644717,1.64 +1230,0.9250745225590753,0.10207543893413537,1.08 +1231,1.101125805442624,0.10020755422607355,1.08 +1232,1.3964734185579422,0.10114897675088766,1.44 +1233,1.6348471291395261,0.10259020807087242,1.56 +1234,2.704267335468547,0.10647546470960659,2.64 +1235,1.2332621382288982,0.10193588771741548,1.26 +1236,1.4225209770553702,0.1007607096241251,1.42 +1237,4.913664862460594,0.28124391489648054,4.86 +1238,1.9665510808394833,0.10501483789274799,1.94 +1239,0.6928368837018046,0.10194962736892876,0.8 +1240,1.306734045584523,0.10044728058413523,1.36 +1241,1.0155634644313272,0.10112198938429293,1.0 +1242,0.596438602369165,0.1034238977100747,0.52 +1243,1.7042304344243673,0.1015046083089137,1.68 +1244,1.6017691176367526,0.10200394093800584,1.68 +1245,0.4037587448372013,0.10691201180554079,0.46 +1246,0.8027960853734866,0.10305256100490119,0.7 +1247,1.0807454810480939,0.10061399813758688,1.12 +1248,0.39209087279631283,0.10788123579117338,0.42 +1249,2.699944523370764,0.10709191610767353,2.68 +1250,0.8095899180365007,0.10288808665700773,0.76 +1251,1.6806251995126436,0.102494347442247,1.66 +1252,0.540180939893929,0.10407572646258371,0.54 +1253,2.4182388272720097,0.10454576961369225,2.34 +1254,1.0554820243427512,0.1008438161320737,1.0 +1255,0.9066851201614445,0.10255764574243795,0.92 +1256,1.4067037263531252,0.10196154270300568,1.34 +1257,1.1352772125440713,0.10105961641117686,1.14 +1258,2.6000460718812484,0.10733003552974746,3.14 +1259,1.161205338847427,0.10123282662902415,1.26 +1260,1.6317327913294226,0.10114417853448102,1.56 +1261,1.9175293945877312,0.10212112214797706,1.94 +1262,0.7990238357501338,0.10227233465524678,0.92 +1263,0.9378751514161683,0.10203780818224358,0.98 +1264,0.988218271069712,0.10110016449082476,1.14 +1265,2.289874585884281,0.10363097746237958,2.3 +1266,1.2464565874802813,0.10115692753181058,1.36 +1267,1.3154389178473342,0.10064124656808968,1.28 +1268,1.3654624916354512,0.10125651521461793,1.38 +1269,1.8511503734216956,0.1016486426122885,1.8 +1270,1.9740666877440878,0.10194182655367846,1.98 +1271,0.6704209042716689,0.10359395226658846,0.62 +1272,2.687796599337677,0.10901522795762572,2.66 +1273,1.1492876352706458,0.10123085825465404,1.18 +1274,1.1756234413078663,0.10030206089923994,1.12 +1275,0.7423875154703727,0.10220962594573732,0.76 +1276,2.562033721214668,0.10385065524516228,2.46 +1277,1.4732316396143792,0.10174508899426252,1.36 +1278,1.979195689705065,0.10205547940214665,1.96 +1279,0.7996665864860792,0.10201370524386812,0.74 +1280,1.0889711167832734,0.10048786334520203,1.16 +1281,1.1226210572886826,0.1007175613866425,1.12 +1282,1.009648989113728,0.10103452782137853,1.04 +1283,2.335907116582252,0.10359101914820551,2.26 +1284,0.856788998759203,0.10177427296125,1.0 +1285,1.0067853091321728,0.102941116075234,1.12 +1286,1.125914583374321,0.10114125214376743,1.08 +1287,0.5374396052401413,0.10246444114876775,0.6 +1288,2.2025106855984795,0.1035481904069635,2.02 +1289,1.2699845328276138,0.10087634099519921,1.26 +1290,0.880190518250721,0.10095303779835188,0.92 +1291,1.2416072648154601,0.10047031512667569,1.28 +1292,1.7646767824127705,0.10297529597458173,1.66 +1293,1.5694535424629483,0.10404775902663099,1.68 +1294,0.7819380009418528,0.10217153746482771,0.8 +1295,2.8797884788749535,0.11149612365242863,2.76 +1296,0.2284053558511585,0.10852321966245118,0.14 +1297,2.767783031282697,0.11236232127312261,2.7 +1298,2.255190533633808,0.10229092037326498,2.04 +1299,0.7433903787496055,0.1019437904445382,0.72 +1300,1.0980707881444827,0.10139790270068846,1.16 +1301,0.9050116145644045,0.10168565399272063,1.0 +1302,1.6253524457172082,0.10079573340025227,1.6 +1303,1.2547839271494359,0.1017303626834433,1.32 +1304,1.9278691755888386,0.10244203377464488,1.94 +1305,1.2355779856233402,0.10044242625409328,1.3 +1306,1.1899578174628045,0.10045675243933576,1.16 +1307,0.9520006218525869,0.10346654941587687,1.0 +1308,1.0192274096915808,0.10090774345321285,1.04 +1309,0.8856892177381963,0.10139448836088778,0.92 +1310,1.1245536955264368,0.10101327091091301,1.24 +1311,1.126290861510938,0.10089191020678838,1.18 +1312,1.5245289550187981,0.10304493933798446,1.52 +1313,0.8944079738738677,0.10152663576897775,0.86 +1314,1.7406339475537,0.10170596674396479,1.74 +1315,0.9004082094196659,0.10273781064009725,0.96 +1316,0.8481679517196417,0.10224037688882805,0.9 +1317,1.8712635047756014,0.10187289305514212,1.82 +1318,1.8971935294632762,0.10161661957728071,1.9 +1319,0.8091695744175238,0.10254708265923068,0.86 +1320,0.7575559982046227,0.10202761800346248,0.78 +1321,1.3764358925724165,0.10137495409717368,1.34 +1322,1.7401880956525806,0.10375573455564639,1.72 +1323,0.2040170181753742,0.1073402335647976,0.26 +1324,2.348066227558835,0.10472601680454305,2.32 +1325,0.6457499390467729,0.10324661880233474,0.68 +1326,0.9699554267503172,0.10121600899652519,1.0 +1327,1.4363398472715365,0.10160116882503291,1.56 +1328,1.1548843563963762,0.10240150296347095,1.24 +1329,1.7189054948853728,0.10170979953124688,1.7 +1330,2.8042675476539785,0.10643713690835542,2.78 +1331,0.6635936205377992,0.1042175549526725,0.74 +1332,2.7567883751930893,0.11086908786026572,2.84 +1333,0.9847592684122366,0.10987451571565024,0.94 +1334,1.7054798732244227,0.10151032113145647,1.62 +1335,0.7473556921330056,0.10215923407016995,0.86 +1336,1.9713694697609403,0.10172325454661493,1.92 +1337,1.7512600807994614,0.10142308293281732,1.74 +1338,0.6247334707969505,0.10296091878860276,0.54 +1339,0.185519107302891,0.10972621847458616,0.14 +1340,0.9331903850760239,0.10130287094755003,0.86 +1341,1.0482698759348528,0.10200113301087324,1.16 +1342,1.2029514482127437,0.1008956818649438,1.14 +1343,2.2591714117732486,0.10329411889836174,2.24 +1344,1.453344401164628,0.1009926520423646,1.48 +1345,0.2564967658986814,0.1078810152370047,0.34 +1346,1.660068696288757,0.1007349684912733,1.66 +1347,0.7191380174792703,0.10240755297711016,0.66 +1348,1.9424760899410847,0.10418374367088004,1.98 +1349,1.1493051267314482,0.10094259689484725,1.18 +1350,1.5703684796957267,0.10072807605256712,1.46 +1351,1.2698675333110463,0.10070169111430886,1.24 +1352,1.6807221742640264,0.10136366709712182,1.62 +1353,1.054069899826963,0.10083356989396378,1.18 +1354,1.1384985065820137,0.10206685828330875,1.16 +1355,0.7815497831954621,0.10282260478759041,0.8 +1356,1.2628484943969587,0.10082476424289244,1.34 +1357,0.7598388826371048,0.10225394075881343,0.84 +1358,0.7888823310671034,0.10214966091829995,0.86 +1359,1.388858855697215,0.1006418027410676,1.36 +1360,2.887860069486429,0.11295812823815245,2.76 +1361,1.0619423518053457,0.10098093216051905,1.02 +1362,0.7771324968268549,0.10207276859946447,0.78 +1363,2.0402835687108336,0.1024507397273364,2.02 +1364,0.8069195042052646,0.10148314876372726,0.8 +1365,1.3205944400938454,0.10195797429567528,1.44 +1366,0.6290772505059541,0.10246386589199023,0.72 +1367,1.0681876287386805,0.10085006883812157,1.08 +1368,1.5562752957738188,0.10118509062060581,1.56 +1369,1.0607423344944278,0.10112092839919162,1.1 +1370,2.060681596505127,0.10258128247605082,2.16 +1371,0.6739545404493545,0.1030138621947571,0.78 +1372,0.8805508671387157,0.10142986514418077,0.88 +1373,1.9084634175407407,0.10198095617551742,1.82 +1374,1.3131880577802055,0.10086124224224423,1.3 +1375,1.2277647839323078,0.10085741338146284,1.28 +1376,1.0339584881540238,0.10148752278504808,1.06 +1377,1.183105809710099,0.10107738860473839,1.32 +1378,1.9337217312940316,0.10247941044470715,2.02 +1379,1.6369821849589596,0.10119564340993063,1.62 +1380,1.1672967610419496,0.10123854965237607,1.22 +1381,0.19189215370861823,0.11295322662291123,0.12 +1382,1.9448542849054424,0.10184835101746874,1.82 +1383,0.9081439042243991,0.10187842767072185,0.9 +1384,3.15978696602291,0.11044297848600908,3.1 +1385,1.406665201734359,0.10343385137940751,1.36 +1386,0.3796525103742707,0.10675919764599413,0.36 +1387,0.6569235111449314,0.10323804583340601,0.66 +1388,1.8970919088653166,0.10231147349623543,1.88 +1389,1.2666814040739884,0.10084676331469652,1.32 +1390,2.7903855188983364,0.10742113208567412,2.84 +1391,0.9190701249057935,0.10118319204578567,0.96 +1392,0.8610784569844474,0.10533812642393285,0.9 +1393,0.9734435561919381,0.10086058692624886,1.04 +1394,1.6131995622224549,0.10076914316068432,1.58 +1395,1.1712539500403272,0.1075631969169663,1.12 +1396,3.25524000951172,0.10974849292606226,3.28 +1397,0.8244233601607218,0.10160770255613594,0.88 +1398,2.872433918887662,0.10781396237982224,2.82 +1399,0.7426811021030131,0.10248815532642966,0.66 +1400,0.3551567807114251,0.10787589794987741,0.28 +1401,1.0429169189819196,0.10068800145278749,1.04 +1402,0.8482211110463067,0.10132355170627082,0.86 +1403,1.239548472679157,0.1019363616782245,1.28 +1404,0.6560836537019517,0.10226323085765165,0.66 +1405,1.5402409770508212,0.10175630762502277,1.62 +1406,2.0652640346112427,0.10242831518902325,1.94 +1407,1.1745693435884517,0.10059111040999849,1.2 +1408,1.4884641164345742,0.10125833888097426,1.52 +1409,2.0502420339441763,0.10198999241168674,1.92 +1410,1.0465994667665617,0.1010884745671276,1.04 +1411,1.4399296728062472,0.10230236160105177,1.44 +1412,1.1515248879272801,0.10132596880346739,1.2 +1413,2.4242255842652973,0.10633638985556568,2.46 +1414,1.225647156258354,0.10055551763775132,1.22 +1415,1.002559601897939,0.10193163269557404,1.0 +1416,3.187472183891117,0.1100559463014945,3.12 +1417,1.4927132753585857,0.10180866811010285,1.38 +1418,1.4314870350036413,0.10078739660846464,1.4 +1419,1.105365847909997,0.10121251338855734,1.12 +1420,2.7774110817751883,0.10607525982741413,2.76 +1421,0.1993118286792741,0.10801745792869667,0.2 +1422,0.33787884340527063,0.1055503426049441,0.34 +1423,2.24402876105108,0.10282646484330517,2.28 +1424,2.0509341090830553,0.10251474702128076,1.94 +1425,1.0613082505958535,0.10064678989547736,1.22 +1426,1.1145847150160824,0.10100199834339138,1.1 +1427,1.33508649561816,0.10062771268838218,1.4 +1428,0.6509075484873816,0.10398669355697308,0.6 +1429,2.8054034748009684,0.10775476598088568,2.76 +1430,1.5222615454736432,0.10134873229302693,1.66 +1431,1.714136845197192,0.10136652942832905,1.72 +1432,2.8369334245079294,0.10524848864362468,2.8 +1433,2.2829350827278,0.10325251104811622,2.38 +1434,2.041673139550465,0.10243365635142737,2.12 +1435,0.769793861346528,0.102353724720666,0.74 +1436,0.4892021995011857,0.10302687423515548,0.6 +1437,0.7515127810863509,0.10214586703899795,0.7 +1438,0.663218423001968,0.10182201444461146,0.66 +1439,1.2727299064454731,0.101059910855263,1.14 +1440,1.5966320153484437,0.10060962236672423,1.48 +1441,0.5425280395264307,0.1035199437409579,0.58 +1442,1.2271522993771418,0.10040198499660108,1.22 +1443,3.290325120334945,0.11455145524181168,3.0 +1444,4.0146805616709464,0.11637675441877941,3.9 +1445,2.4018001608651396,0.10433071104057744,2.34 +1446,0.94217581804709,0.10109780782355898,1.0 +1447,0.7154672276714924,0.10260537669311957,0.78 +1448,3.2054445009490706,0.10889773362547156,3.18 +1449,0.3601872726016635,0.10825897022045146,0.2 +1450,2.6180461038514515,0.10651153135035432,2.38 +1451,1.8322557359924045,0.1016994847004705,1.72 +1452,1.1457518540621299,0.10065367811144903,1.16 +1453,0.9493772459925827,0.10148600401202254,0.96 +1454,0.836606823214179,0.10150373560938093,0.78 +1455,2.0982760399396945,0.10173291407534966,2.06 +1456,2.0147908145495954,0.10161337132944553,1.98 +1457,0.6474797864292829,0.10473274273181624,0.84 +1458,2.2662348340537513,0.10226612641320007,2.26 +1459,1.5362060981864436,0.10118039446359726,1.52 +1460,1.416673169365431,0.10090890109169853,1.38 +1461,2.0719868856015005,0.10209600394529714,2.0 +1462,1.0682678685380578,0.10173091066600055,1.14 +1463,0.43045577137492663,0.10964312878532177,0.4 +1464,1.5075115230581273,0.10124676398861868,1.56 +1465,1.1504961853823585,0.10043452738382651,1.18 +1466,0.9951725363784261,0.10129123638898808,1.08 +1467,0.5654905512253732,0.10359483710012658,0.64 +1468,4.74331174939881,0.18407578290049012,4.68 +1469,0.2251631965396681,0.10863438755902352,0.26 +1470,1.3283676653524024,0.10177000144185641,1.24 +1471,1.8486364410766887,0.10188953547066451,1.82 +1472,1.2062678437790983,0.1009526953248592,1.1 +1473,1.8352520298019106,0.10224919189147548,1.72 +1474,2.1499158275594645,0.10306608729144318,2.1 +1475,2.785119481111259,0.11361382135024009,2.84 +1476,0.7366059355882262,0.10213304058247519,0.76 +1477,1.4197425514560853,0.10194365475142668,1.46 +1478,1.3347098040249816,0.10094999568795923,1.26 +1479,0.9492306308077791,0.10393210592214489,1.02 +1480,1.36352660512156,0.10170831947569499,1.46 +1481,2.3091858622984027,0.10385366516511348,2.3 +1482,1.2389582500331888,0.10066107631873905,1.24 +1483,1.2432886014677036,0.10105451638447957,1.42 +1484,2.092684704330601,0.10445881609095138,1.96 +1485,2.7309505729820813,0.10857893878152203,2.92 +1486,1.7419758581478744,0.1013367076637291,1.68 +1487,0.549693041306021,0.10259130346007868,0.54 +1488,1.0285490999493978,0.10097634604121301,1.1 +1489,0.615919037766133,0.10339254848188098,0.68 +1490,0.7872484270254139,0.1109932775666594,0.72 +1491,0.6661039785503708,0.1052171584227402,0.74 +1492,1.4226683397885116,0.10103628562832172,1.52 +1493,2.4903482016545375,0.10401273561015897,2.4 +1494,3.9632968367916774,0.11531717942432203,3.84 +1495,2.017439092620819,0.1018623515060244,2.06 +1496,1.5160316514753907,0.10081109722973272,1.6 +1497,1.3953030509048359,0.10161792922232747,1.4 +1498,2.376321661805747,0.10360511441490027,2.34 +1499,2.5996992655902282,0.10495118581359915,2.58 +1500,0.14204613014456036,0.10944683367914136,0.18 +1501,1.526001609388256,0.10087213007223474,1.66 +1502,1.6016991208739773,0.10158844797717433,1.6 +1503,0.7035825502085478,0.10202045366248998,0.74 +1504,0.9547789592857787,0.10137332374838025,0.98 +1505,1.096223796217213,0.10169551772187398,0.98 +1506,1.5816434325229343,0.10199203687104243,1.6 +1507,1.9828418488517163,0.10384362863588786,1.9 +1508,0.6819680035487925,0.1016979421805521,0.76 +1509,1.5544745376151956,0.1011386059286642,1.6 +1510,3.2857619860345757,0.11018486515745779,3.3 +1511,0.9345891999886076,0.10103135182535779,0.9 +1512,1.0355257614498645,0.10141406436335339,1.1 +1513,1.0512602923206555,0.10108947018819758,1.04 +1514,0.9100178197443076,0.1013916736744189,1.02 +1515,1.653077017333384,0.10215954784066357,1.66 +1516,1.0159407845495847,0.10094467653146885,1.0 +1517,1.9066129907683693,0.10183096265770838,1.86 +1518,0.8223767924168894,0.10181774803014355,0.9 +1519,1.0663616152564541,0.10146985597678213,1.1 +1520,2.0113736852298523,0.1024131717445055,1.98 +1521,2.5835372412515234,0.10453616358969742,2.58 +1522,0.9057575517084009,0.10158509710001384,0.98 +1523,1.968946071863275,0.10236564474383981,1.92 +1524,0.863082594685469,0.10193045433181518,0.88 +1525,3.1210999901231347,0.10909815405843036,3.54 +1526,1.1437477214287097,0.10203445836991697,1.18 +1527,1.8240792837963473,0.10181579822753437,1.8 +1528,1.450046036362355,0.10256536940465766,1.44 +1529,2.347059462363074,0.10497316931859325,2.36 +1530,1.6255087975486544,0.10118215161153264,1.62 +1531,1.8665974365720037,0.10207875609786977,1.74 +1532,0.2624218946796757,0.11047799809800732,0.3 +1533,2.056812351799554,0.10302982067879798,2.02 +1534,0.4885338771636716,0.1058324053256882,0.52 +1535,1.9523284022920995,0.10188280488767036,1.98 +1536,0.34983733008046136,0.10769785333585469,0.4 +1537,1.4967770509108467,0.10153960370312075,1.58 +1538,1.1925961770615705,0.10057070364653937,1.28 +1539,1.392552268006426,0.10111610407776973,1.4 +1540,0.30425560217954817,0.10795685929705251,0.22 +1541,0.7513629169664602,0.10287049584011773,0.76 +1542,1.5810001436278716,0.10228820763985093,1.44 +1543,0.37144637673091174,0.10519875517175606,0.34 +1544,1.7503469133653693,0.10133107270609604,1.78 +1545,2.091767200831878,0.10253693594250748,2.1 +1546,1.7487809396089842,0.10157462518770315,1.74 +1547,0.6902735462036806,0.1039761702252371,0.72 +1548,1.4032932668917721,0.10205050059383412,1.4 +1549,0.8334980939566241,0.10311089732208681,0.88 +1550,1.6908018572001315,0.10330646782404891,1.7 +1551,1.4768579396021833,0.10233458818439313,1.5 +1552,1.3681430533893317,0.10424901909950855,1.54 +1553,2.0029378790939525,0.10254614129241811,1.88 +1554,1.2115564318973389,0.10062999850615692,1.36 +1555,0.6851859940042819,0.10402513717949048,0.68 +1556,1.3406902029864758,0.10119520728311467,1.38 +1557,1.2463334890412232,0.10122763723801828,1.3 +1558,1.7097025424076369,0.10089494324962482,1.68 +1559,3.4079000156923804,0.11175612640645273,3.44 +1560,1.5656393728964735,0.10084313893146668,1.54 +1561,1.5287744838984982,0.10242833120103607,1.48 +1562,1.391525413080348,0.10198413467106811,1.34 +1563,1.0486831831244385,0.10094605103826688,1.02 +1564,1.469337601443154,0.10117907503180457,1.54 +1565,1.9271377437055965,0.10284146335218537,2.08 +1566,0.9718036289149514,0.10109815420881504,0.98 +1567,2.617156126957294,0.10565123345468716,2.56 +1568,1.655682184092871,0.10134664498421354,1.64 +1569,1.3150956905088085,0.10084065186975287,1.36 +1570,2.515036508843661,0.1100148472605049,2.56 +1571,2.2636038968553898,0.10248739335306425,2.58 +1572,1.3974914666725728,0.10201442990444656,1.46 +1573,2.0502552038521777,0.10271161118422076,2.08 +1574,1.2159070264001206,0.10087109234285313,1.24 +1575,0.9528017570748302,0.10130329951528787,1.0 +1576,2.7777354990433594,0.10565036227514152,2.66 +1577,1.3718118686811385,0.1006582848350432,1.48 +1578,3.421897337842239,0.11422577517237324,3.4 +1579,2.5543676280868297,0.1052110422561863,2.54 +1580,0.6790581244442142,0.103378161390071,0.84 +1581,3.2423093967712795,0.10930458951086675,3.22 +1582,1.193134240107273,0.1004328013274343,1.2 +1583,0.794461348019883,0.10278423380680148,0.98 +1584,1.8798121498182494,0.10310956210498594,1.92 +1585,1.2596788351279995,0.10119696856882804,1.22 +1586,1.0382815340495488,0.10159623754606001,1.1 +1587,2.0927058441795303,0.10203674756296852,2.06 +1588,1.4798391105208315,0.1008205928079875,1.48 +1589,0.5259376992012965,0.10565492356503396,0.56 +1590,0.90054675984204,0.10437424998321732,0.84 +1591,1.8557882267956705,0.10276974756891889,1.76 +1592,1.1009379868023996,0.1011470769083707,1.12 +1593,0.5417802542201036,0.1025330447611168,0.62 +1594,1.3058929060641338,0.1004549370223326,1.34 +1595,1.8372162566783563,0.10175349522676538,1.82 +1596,1.321829902061882,0.10096355732906019,1.34 +1597,0.6479211302702976,0.10214736573138203,0.68 +1598,2.7345678825283635,0.11126929136219003,2.88 +1599,1.3554814754191467,0.10156242764083227,1.18 +1600,1.1369205093446195,0.10112932323725174,1.28 +1601,1.0306246671039536,0.1008022301482596,1.12 +1602,1.8406991415273877,0.10173551609064854,1.72 +1603,3.4698435116914617,0.11007069801498774,3.3 +1604,3.5034288921596435,0.10997314526768814,3.3 +1605,0.9672384878534179,0.10103812796772768,0.92 +1606,1.1426087613885583,0.10161814884945534,1.1 +1607,1.102824210267112,0.10127929558991645,1.14 +1608,0.7457591522937432,0.10222074575183852,0.8 +1609,1.028632506146163,0.10150163293296155,1.06 +1610,1.8817351322112683,0.10167646460214724,1.84 +1611,1.1909386700731905,0.10097843115614275,1.28 +1612,0.8163727589987351,0.10198584550225259,0.86 +1613,1.5120997350444758,0.10133011445297083,1.6 +1614,1.493760487728643,0.10751613173426344,1.56 +1615,1.2412861896261764,0.1010400309037077,1.2 +1616,1.0394098977628017,0.10093433232638066,1.12 +1617,1.8484653734921073,0.10267625029434815,1.8 +1618,2.8797074016257334,0.107165728126327,2.86 +1619,0.674846477998585,0.10203083622835162,0.62 +1620,1.5763079576345687,0.10127751026771689,1.5 +1621,1.8450284574302918,0.10191985566072728,1.78 +1622,1.0524234300309343,0.10125893183756245,1.24 +1623,1.0984721769661296,0.10120996443137867,1.08 +1624,1.051557329876349,0.10128141221657809,1.08 +1625,2.342014971001607,0.10294090185194305,2.32 +1626,0.9455789242544623,0.10132824070415504,0.96 +1627,2.001455380985629,0.10181907609087082,1.8 +1628,1.0248082950397295,0.10113926892525414,1.06 +1629,1.5542649797643795,0.10165700304479382,1.46 +1630,1.3335537791534866,0.10333327433249688,1.34 +1631,2.3502942523300803,0.1039477807961246,2.18 +1632,1.7709419316096449,0.10317830961263988,1.76 +1633,3.3467761191998164,0.11036113548930795,3.48 +1634,1.0417678611254286,0.10132536499672735,1.04 +1635,1.1234228759265183,0.1008172314966792,1.14 +1636,1.3860020954831105,0.10114797948332287,1.34 +1637,1.3505890778163339,0.10121684060632864,1.32 +1638,0.5901952269753605,0.10208975747285974,0.5 +1639,2.134274725833972,0.10299168019532927,2.12 +1640,0.9816287251467768,0.10120085674858473,1.02 +1641,0.9322000772029104,0.10110939713342823,1.0 +1642,2.9008192758417763,0.10774522182321504,2.9 +1643,1.583623646091137,0.10349592891369302,1.6 +1644,1.3039743858422381,0.10095855978644645,1.34 +1645,0.9788486747351433,0.10163259239264417,0.94 +1646,2.2657789221558566,0.1038297848096011,2.26 +1647,0.568003476443909,0.10322128689483909,0.64 +1648,0.8959957876773001,0.10109316616651103,0.9 +1649,2.590039633140325,0.10557215414157163,2.58 +1650,1.2554178992485558,0.10093668057796504,1.28 +1651,1.7274717173622134,0.1029997430551007,1.74 +1652,1.0193604135543308,0.10089301901174863,1.12 +1653,2.4717763647333264,0.10469053713822345,2.5 +1654,1.853623960268944,0.10187824810923882,1.84 +1655,0.9361202694274302,0.10099422331030626,1.0 +1656,2.0389972793409576,0.10611502087297278,2.46 +1657,2.486564048755721,0.10685956712727726,2.46 +1658,1.977301944526573,0.10179124646302372,2.0 +1659,0.9836655515255897,0.10085555494928884,0.96 +1660,1.5570547575619391,0.10094174977905106,1.58 +1661,0.5002195776564553,0.10605573981446727,0.5 +1662,0.397745775534158,0.10504700364584314,0.38 +1663,1.6568231556076218,0.1010503050225636,1.54 +1664,2.2270214900459493,0.10213018082019144,2.16 +1665,1.1160537120530767,0.10115698012140589,1.12 +1666,1.6858576217678622,0.10224922975872697,1.74 +1667,0.9630672439265913,0.10109289898051488,1.0 +1668,0.8605363787467437,0.10134263703896075,0.88 +1669,1.900374096434813,0.1028761707399461,1.88 +1670,0.7428484619772744,0.10266915865182595,0.72 +1671,1.1555055213298357,0.10305372204260298,1.1 +1672,0.943401727324314,0.10266102714619041,0.94 +1673,1.2990171936138706,0.10248781744751723,1.32 +1674,1.3912562652082447,0.10335583525039617,1.42 +1675,1.6197460138184707,0.10413690831699068,1.66 +1676,1.5506961367512593,0.101307788382811,1.52 +1677,0.9338704502932911,0.10110618799493949,0.94 +1678,2.561870373559561,0.10732692424440958,2.58 +1679,1.0085921878245256,0.1012755963896122,0.98 +1680,3.5404740996899626,0.11290377049017462,3.7 +1681,1.2562930185391463,0.1004854311981721,1.24 +1682,1.4825966002483317,0.10088449105832842,1.68 +1683,1.6723184243805844,0.10194360733602822,1.66 +1684,0.09234636895581594,0.11574101429506287,0.14 +1685,1.3265874606747443,0.10282577623822443,1.3 +1686,2.1783132773874634,0.10213190711885767,2.14 +1687,0.7769707515389646,0.10266835243979466,0.86 +1688,1.2340349116948415,0.10043824073682653,1.24 +1689,1.6446841757244923,0.10086327514324893,1.64 +1690,2.718246822930851,0.10704545335218539,2.68 +1691,1.2292010768336181,0.10043279667196324,1.24 +1692,0.6815352319743402,0.10310743277158614,0.72 +1693,2.251739507655895,0.10300976732920049,2.24 +1694,0.9241275874061043,0.10179788658050616,1.0 +1695,1.2171137350141696,0.10087522464660877,1.22 +1696,1.9479065874458745,0.1025021722905248,1.94 +1697,2.561392811066188,0.10620399884260698,2.6 +1698,1.060188969349756,0.10114566141637313,1.08 +1699,1.5603449996297483,0.10164175772249977,1.64 +1700,0.9686601268251456,0.10181848622641229,1.08 +1701,1.8972577273821114,0.10164645928919401,1.88 +1702,1.3357696752647923,0.10591897560230544,1.38 +1703,2.1529386885952313,0.10261651802018473,2.08 +1704,1.0152149490631464,0.10116498932282895,1.02 +1705,0.9591825860372116,0.10141448398340688,0.96 +1706,1.437369490509784,0.10138689568520737,1.42 +1707,1.6975585197589458,0.10098498880243106,1.62 +1708,1.2933911166894025,0.10106021230464542,1.3 +1709,0.8976113322872796,0.101689670496905,0.88 +1710,0.7963253403816457,0.10254528754778425,0.8 +1711,2.910884694847642,0.11084803835207624,3.08 +1712,1.500867790180212,0.10202254434004382,1.46 +1713,2.8127846538989836,0.10641506986878085,2.7 +1714,0.5634357352403929,0.10567148404299956,0.62 +1715,0.4805171222663984,0.1045017341596721,0.54 +1716,0.7036438754963965,0.10159425253076702,0.74 +1717,0.8556287019428692,0.10122322476799091,0.88 +1718,1.310205029817581,0.10157382722203814,1.38 +1719,1.6346763500342865,0.10219485041158459,1.6 +1720,1.8294654487124722,0.10148249493737393,1.76 +1721,1.5798357872131452,0.10336463758360472,1.24 +1722,2.3578960955673374,0.10388882023598828,2.34 +1723,1.6388947413364396,0.10382521254371956,1.58 +1724,1.1238315767540283,0.10202441538197249,1.18 +1725,0.7503310398660756,0.10243448512065262,0.76 +1726,2.0589009453984595,0.10210387703247902,2.0 +1727,1.5699284537999103,0.10255409916003333,1.56 +1728,1.3194277885000891,0.10110536727041887,1.5 +1729,1.232323522946842,0.10190352904947814,1.22 +1730,1.0312531862154406,0.10112895578400702,1.08 +1731,1.4967561142668335,0.102965131859498,1.62 +1732,0.5796041114254356,0.10264769414527614,0.54 +1733,1.1417727920926166,0.10026323157326003,1.14 +1734,1.642641626338033,0.10258825659462639,1.56 +1735,0.6192161326923473,0.10271519267631628,0.72 +1736,1.6628365404830416,0.10102316742566869,1.64 +1737,0.7152997576103528,0.10218370762937354,0.76 +1738,1.3158650617996377,0.10086582692969642,1.38 +1739,1.6262634751773388,0.10326707757242083,1.7 +1740,2.535015784105372,0.10395276550474612,2.38 +1741,2.191488079098388,0.10205676397309124,2.16 +1742,2.022454150611704,0.10209187712590503,1.96 +1743,1.6324148383557036,0.10098545126280858,1.64 +1744,2.224043485422314,0.10311975535512187,2.2 +1745,1.5297092940200192,0.1018003455884103,1.54 +1746,1.8846225887626138,0.10309881547154444,1.94 +1747,0.9008469454722279,0.10153979574805126,1.02 +1748,0.7728011414388225,0.10219443482632533,0.76 +1749,1.938140368329435,0.10203374019513753,2.02 +1750,0.9608764377199284,0.10136158856459639,1.02 +1751,2.6972730943046876,0.10430839174761328,2.66 +1752,1.3221402340624733,0.10135188902901981,1.4 +1753,1.878152412198151,0.10212294053626146,1.76 +1754,0.6499357532009211,0.10331811941605011,0.58 +1755,0.25569874586064834,0.10853502188046661,0.3 +1756,1.047801029829415,0.10069511651122444,1.14 +1757,1.2373217477490426,0.10255949498506031,1.12 +1758,1.5291954611422296,0.10091244596113483,1.5 +1759,1.108190785544643,0.10066512082587944,1.18 +1760,2.511908781918155,0.10344242670299422,2.46 +1761,2.070196069068789,0.10264406991739664,2.04 +1762,2.912963248547033,0.1116285959620608,2.96 +1763,0.9302862342890987,0.10111749054360171,1.02 +1764,1.6057406269087655,0.10118530749780381,1.64 +1765,1.0364378755006418,0.10047647234132295,1.02 +1766,0.14272702774075063,0.10879162615842085,0.1 +1767,0.9003134022200638,0.1023978469610088,0.88 +1768,1.3257530094923025,0.1023218051856504,1.44 +1769,2.674656927476601,0.10856924654495675,2.74 +1770,1.9621175092312695,0.1016912212785885,2.06 +1771,2.5080407310244333,0.10494055072901876,2.5 +1772,2.9311757881167466,0.1063579128650899,2.9 +1773,1.0778149598492524,0.10227263290924184,1.16 +1774,2.52257412538178,0.10465174664635132,2.48 +1775,0.960721885088027,0.10110938823579646,0.92 +1776,1.9633049867335257,0.10247035676668002,1.94 +1777,1.0174437788944315,0.10107433333780814,1.06 +1778,0.6955543878552815,0.10141168152651077,0.78 +1779,0.7330310597741165,0.10366380243281587,0.72 +1780,1.2732494192971513,0.1039506144577622,1.3 +1781,0.09929394297908778,0.11103465445617842,0.1 +1782,0.9540170558673677,0.1014904087715726,0.92 +1783,1.3115709318626079,0.10414081836014773,1.24 +1784,1.474341682598254,0.10163561866125059,1.54 +1785,0.7351035725623694,0.10172740688164954,0.72 +1786,0.9184437960808898,0.101441029018155,0.88 +1787,1.5344792817755282,0.10198658830797493,1.46 +1788,0.8578607173510198,0.1014581232076505,0.76 +1789,2.7418780103642355,0.10618763063293542,2.8 +1790,1.3416090570476589,0.10080629025132004,1.4 +1791,1.1663401502088602,0.10170392170604553,1.22 +1792,1.1528292900446535,0.100672247947421,1.18 +1793,0.5582622040481693,0.10263720009078371,0.6 +1794,1.7527483497177199,0.10320060784639631,1.86 +1795,0.610973161665999,0.1023724336796579,0.68 +1796,0.3838178419308418,0.10599335077116111,0.36 +1797,2.8335455706194956,0.10760969582259879,2.8 +1798,1.8026899364325357,0.1014966652581716,1.78 +1799,1.3163450966945154,0.10150455654758224,1.26 +1800,1.43175905730898,0.10156933348876973,1.44 +1801,1.3283842134989639,0.10123625384907207,1.28 +1802,1.6965513521270486,0.10097115859430714,1.68 +1803,2.408855925536976,0.10373491368198906,2.34 +1804,1.9638950957518906,0.10291581334329467,1.86 +1805,1.5474606849760624,0.1012445457540942,1.64 +1806,2.857218109717575,0.10769856928856063,2.78 +1807,1.108587665677273,0.1007250130265177,1.1 +1808,1.6418021659113256,0.10162384927780571,1.48 +1809,2.211155195826006,0.1032095152937174,2.22 +1810,1.1338513110082855,0.10157748322843979,1.14 +1811,0.36252749916867777,0.10710455546788988,0.36 +1812,1.9713864921287898,0.1016762270997339,1.92 +1813,2.1009818459719476,0.10290619678587863,2.08 +1814,0.31685496917032885,0.10992482319212843,0.22 +1815,1.2697556201183031,0.10102130453870883,1.18 +1816,1.9789106104978413,0.1022567009559207,1.96 +1817,0.6065281087683265,0.10293374949068082,0.66 +1818,0.8988092928585372,0.10084697509604992,1.04 +1819,1.7625604176190917,0.1012852796167719,1.76 +1820,1.6751517238276958,0.10111642900598554,1.68 +1821,2.7413830822950835,0.10555033218327443,2.62 +1822,1.141493203886643,0.1015451294430418,1.18 +1823,1.5584185667833983,0.10131304327956664,1.6 +1824,0.3837765418876804,0.10715457181917513,0.48 +1825,1.5033437363083164,0.10163653746133541,1.66 +1826,1.6017273121174005,0.10363113932533395,1.78 +1827,2.4124046415255727,0.10586282441485106,2.66 +1828,2.4608681240032304,0.10435878439409865,2.64 +1829,2.6903046203052874,0.1064107676918892,2.68 +1830,1.633785023580966,0.10110278330167655,1.54 +1831,1.815274058614701,0.10122599672456119,1.66 +1832,1.2226848114919802,0.10145481297351365,1.26 +1833,1.5745132450934098,0.10155430799958802,1.52 +1834,3.3367253153478167,0.11181323995333128,3.22 +1835,1.7130658889454897,0.1014862137033483,1.64 +1836,3.0850681255680605,0.11176789432475297,3.18 +1837,1.2180571019229764,0.1011950616302801,1.24 +1838,0.8748239170781991,0.10118707170348355,0.9 +1839,0.9332694307432658,0.10122467807210732,0.94 +1840,1.6039355435282123,0.10149433885671204,1.58 +1841,1.5791825426963972,0.10109840073314678,1.58 +1842,0.8998197392176939,0.10121153121687113,0.88 +1843,2.0634990115752636,0.10212693076734375,2.08 +1844,1.20763969759383,0.10266439683937105,1.08 +1845,0.823390074828257,0.10145372045957013,0.96 +1846,1.0368348736117488,0.1013591394973366,1.06 +1847,3.5619255920664017,0.10950975564578098,3.42 +1848,1.3062916325160747,0.10084276694591572,1.34 +1849,0.9760507628479898,0.1012041660770705,1.0 +1850,1.0836485530938018,0.10110776249284968,1.2 +1851,2.1366747120922653,0.10360161587217773,2.0 +1852,1.2821699082874536,0.10049436765145174,1.34 +1853,0.414929032993683,0.10399120932270192,0.5 +1854,3.605506468030139,0.10963508685257575,3.52 +1855,0.9808845725469657,0.10115100787018708,1.1 +1856,1.5911456674193365,0.10075917041235222,1.6 +1857,2.0335091866723047,0.10350292415455052,1.94 +1858,3.720751238134678,0.11202958832736835,3.54 +1859,0.613559625834746,0.10498481801722276,0.72 +1860,1.1251325233171519,0.10129850029221413,1.14 +1861,1.028891285999183,0.10096049872316373,0.98 +1862,1.4222694647946914,0.10188717069661657,1.46 +1863,0.7236384444941313,0.10309752757519494,0.8 +1864,0.9950966643422878,0.10382376223530848,1.1 +1865,1.1901166488988044,0.1004582777466959,1.16 +1866,1.1309978812651982,0.10142337782172707,1.18 +1867,0.5081565713303637,0.10346589965491491,0.58 +1868,1.2567725479432175,0.10021816185444234,1.26 +1869,0.6293965299392033,0.10352514397136284,0.7 +1870,2.3889425824790713,0.10349170217274646,2.54 +1871,0.8908384728530547,0.10127238760745601,1.0 +1872,1.404464919491719,0.10190293321382263,1.36 +1873,0.8869304244142346,0.10204574270440711,1.08 +1874,0.8884409333485228,0.10177421784375683,0.92 +1875,2.69429204780705,0.10443637601271535,2.68 +1876,1.6352667716038949,0.10117436776030041,1.54 +1877,3.2036238483450994,0.10912096606607125,3.22 +1878,1.8010088739235248,0.10159461215620542,1.74 +1879,1.5015122755497357,0.1011904156519614,1.5 +1880,1.9428870027359861,0.10397273862595173,1.84 +1881,4.244439030707575,0.11937787380408853,4.08 +1882,2.0768903206457985,0.10219418387448612,2.24 +1883,2.150903247007502,0.10248035730374207,2.18 +1884,1.6849038211799756,0.10100395145479049,1.72 +1885,0.7097229794761366,0.1029546438849062,0.72 +1886,0.9278152185336521,0.10200160838441222,1.0 +1887,2.159344743926926,0.10220822090692329,2.16 +1888,1.551052675987705,0.10186866503549975,1.64 +1889,1.3343462846067593,0.1011323865392706,1.34 +1890,0.4448781639970816,0.1074897841116384,0.52 +1891,2.1711884323212693,0.10200374182276455,2.1 +1892,1.663406710733639,0.10116752006200007,1.6 +1893,1.6308530701630592,0.10131352012934929,1.6 +1894,2.822621634721447,0.11000495992005797,2.82 +1895,2.028132482412179,0.1027215441731425,1.98 +1896,1.3418166666013709,0.1015740398165932,1.4 +1897,0.16372140645261246,0.10978856388396357,0.16 +1898,2.306914776693933,0.10251781112051928,2.3 +1899,1.7851689439457805,0.10287563060348656,1.84 +1900,1.254305158980152,0.10106187116348056,1.2 +1901,1.6545031962467112,0.10163665559674365,1.56 +1902,0.6470831885749104,0.1021896930326316,0.7 +1903,2.2636542868824954,0.10350422251170333,2.3 +1904,0.4555700915906973,0.10516594130408183,0.46 +1905,2.598118212051432,0.10450763494334056,2.62 +1906,1.2667501219425465,0.10152245737226448,1.42 +1907,1.1016652239428912,0.10106246001568557,1.08 +1908,0.7892797438835009,0.10143723376351137,0.82 +1909,2.6188685490636345,0.1052799886989232,2.96 +1910,1.7446400377853981,0.10095190224298281,1.78 +1911,1.4187427730687145,0.10245744871151613,1.5 +1912,0.7062292169016187,0.10174023583254309,0.84 +1913,1.7987063258185676,0.10255706442932366,1.7 +1914,2.352939917833087,0.10385980295050348,2.4 +1915,1.8878544558226797,0.10285185371711028,2.0 +1916,1.7867242898122766,0.10233929235793124,1.76 +1917,1.1212533157450684,0.10072049250550809,1.08 +1918,2.1539983419429554,0.10286104535338664,2.14 +1919,0.9401593594052178,0.10156875266893198,0.92 +1920,1.2159847339761602,0.10089656806074845,1.22 +1921,1.3023479366446151,0.1010430048590341,1.28 +1922,1.3163599271463438,0.10610040831167164,0.94 +1923,1.7684569353305262,0.1042798028261533,1.72 +1924,2.561033573129535,0.10502890814279972,2.64 +1925,0.6125882679044847,0.10259299875264359,0.62 +1926,0.639308322570354,0.10345343052620372,0.64 +1927,1.1542635178837306,0.10042834896481757,1.12 +1928,1.502241643830988,0.10116695947366405,1.6 +1929,3.8347911699956505,0.114913900075141,3.62 +1930,1.1859042594746716,0.10339786747578103,1.28 +1931,2.1587552087172597,0.1037648847535239,2.18 +1932,0.5715528822940354,0.10669887422608756,0.62 +1933,1.671356479124462,0.1013433268003744,1.7 +1934,0.43709737860568487,0.10510358391809257,0.56 +1935,1.3874867127293447,0.10123946728096747,1.52 +1936,1.5692511280819479,0.10085320025612103,1.62 +1937,2.8643617003233217,0.1134251180848678,3.0 +1938,0.7138977714517052,0.10179137668973214,0.68 +1939,1.2543118594940343,0.1022753451483638,1.2 +1940,1.915868186948021,0.10257709896514106,1.92 +1941,2.0657519099182373,0.10277270892426905,2.06 +1942,0.5864740697751711,0.10305150731068144,0.64 +1943,0.5386134341800959,0.10637202670508744,0.56 +1944,1.2013481036520195,0.10083190714955297,1.3 +1945,1.7059316726817035,0.10109320382335156,1.74 +1946,1.865727837927018,0.10234793294731113,1.84 +1947,2.855055192080112,0.10666014302808191,2.84 +1948,0.9026906053024424,0.10129611739798032,0.88 +1949,1.3796592708782887,0.10070952881260752,1.28 +1950,0.35835604996150017,0.10737638432378253,0.32 +1951,1.1016539604048068,0.10086216819318782,1.12 +1952,1.0825583708196296,0.10094660627222461,1.12 +1953,1.3114709098816453,0.10349513413516705,1.3 +1954,0.7393104940118922,0.10214376700485969,0.8 +1955,1.0832736904457503,0.10044044715342182,1.12 +1956,0.48034465962499673,0.10650449026769633,0.5 +1957,1.91390961498951,0.1032144887271799,1.96 +1958,0.43552558677234265,0.10456266142015382,0.46 +1959,0.5291470264961367,0.10365272940313583,0.6 +1960,0.48747311201562815,0.10517124979391043,0.52 +1961,0.7510341808447263,0.10161535056536117,0.84 +1962,1.8737393899875305,0.1016324878901365,1.86 +1963,1.9350475975730281,0.10203759260187704,1.96 +1964,2.411306656430529,0.10332070057905851,2.46 +1965,1.097131883680891,0.10324411960281439,1.08 +1966,1.6670434977584596,0.10116015352494001,1.64 +1967,2.0329351842880783,0.10266834999323776,2.1 +1968,1.1076506213089485,0.10125354185681912,1.04 +1969,2.475050668572912,0.10444730603964117,2.5 +1970,1.6008968387462976,0.10150326625190689,1.56 +1971,1.5553590450550805,0.10142701049048294,1.46 +1972,1.4831325413847087,0.10476778925446406,1.5 +1973,1.1113498809978493,0.10145911908342038,1.1 +1974,1.0636384258671574,0.10110920476115569,1.14 +1975,2.2022251142245928,0.10256660195575729,2.18 +1976,0.8990257095230552,0.1013468571051965,0.94 +1977,0.6789044768266057,0.10370990618303288,0.44 +1978,0.7962645774384212,0.10314720783789431,0.98 +1979,1.6595682517049288,0.10173175939627446,1.62 +1980,0.8611104907765179,0.10151675160325933,0.96 +1981,0.5962645681128611,0.10222354465599659,0.7 +1982,2.4133197890998765,0.10264810223241133,2.3 +1983,2.671513639371174,0.10867297103425258,2.7 +1984,1.9560450150896924,0.1019480105025361,1.84 +1985,2.2461123472763838,0.10293656095270212,2.24 +1986,1.797347349100544,0.10215145873595426,1.8 +1987,0.6256396272619289,0.10592780344080471,0.7 +1988,1.6100373278231677,0.10105804232442529,1.64 +1989,0.7301472486305689,0.1023107775539507,0.62 +1990,0.10759024029055886,0.110075973342471,0.18 +1991,1.07333043298118,0.10097392061475624,1.04 +1992,1.5254262512114527,0.1032618745096073,1.7 +1993,0.26347615416300463,0.10953482856401173,0.14 +1994,1.2146199463998213,0.10072528215964222,1.26 +1995,1.522383725264003,0.10138906664230023,1.48 +1996,1.3296429669207048,0.101452392015592,1.34 +1997,3.286598148337994,0.10808993717147795,3.28 +1998,0.9934083407501075,0.10098495889980379,0.98 +1999,0.8181613854948535,0.10359362941012312,0.82 +2000,3.464697486815023,0.11183373869523931,3.62 +2001,1.112889693443609,0.10119491067143717,1.18 +2002,0.6485264844843888,0.10267105963602721,0.56 +2003,1.7984820487217623,0.1017424676631235,1.8 +2004,2.509524726931609,0.1037002913236379,2.8 +2005,2.483763924133388,0.10418199610349199,2.44 +2006,1.2309426814121591,0.10080340227141181,1.28 +2007,1.3862978445314764,0.1013944468645747,1.4 +2008,1.7032938027564055,0.10153186516744603,1.68 +2009,0.8822847431742422,0.1016729565671659,0.82 +2010,1.8126066957388536,0.1016663127912881,1.78 +2011,1.4370220584238245,0.1016148461313075,1.4 +2012,1.3305079486789706,0.10109482675782883,1.32 +2013,1.4720900849219445,0.10108433178922202,1.44 +2014,1.9700862963189356,0.10188590004386008,1.88 +2015,3.6376360571618243,0.11136638146957735,3.58 +2016,1.295753115267807,0.1018228852849018,1.16 +2017,3.5719899294616617,0.11208855533761795,3.52 +2018,0.8597972296518284,0.1017324222559874,0.92 +2019,1.2675088459852544,0.10133678359602705,1.28 +2020,2.1119000373730294,0.10208888550228132,2.2 +2021,0.959203634225595,0.10149513352471169,0.94 +2022,0.9360805573992257,0.10111494228666032,0.92 +2023,1.1587400648624493,0.10123391668637127,1.08 +2024,1.209052411967633,0.10058987713501145,1.3 +2025,0.6966516663489342,0.10216244155587308,0.68 +2026,1.4750403557533536,0.10131036260090223,1.56 +2027,0.8927370891311275,0.10212071925237835,1.0 +2028,0.7578885865381151,0.10253552577397093,0.8 +2029,1.6136768167044406,0.10074964469595377,1.58 +2030,1.113903556368754,0.10122861064243552,1.16 +2031,1.588076908547048,0.10156871447961698,1.56 +2032,1.9693699584625681,0.1019510772114215,1.94 +2033,1.572919895588505,0.101147590429193,1.6 +2034,2.0494972283254107,0.10234294433617658,2.04 +2035,1.59206404639011,0.1009528506437391,1.36 +2036,-0.19428776382886448,0.13001153205209579,-0.24 +2037,2.5064839072536884,0.1037106178649086,2.46 +2038,0.7453415442791351,0.10257109733753984,0.76 +2039,1.6153337984706153,0.10122860009066384,1.58 +2040,0.268298259439806,0.10795951523755364,0.24 +2041,1.2748867413843887,0.10636487516094648,1.36 +2042,1.7284522100417588,0.1069600792576223,1.62 +2043,0.4736810367141435,0.10457776629932355,0.42 +2044,0.8898463328607098,0.10122975268746576,0.82 +2045,2.492301430187492,0.104300792852412,2.54 +2046,1.8519150237125321,0.10179020536752928,1.8 +2047,2.687480020545884,0.10448898166841386,2.58 +2048,1.308736989414548,0.10084506617884433,1.32 +2049,0.4925238626533568,0.10320687172152711,0.5 +2050,1.8009841730950489,0.10933786891243186,1.78 +2051,1.1445334262758562,0.10164983153020388,1.2 +2052,0.9197108215987198,0.1013710710667138,0.82 +2053,1.7761215002439419,0.10209896687239157,1.78 +2054,1.8273607220114518,0.10177948830551119,1.8 +2055,1.1619074879408122,0.10141526255369168,1.16 +2056,0.9252097077617483,0.10104899074315275,1.0 +2057,0.3981366123211669,0.10980332559631209,0.36 +2058,2.355094684341889,0.10370323990546874,2.36 +2059,2.204670549863767,0.10293277248990712,2.12 +2060,0.9837836380097114,0.10124094042785299,1.06 +2061,1.401582807455682,0.10070374342062655,1.46 +2062,2.844950335234479,0.10741274845605395,2.92 +2063,1.5033480271584911,0.10113341390638736,1.46 +2064,2.1211653829653727,0.1019281460495582,2.1 +2065,0.8945121416436483,0.10141842637157898,0.98 +2066,1.4132106556608297,0.10134407343391293,1.44 +2067,1.3868932799353357,0.1026229137225157,1.52 +2068,0.2748226318501812,0.10962190667025773,0.38 +2069,1.7294396209236742,0.10335638986230353,1.76 +2070,0.9836529861381498,0.10149850007281246,1.04 +2071,1.4669425861963779,0.1013350815415387,1.5 +2072,1.6546780123834315,0.10118220154093847,1.7 +2073,2.332596789415053,0.10263113132353437,2.38 +2074,1.3512940547858923,0.10152475528377657,1.62 +2075,2.7158648719438148,0.10784295125031697,2.78 +2076,1.8936517675922848,0.1022023305541417,1.9 +2077,0.5615600931988742,0.10277936271033944,0.62 +2078,0.6839948401213858,0.10272855391331406,0.64 +2079,0.6692452992998772,0.10217711020220355,0.68 +2080,0.9881887426531397,0.10109343201914811,1.08 +2081,1.8659882429040235,0.10156738878228541,1.74 +2082,0.5086069810431935,0.10501157218926489,0.6 +2083,3.873240576437091,0.11379277857656096,3.94 +2084,2.290557442803628,0.10240224034626567,2.3 +2085,1.4917300839566463,0.10322085424608918,1.44 +2086,0.6302629527666388,0.10325372193387797,0.68 +2087,1.1997874367057475,0.10094354518159172,1.3 +2088,1.5817942868502077,0.10223192410460968,1.5 +2089,1.6931017184200703,0.10127770374438284,1.6 +2090,2.0416882302122197,0.10227054977757664,2.08 +2091,1.737843334207511,0.10112402373870721,1.7 +2092,0.5645926688130947,0.10370401347102673,0.5 +2093,1.6024139295831608,0.10084479942283676,1.46 +2094,1.2644298347654013,0.10131241276378966,1.28 +2095,0.3645401251046356,0.1067483661019356,0.36 +2096,1.230231706734514,0.10185390856913065,1.22 +2097,1.234517303443958,0.10054517716981277,1.26 +2098,3.986637303060288,0.11666230949255141,3.86 +2099,0.7737034247042158,0.10166696940980198,0.86 +2100,1.7663936249040793,0.10188617727253105,1.78 +2101,1.489291664311313,0.10114833708405845,1.42 +2102,1.1633311792750367,0.1007205670178888,1.14 +2103,3.309332289073428,0.11167063112171441,3.4 +2104,1.6144733915961387,0.10088658659141476,1.72 +2105,1.5202529216339575,0.10081022532926104,1.62 +2106,1.399373455001047,0.10250702173839102,1.4 +2107,2.582569879890478,0.1046080989295646,2.54 +2108,0.8818181258566928,0.10227714611122547,0.94 +2109,0.778966468270166,0.10199765735880395,0.88 +2110,2.27144919275975,0.10290879785708458,2.28 +2111,1.1746437651512982,0.10139454539734191,1.14 +2112,2.446017941624099,0.10317091412584803,2.32 +2113,2.0425055547122,0.10252777840824782,2.04 +2114,3.270571508664304,0.11163856911759376,3.32 +2115,1.4189808974043314,0.10174718141974011,1.4 +2116,0.9426173042501949,0.10113055778785415,0.96 +2117,2.1359627364741094,0.10244304629421432,2.2 +2118,1.471901957645709,0.10115342614265842,1.54 +2119,3.175936446054667,0.1090128306769032,3.44 +2120,1.658026406218564,0.10223098294121899,1.66 +2121,1.0145772467834424,0.10161315543706696,1.14 +2122,1.696016943919325,0.101089306606093,1.62 +2123,1.8970538867854534,0.10210334200552822,1.88 +2124,3.2441680083502042,0.1096507929068836,3.28 +2125,1.316071683088939,0.10219622689176343,1.34 +2126,1.251158020014994,0.10084862059043224,1.22 +2127,1.8097110767689377,0.10157487276445347,1.82 +2128,0.8529608831795519,0.10209415728004356,0.84 +2129,1.827085176695643,0.10167542593632688,1.86 +2130,2.0036730379764727,0.1020352602977295,2.04 +2131,1.1513202481020028,0.1011422120532995,1.1 +2132,1.3547311128044226,0.10178217541625578,0.8 +2133,2.634615383491994,0.10457206048757782,2.6 +2134,1.797410008965606,0.1012584306378822,1.62 +2135,0.60492254842282,0.10227256445369383,0.54 +2136,3.142703724618407,0.1157477345023736,3.64 +2137,2.53539211029317,0.10351269844152079,2.4 +2138,0.40614279328747904,0.10477917644529862,0.44 +2139,0.9379096044441082,0.10100964867448094,0.98 +2140,2.04618244095656,0.10288070423560439,2.12 +2141,1.4806620631942378,0.10283776517868268,1.54 +2142,1.1469474602710326,0.10058817591855562,1.24 +2143,1.0624573256852974,0.10090064398618925,1.02 +2144,1.6695766594382844,0.10101673643999631,1.52 +2145,1.3929893327830205,0.10223666606773855,1.36 +2146,1.8658951862115207,0.10222228991564952,1.88 +2147,3.625620906352715,0.11167323773583293,3.64 +2148,1.3843569064224999,0.10150576024128868,1.4 +2149,0.6730806958151658,0.10230183779308231,0.68 +2150,2.2456607648107187,0.10234007335295861,2.24 +2151,1.8938271588771405,0.10306096777140297,1.9 +2152,1.7855585282916342,0.10180948681564779,1.76 +2153,0.4275685698666114,0.10669202480940683,0.42 +2154,2.16560045431034,0.1051760399587926,2.12 +2155,0.8410741213083346,0.10314303486494444,0.96 +2156,2.0115604332031474,0.10261730341570849,1.98 +2157,2.0879072730504866,0.10206085336567508,1.98 +2158,0.6482680529624962,0.10263306763910834,0.72 +2159,0.5879614709072845,0.10437780874911637,0.72 +2160,1.1526329852135395,0.10122272047133876,1.16 +2161,0.44246473849060286,0.10484418155460754,0.4 +2162,1.383944664656102,0.1007100138998799,1.36 +2163,1.6181648225795333,0.10091848814390302,1.62 +2164,1.1951455241364746,0.10040000240397305,1.22 +2165,0.8292316948084879,0.101910555351851,0.84 +2166,2.148998403111314,0.10219662509847888,2.1 +2167,0.6192283856596104,0.10336889731395363,0.6 +2168,1.209523038515982,0.10188751162807065,1.26 +2169,1.7590483280112357,0.10230697540208096,1.72 +2170,0.6338744246374295,0.10346163182391745,0.64 +2171,1.989244960199123,0.10180275753077475,1.98 +2172,2.056800261639939,0.10257529700305085,2.18 +2173,1.435719595182899,0.10094728605719928,1.48 +2174,0.7542892480688186,0.10424170322167912,0.78 +2175,1.2968941534959517,0.10050324870242208,1.24 +2176,2.6092064325491897,0.10783310356325003,2.7 +2177,3.5527297050656976,0.11005899550465342,3.48 +2178,1.434021862473063,0.1010908865209225,1.48 +2179,1.1019682529288912,0.10249573857983298,1.02 +2180,0.26399608835159305,0.10607410503039334,0.28 +2181,1.2672543434327144,0.10064248676666679,1.4 +2182,0.6902825381764754,0.10326657813147291,0.8 +2183,1.5405603352106032,0.10349169924210622,1.58 +2184,2.1309954768038146,0.10297371596396365,2.14 +2185,1.2985835353365187,0.10258347170839345,1.26 +2186,1.3898362287844355,0.10279882356870294,1.38 +2187,0.5315602684212626,0.10336832765241769,0.5 +2188,0.8743130628970694,0.10180186967652063,0.74 +2189,1.6723463329517079,0.10131970404314389,1.56 +2190,0.679825082896311,0.10341250481758482,0.74 +2191,2.5930390085613197,0.10610611138029537,2.8 +2192,0.9583851743802965,0.10131347437672117,1.0 +2193,0.19862732883235146,0.10846133231481285,0.22 +2194,2.154835905088735,0.10355069824342135,1.98 +2195,0.9061060653874298,0.10130202707503703,0.9 +2196,2.3438864256300462,0.10313504786090925,2.4 +2197,1.7039305173976762,0.10087684117120102,1.6 +2198,0.8869285416994008,0.10154621733889212,0.84 +2199,0.8673613916775194,0.10182125734901362,0.92 +2200,1.3316264985898518,0.10099520200121383,1.4 +2201,2.5171611635016973,0.10798256836850517,2.52 +2202,1.86762099324212,0.1020228801301696,1.84 +2203,2.1860145493179886,0.10205991164942986,2.14 +2204,2.138070023365774,0.10245066464760204,2.2 +2205,1.4446451186684752,0.10273950534154942,1.44 +2206,0.47179148892352507,0.10396421036302705,0.52 +2207,0.6428384674112235,0.10218006881800074,0.62 +2208,2.1231379700833415,0.10267237501367002,2.18 +2209,0.33566441605057995,0.10512189527287549,0.44 +2210,1.7088658420843392,0.1013050098484987,1.66 +2211,0.49837732837400117,0.10520934998160211,0.62 +2212,1.2342859299334739,0.10105811274177333,1.16 +2213,1.0014143796557204,0.10054993363375807,1.02 +2214,1.7104940181532446,0.10468852387505552,1.64 +2215,1.0678546159627407,0.10219409229431868,1.06 +2216,0.9009268079440209,0.10129833304220165,0.98 +2217,3.1561457421460943,0.10913196059039267,3.16 +2218,2.6349641894320506,0.1100414258172168,2.54 +2219,0.7919125237606293,0.10313511089420328,0.78 +2220,1.229718214333985,0.10170819019053678,1.24 +2221,0.8722782546510215,0.10266605307324347,0.9 +2222,1.8243990454414953,0.10192886195735025,1.74 +2223,1.9400708179062034,0.10225988742463211,1.98 +2224,2.9753702978205965,0.10769993955005709,3.14 +2225,1.477092522535642,0.10073816974241748,1.54 +2226,1.2068330093530084,0.10166573910762275,1.26 +2227,1.0102782620131519,0.1016616686861231,1.04 +2228,0.4328607123768007,0.10872325587843437,0.5 +2229,1.564974413417527,0.1011268625907177,1.48 +2230,1.3322134289372618,0.10113173246552465,1.38 +2231,1.1908754969225688,0.10122253039761066,1.14 +2232,2.17966243952279,0.10245798569184597,2.2 +2233,1.1680664562519316,0.10205372898143945,1.06 +2234,2.0554830059935973,0.1038664970598244,2.08 +2235,0.6645508425202455,0.10278512244781571,0.7 +2236,1.5377064719225044,0.100877610317587,1.48 +2237,0.25429915464047403,0.10674009417070417,0.2 +2238,2.1129535405036997,0.10187040974989732,2.08 +2239,1.852100157531147,0.1023245473813783,1.96 +2240,0.32250115893551956,0.10792969064539282,0.34 +2241,0.7287069573420444,0.10246004905613684,0.82 +2242,1.6190009019705405,0.10089723067138369,1.58 +2243,1.118399941055081,0.10134636191509641,1.14 +2244,1.3611848780204914,0.10266846401791123,1.48 +2245,1.283616561322759,0.10030289485330805,1.26 +2246,1.2469520471651838,0.10177816138926003,1.36 +2247,1.1662007621322024,0.10048820726330719,1.22 +2248,2.492307913354356,0.10335285968563215,2.5 +2249,3.6706948773346575,0.11195722701520758,3.82 +2250,0.5765482731334435,0.103057077123484,0.56 +2251,0.3961054319680668,0.10570610354466885,0.42 +2252,1.603118650032325,0.1045117621827533,1.64 +2253,1.3612509183924677,0.10180397532702265,1.42 +2254,1.2581056314344712,0.10239023432118399,1.3 +2255,1.414521386507104,0.1032018361243416,1.44 +2256,2.630470809949049,0.10785469314945086,2.64 +2257,1.0127757789576,0.10113797165605902,1.08 +2258,1.4600134491425896,0.10098349374265017,1.5 +2259,1.9931216988353524,0.10191187104669386,2.02 +2260,2.930533323639576,0.10651348297576603,3.14 +2261,1.6278888104304945,0.10097876667050386,1.68 +2262,3.7502243415229763,0.11289088178515974,3.5 +2263,0.9153719514872625,0.10133398845475004,0.9 +2264,1.8065687009540345,0.10208780128822284,1.82 +2265,1.2887565832225503,0.10127824075217419,1.32 +2266,2.4626208835470216,0.10466331589942283,2.42 +2267,0.7611991378748006,0.1018449761052511,0.78 +2268,0.9216976246232489,0.10148388806038483,1.0 +2269,4.2476468451626985,0.1195665003768574,4.08 +2270,1.1355302457225738,0.10072452212103788,1.24 +2271,0.9553712918747299,0.10125511051630874,0.98 +2272,1.439761887773894,0.1019888372487232,1.38 +2273,1.8351566514277626,0.10228360630922685,1.88 +2274,0.4377032242064052,0.10506129332622861,0.32 +2275,1.1232449733887255,0.10223501113456762,1.04 +2276,1.960944048884915,0.10287176969984395,2.04 +2277,0.7729035007492298,0.10137723734056264,0.84 +2278,-0.07457185308836167,0.12257500737288543,-0.08 +2279,2.2235474983803805,0.10213491721022301,2.16 +2280,0.8163022482081315,0.10352925252468696,0.82 +2281,0.6765588620824479,0.10371342633582233,0.72 +2282,1.3243381378407013,0.1006131211358685,1.34 +2283,1.9367167868874373,0.10211455457365533,1.92 +2284,0.20312697201683227,0.11178553480728211,0.22 +2285,1.1918128521694376,0.10051241862521997,1.28 +2286,3.2675928336110402,0.11225106505985326,3.2 +2287,1.619232922224924,0.10285125737049584,1.62 +2288,1.2767963593815705,0.10243457529513714,1.38 +2289,0.9405324332005696,0.1113051202110701,1.02 +2290,2.159179752321375,0.10266197803197329,2.06 +2291,0.44565901530963337,0.106649550533059,0.56 +2292,2.693108377147997,0.1073925856723147,2.86 +2293,0.537659343857438,0.10326656815160101,0.56 +2294,1.436229574946221,0.10107764708676957,1.52 +2295,0.4471327032492096,0.10529460142844149,0.48 +2296,1.6046560482403682,0.10168031824349172,1.5 +2297,2.0347512839823843,0.10206388589764923,2.02 +2298,1.444359452381647,0.10124064488897322,1.44 +2299,1.16030535657692,0.10180148830062005,1.16 +2300,1.8501661938947647,0.10446038596053464,1.88 +2301,1.0108400268184672,0.10112063466111335,1.18 +2302,1.6835451859490467,0.10212169402022479,1.58 +2303,0.9088193122253789,0.10114404890601207,0.94 +2304,2.4677373847634634,0.10516233722203866,2.48 +2305,1.742364220727804,0.10341753909926389,1.64 +2306,0.5703697393272902,0.10438484488811622,0.58 +2307,1.8606920610116295,0.10173250975217893,1.78 +2308,1.7769819576177281,0.10154341214787699,1.72 +2309,2.226141358566789,0.10344466999631578,2.18 +2310,1.4867384809458242,0.1008487444774136,1.48 +2311,2.268877272410446,0.10222496334363909,2.4 +2312,2.1270961170282234,0.10221988410628087,2.1 +2313,2.351302342636398,0.10653324189187326,2.38 +2314,2.7275023894102652,0.10538247859500266,2.76 +2315,1.6491786848781549,0.10074548319162166,1.66 +2316,1.4849978189321396,0.10083584485620381,1.58 +2317,1.3195705898335033,0.10312767140176826,1.34 +2318,0.43878378708415133,0.10349387323078682,0.52 +2319,0.588752876422802,0.10418808079474909,0.56 +2320,1.859413797284471,0.1030140749831755,1.9 +2321,0.7152482575562507,0.10391526049214739,0.72 +2322,0.5171686889437905,0.10311406979681599,0.4 +2323,1.9219176590850713,0.10194719539228682,1.72 +2324,3.0134103204544154,0.1158268124538325,2.96 +2325,1.3919198921007234,0.10084457545818452,1.44 +2326,1.788916973089005,0.10265969371682694,1.7 +2327,0.9643110040874914,0.1013593377675535,0.96 +2328,1.3848764308298802,0.10322398415106905,1.44 +2329,1.1143529743662304,0.10174813919462514,1.1 +2330,0.9047488591206052,0.10170480889813782,1.0 +2331,1.7933925834101705,0.10136408069622536,1.86 +2332,1.6895363031203272,0.10202983991723635,1.62 +2333,2.8484380988807594,0.10738097469328747,2.9 +2334,2.6565653383104753,0.10574873938961518,2.66 +2335,1.6984002904438495,0.1014406284757249,1.7 +2336,0.7345362678331921,0.1022675864064919,0.82 +2337,1.4620177276789652,0.1007767502916035,1.36 +2338,1.4079536342693257,0.10077172498477278,1.38 +2339,1.4074990517579697,0.10260986797632257,1.54 +2340,1.6860729911383137,0.10100545004982137,1.7 +2341,0.44625620894819185,0.10434650858286919,0.52 +2342,2.547451455413082,0.11139589997184873,2.46 +2343,2.3971326024606476,0.10580971495476367,2.42 +2344,0.7692334048936471,0.10197319785229197,0.78 +2345,1.9547639413072166,0.10195867519333011,1.86 +2346,0.4357286768862172,0.10664027994159653,0.42 +2347,4.142974813020633,0.1208837610174469,4.28 +2348,1.4321684635268814,0.1005923259927968,1.4 +2349,1.4177542135242331,0.10198535383884978,1.38 +2350,1.6684979576016479,0.10087009980902616,1.68 +2351,2.344649960889054,0.10254499088980432,2.26 +2352,3.0319889860151967,0.10875344418015577,3.5 +2353,1.2399803484647263,0.10218397368628335,1.22 +2354,0.9791217052653918,0.10067806756958898,1.1 +2355,1.9897615380525513,0.10298531712470933,1.92 +2356,0.6253206471581583,0.10383389460621185,0.54 +2357,1.2095693517308168,0.1007308675148633,1.24 +2358,1.0511492073949247,0.10084551545355495,1.1 +2359,2.3003693199510273,0.10348861166588157,2.32 +2360,0.7666924085159861,0.10207522015163314,0.82 +2361,0.6365506330880242,0.1068096474236981,0.6 +2362,0.7233452943271812,0.10303317675016221,0.8 +2363,1.8072662692821913,0.10355659348873884,1.8 +2364,3.723263344295546,0.11437869595233298,3.72 +2365,1.2186117401962695,0.10096423922289655,1.26 +2366,0.5451833820257332,0.11121798558139841,0.48 +2367,2.5615051589955797,0.10584103850877316,2.5 +2368,3.5346218745632534,0.11273312075019737,3.54 +2369,0.2627550654295836,0.11026956278153136,0.24 +2370,1.2219215730462663,0.10034088490046358,1.2 +2371,1.0770035538780396,0.10085867612812706,1.1 +2372,2.2766702591905776,0.10369173880035297,2.22 +2373,2.230654282445226,0.10590939721667526,1.98 +2374,1.7563387468153093,0.10114223953571352,1.7 +2375,3.332253019879527,0.10895926991111593,3.2 +2376,1.4465591577984076,0.10136785148990649,1.56 +2377,2.107023447517573,0.10460972390865356,2.02 +2378,1.0646988359159868,0.10117619822930377,1.1 +2379,1.736286243993369,0.10157097064334494,1.68 +2380,0.648103184333596,0.10270362220057407,0.74 +2381,1.0397707497261235,0.10085450008917744,1.02 +2382,1.112094811075419,0.10077923911631002,1.1 +2383,0.5546227207499859,0.10337437886660467,0.6 +2384,1.0688078910416967,0.10360351249852928,1.14 +2385,0.9741694042532278,0.10157468025967524,1.02 +2386,1.2332563398916034,0.10219831562633422,1.22 +2387,1.015657540248245,0.10079412385050743,1.0 +2388,2.097528334260712,0.10278999551432037,2.0 +2389,2.360207231645198,0.10521007920104189,2.28 +2390,1.6038766528284218,0.1030084399910557,1.54 +2391,0.4521397599122243,0.10435840952123747,0.44 +2392,0.5718724877445778,0.10461669913541082,0.6 +2393,0.9020278049569403,0.10105301851953555,0.9 +2394,1.5924741475172046,0.10404395402020081,1.62 +2395,1.0280371157731343,0.10235122442874979,1.02 +2396,1.174148915039783,0.10194482241913429,1.26 +2397,1.6383420240645952,0.10179157724171504,1.58 +2398,2.0942285303551778,0.10265559750813531,2.04 +2399,0.7446854737755719,0.10209983516135233,0.84 +2400,1.1561746811277371,0.10070614730998093,1.14 +2401,0.9688451676993386,0.1023481795726832,1.06 +2402,1.0354743285017738,0.10208648117845853,0.96 +2403,1.2597258969021217,0.1005592532663936,1.32 +2404,0.46596177133677563,0.10462001892939735,0.5 +2405,1.0713032368063542,0.1010749612560876,1.16 +2406,1.6668383113270726,0.10088385751729431,1.7 +2407,1.232431932632181,0.10206412309543915,1.4 +2408,2.1549593140231593,0.10248870316266841,2.08 +2409,1.1715865381960133,0.10087887857129599,1.1 +2410,0.6708804227118639,0.10233507142919271,0.74 +2411,0.48514869437813224,0.10526740865257074,0.48 +2412,0.8656344971157777,0.10223016745993033,0.88 +2413,1.1092646270351627,0.10103194268116948,1.2 +2414,1.8422359648792115,0.1025929357389908,1.66 +2415,1.1625809242002665,0.10198182419729801,1.14 +2416,1.6570309973727395,0.10204405253353256,1.66 +2417,1.7176546754791138,0.10099602406048717,1.72 +2418,0.6601918801766435,0.10214819160349436,0.66 +2419,2.7140994714016706,0.10684300285308394,2.64 +2420,1.8033723213384254,0.1016812582760502,1.72 +2421,0.6728983146398055,0.10315019579101851,0.72 +2422,2.5379366391850944,0.10419382426204267,2.44 +2423,1.8899943546688218,0.10256210911327886,1.96 +2424,2.0447799223194068,0.10227921082387646,2.06 +2425,0.667370971537476,0.10234081892352366,0.68 +2426,1.085975042675592,0.10202159790238666,1.12 +2427,1.0638952271885846,0.10140779257705763,1.08 +2428,1.4152165207648826,0.1018722832778471,1.44 +2429,2.122839916584887,0.10222165204263914,2.08 +2430,1.3930446635602,0.10445412932641814,1.5 +2431,1.3670013694070169,0.10160239326654917,1.4 +2432,4.441991134885683,0.13122700520625538,4.4 +2433,1.802390556775254,0.10228411621623706,1.74 +2434,0.7874985380287602,0.10159042040583477,0.9 +2435,1.8522307846069557,0.10163723409791493,1.84 +2436,1.9890948700715858,0.10338854272972688,1.9 +2437,2.3544868410442454,0.10376924017215686,2.3 +2438,2.06995997882645,0.10238330437049722,2.04 +2439,-0.07034635565466041,0.11944816357468833,-0.06 +2440,1.8325655151788458,0.10455067133734586,1.46 +2441,1.4194573753772557,0.10270404190871693,1.48 +2442,1.8170451211105634,0.10205276669707501,1.94 +2443,3.015750857291689,0.11179237595861768,3.02 +2444,0.9847637682208121,0.10106743305556577,1.02 +2445,2.71316182854574,0.10562363192948959,2.62 +2446,0.8527129319400435,0.10165349911459128,0.88 +2447,2.7370315202025886,0.10757451484739257,2.82 +2448,1.5444552245847019,0.10156495730844825,1.54 +2449,3.61675789216957,0.11349189430457651,3.76 +2450,1.4942186612791735,0.10094917110316035,1.46 +2451,1.339152204977523,0.10227588523976436,1.48 +2452,2.719916396093403,0.10656985034507466,2.68 +2453,1.5612760470001807,0.10086767167118196,1.56 +2454,1.9682590557727015,0.10196420962693659,1.88 +2455,1.5674405448301945,0.10103356924723149,1.56 +2456,1.4654798936702134,0.10231592344560025,1.48 +2457,1.916373460564081,0.10169586772199767,1.92 +2458,1.4012818388424575,0.10556859196857975,1.36 +2459,1.0890112031873505,0.10080395328451257,1.12 +2460,1.751262823008062,0.10330250228826372,1.68 +2461,1.972725108903642,0.10246989831674962,1.98 +2462,0.821828220733497,0.10216755031275741,0.78 +2463,0.396534407171085,0.10533236560503795,0.36 +2464,0.5579277543562673,0.10382857822435981,0.56 +2465,0.9373586778170269,0.10125570746689827,1.02 +2466,1.5221487376973462,0.10193475669945609,1.5 +2467,1.361294325054345,0.10134477612061955,1.34 +2468,2.627150346402818,0.10530932650711354,2.4 +2469,1.296267202414089,0.1008587668655705,1.32 +2470,1.25441671865342,0.10091352828549852,1.24 +2471,1.6726194294649621,0.10090965509675873,1.6 +2472,1.5192713580597503,0.10434145072210646,1.52 +2473,2.1824598696448554,0.10308531461764553,2.34 +2474,4.097365058848833,0.11678600180860622,4.06 +2475,1.2952040853901534,0.10057689611865377,1.32 +2476,2.3348816766725697,0.10329470286298856,2.32 +2477,1.769958707041283,0.10202075889404628,1.76 +2478,1.3522061870494289,0.1004756371299644,1.42 +2479,1.0884178786148977,0.10164725003347375,1.12 +2480,1.1922225469130259,0.10101479186014221,1.14 +2481,1.9713934744712203,0.10468905432294319,1.92 +2482,0.9413719764120001,0.10083622818067985,0.98 +2483,0.7280776639513282,0.10146046956021965,0.76 +2484,0.8243762958604319,0.10169776845512829,0.88 +2485,0.8101125969737131,0.10226680339651767,0.9 +2486,0.9716593204059121,0.10080747521159304,1.06 +2487,1.638716193143068,0.10257090535380803,1.64 +2488,1.6308782068567103,0.1023464417990103,1.74 +2489,1.0402157154940885,0.1021082636600873,1.12 +2490,1.1537608646095483,0.1019323515253179,1.12 +2491,1.7932180361432086,0.10539306180568273,1.78 +2492,0.4104570055061314,0.10557802624155489,0.38 +2493,1.5860075408187233,0.10177636443001768,1.64 +2494,0.5045790439577791,0.10427257808324968,0.42 +2495,0.60519870122771,0.10807051602479727,0.56 +2496,2.735127870463966,0.10585054944360293,2.84 +2497,1.7853958253346993,0.10289134801479177,1.72 +2498,1.5455424066381338,0.10123648146896073,1.54 +2499,1.2136742664594313,0.10059139703676268,1.18 +2500,1.1087430242101275,0.10102785567574966,1.12 +2501,1.1674169121947775,0.10142429595384325,1.2 +2502,2.488345911642842,0.10503720047412418,2.18 +2503,0.9768641566943612,0.10157264160846317,1.0 +2504,1.5887735551320252,0.10281146097632483,1.64 +2505,1.398418197966716,0.10141252663622043,1.42 +2506,1.7686181879442981,0.10157156387078081,1.76 +2507,3.93485984529379,0.11673893411068738,3.9 +2508,1.1040189402676466,0.1009034370462456,1.2 +2509,0.13048938521491116,0.11347633811452112,0.08 +2510,3.405000734793031,0.11205641707332081,3.42 +2511,2.3518476502438475,0.10268807299894271,2.22 +2512,1.3174052438699488,0.10083583779070147,1.28 +2513,1.39935498915122,0.10065903852568839,1.46 +2514,1.088508536857116,0.10058334993948607,1.08 +2515,1.965712498589841,0.10217220004358091,1.88 +2516,0.8177446715982482,0.10223400071902744,0.86 +2517,2.1317450867348704,0.10245197606312972,2.14 +2518,1.5358306796130667,0.10217169287730335,1.54 +2519,0.8507695977656196,0.10143234712816115,0.92 +2520,1.5270115139110307,0.10303132170016081,1.6 +2521,0.5986713040250142,0.10233838397965554,0.64 +2522,0.7161506229571157,0.1028550486683712,0.7 +2523,1.1612007715351031,0.1008003274191347,1.08 +2524,0.9805483796660501,0.10186179109284663,0.96 +2525,1.5810250966850068,0.10078317050630411,1.52 +2526,0.39931789051447075,0.11309734644282883,0.46 +2527,1.0779209476020701,0.1006316082714391,1.14 +2528,1.9978650570093277,0.10460054440931357,1.98 +2529,1.2671329750862872,0.10038367653317927,1.28 +2530,1.2066278389677618,0.10129501934378196,1.26 +2531,1.4124985129276089,0.10233078981349367,1.46 +2532,2.7372795464815134,0.10828275953525103,2.54 +2533,2.839815801271886,0.10761309524962993,2.76 +2534,2.050593353467523,0.10209532697243649,1.88 +2535,2.4691602576284133,0.10498126876642201,2.46 +2536,1.097988090880097,0.10129830095466685,1.06 +2537,0.548755153314026,0.10586513112882628,0.6 +2538,0.8574771485379349,0.10190935464465993,0.82 +2539,0.8150198983887795,0.10274344330621586,0.82 +2540,2.5914193355486397,0.10655363615075619,2.64 +2541,0.9409906137865105,0.10442421703130068,0.98 +2542,2.310351516609771,0.10247230951869148,2.44 +2543,1.6552434415535477,0.10230376207937829,1.72 +2544,1.6475701841068362,0.10099160003371617,1.54 +2545,2.845767057245151,0.10587830980204538,2.92 +2546,0.32523110428635227,0.10663284975568714,0.38 +2547,1.4989254782638708,0.10203826718844755,1.5 +2548,1.2143997813753946,0.10090627153810043,1.26 +2549,0.7749121175634917,0.10154914764916304,0.8 +2550,0.3156061739315452,0.10760676584663738,0.26 +2551,1.417692288806659,0.10068080212661874,1.52 +2552,2.3331098924944094,0.10281571523067808,2.26 +2553,0.8097118380529513,0.10190305710148294,0.88 +2554,3.236443046951525,0.10966246132553077,3.32 +2555,2.057478003338666,0.10205284722925663,2.14 +2556,1.3165014503670205,0.1013652075545081,1.34 +2557,2.127640391436376,0.1037632623868682,2.0 +2558,0.7004635081268338,0.10339840238478397,0.78 +2559,1.2437794749344844,0.10082194553248397,1.2 +2560,0.7850890111485922,0.10189722351762213,1.28 +2561,1.1253318801490513,0.10054983983127011,1.22 +2562,2.03205813391617,0.10201357534250588,1.94 +2563,2.388472264749222,0.10442493786073677,2.4 +2564,1.2079235017482899,0.10096367242357245,1.24 +2565,0.5314415928147687,0.10427086453949963,0.64 +2566,0.7800970673755676,0.10757915904106521,0.98 +2567,1.6791129630356243,0.10173257046873282,1.7 +2568,1.5619122147074156,0.101006754795312,1.54 +2569,1.0491155816178332,0.10064576259959351,1.08 +2570,1.704974952153268,0.10100325569070079,1.6 +2571,0.6425857237669772,0.10174003267709164,0.72 +2572,2.2970358221315728,0.10321560614266694,2.2 +2573,1.708129961379896,0.10360966399990493,1.7 +2574,1.9812071416429864,0.101736545650756,1.92 +2575,2.941947461487519,0.10559761834700941,2.84 +2576,1.4799842019958935,0.10106871691309163,1.54 +2577,2.413348874667218,0.10277513933058079,2.26 +2578,2.3029364094604112,0.10466976988573984,2.16 +2579,1.4544861387655705,0.10267230678706707,1.4 +2580,1.3138507199791574,0.10083674225896885,1.34 +2581,1.65825278709892,0.1010054190254311,1.56 +2582,0.7745140429416464,0.10212235916539149,0.78 +2583,1.4911497789068624,0.10080948475290664,1.44 +2584,1.443950194943273,0.10262325243757173,1.4 +2585,1.604012044816901,0.10075808997810269,1.58 +2586,0.924104615536965,0.1012642084282613,1.12 +2587,2.391663416428269,0.10414176865783795,2.32 +2588,2.66494443795472,0.10983448942656929,2.68 +2589,1.562692149972644,0.1017372863406094,1.58 +2590,2.7609194347465227,0.10717095567951097,2.78 +2591,0.7865463085148787,0.10205823788778377,0.86 +2592,0.40434363975990784,0.1073749069014366,0.48 +2593,4.2710678708095,0.12273998760423198,4.12 +2594,0.19418845528538475,0.10942573724570873,0.26 +2595,1.6392514108741663,0.1026103173922927,1.6 +2596,2.695074325757375,0.10921664916046106,2.6 +2597,0.9852987150646191,0.10103247198914743,1.22 +2598,1.0576901520853246,0.10144770862356907,1.12 +2599,0.8737580277256887,0.10204227055795576,0.82 +2600,1.102156855196437,0.10126408178767575,1.16 +2601,0.7930874167749946,0.1030099053764023,0.94 +2602,1.5773399671666686,0.1031213955206131,1.54 +2603,2.1106346026513414,0.10337415251658214,2.14 +2604,2.0518677457777734,0.10280965209922656,1.88 +2605,0.765087700279288,0.10145073805296413,0.8 +2606,1.0353373315932044,0.1015194721514261,1.06 +2607,2.4164747669333018,0.10352290027868988,2.32 +2608,1.0409291975742325,0.10150648085453408,1.12 +2609,1.0908043192580477,0.10393572772113271,1.06 +2610,1.7049947126592213,0.10119554412140797,1.8 +2611,1.7918599934438324,0.10115480232507115,1.8 +2612,0.7963505097069683,0.10200209160675881,0.86 +2613,0.9110334867173255,0.10213637598971359,0.88 +2614,0.5829108903847453,0.1045232364700044,0.6 +2615,2.268182720933332,0.10273228705263301,2.16 +2616,2.10061054521627,0.10325008010608683,2.16 +2617,0.9808888832277913,0.10153595123953783,1.08 +2618,1.1785294192118518,0.10072381125658314,1.14 +2619,1.4252024097085856,0.10079963507511644,1.38 +2620,1.225198288659097,0.10086674964003894,1.2 +2621,1.9426845845940084,0.1016962590740249,1.88 +2622,1.6724480081795787,0.10119906775530067,1.62 +2623,1.396160147678678,0.10254402873119331,1.42 +2624,0.8928988287872419,0.10128789803715163,0.86 +2625,1.2413808232072652,0.10051746883104183,1.22 +2626,1.364240016236497,0.10266096849848622,1.34 +2627,0.9903796488769421,0.10115299447388189,1.1 +2628,1.0541106128690527,0.10141607154855016,1.08 +2629,1.4633803806216787,0.10278165958570708,1.48 +2630,0.7711478496892246,0.1028578418851854,0.78 +2631,1.1677057839350657,0.10120589090206807,1.18 +2632,1.0660090630110266,0.10213639322187186,1.14 +2633,0.8347475888167393,0.10163134306913194,0.9 +2634,0.8569804310304254,0.10154775028689579,0.88 +2635,1.2291381313466692,0.10253187607817185,1.22 +2636,0.710118308434758,0.10187837891595425,0.72 +2637,2.502356573277023,0.10635196842204502,2.5 +2638,1.311081256766556,0.10056273424870613,1.26 +2639,2.21914640293269,0.10480060773219373,2.2 +2640,1.5213063088706382,0.10078710945365685,1.54 +2641,1.405863920148377,0.10107822892644909,1.4 +2642,0.8476176070671604,0.10128481886533616,0.86 +2643,1.2503468982310826,0.10133912690728994,1.24 +2644,1.6573445503491475,0.10075134676239418,1.62 +2645,1.4696728041049274,0.10216155468836137,1.42 +2646,0.9055170431310342,0.10132957233589895,0.88 +2647,1.3315994337565937,0.10077301458305923,1.32 +2648,0.5634296270199319,0.10231912211088745,0.66 +2649,1.722491908854774,0.10181240652893753,1.68 +2650,1.40366862671269,0.1009824493712399,1.42 +2651,1.065216683245218,0.1019486172681869,1.14 +2652,1.7792026156708578,0.1023319224629894,1.74 +2653,1.5530498775176793,0.10153130416395884,1.74 +2654,1.1666376203540272,0.10171673943408562,1.22 +2655,0.9111909456249803,0.10198224586885885,0.88 +2656,0.8614805451400505,0.10174206012362355,0.9 +2657,1.8805269354313976,0.10154450617608021,1.9 +2658,3.194207065907438,0.11451933922816404,3.14 +2659,0.8536734244777333,0.1015010630341355,0.94 +2660,1.4644834137049256,0.10153628294772774,1.5 +2661,0.09374924323353162,0.11319302162918181,0.06 +2662,1.6337238943681702,0.10156562511872692,1.62 +2663,3.433912020411217,0.11435614279337473,3.5 +2664,0.8078833782532724,0.102500582666633,0.86 +2665,1.4933686103440242,0.10230028861976709,1.42 +2666,1.8900392093664242,0.10212247639776643,1.84 +2667,0.45223057277394907,0.1059876417926853,0.44 +2668,3.0001578345947415,0.10916752968610043,2.98 +2669,1.0607067888441006,0.10155553124211796,1.16 +2670,1.5810079078046717,0.10079892985177875,1.52 +2671,1.2876727931775027,0.10558285881212782,1.18 +2672,1.0091052591164738,0.10144332401258108,1.08 +2673,0.6687340540920592,0.10326941192191456,0.72 +2674,0.4147211737501981,0.10528351599656624,0.46 +2675,1.3214752620845578,0.10100954099022816,1.54 +2676,2.0295008003710144,0.10187695029173749,1.96 +2677,1.1791601067839854,0.10148707570694619,1.22 +2678,0.7844019762083432,0.10306037581163578,0.8 +2679,1.230295632460553,0.10040862157544127,1.22 +2680,4.045355873431131,0.11391852678643,4.0 +2681,1.2067042905164909,0.10209604607702398,1.18 +2682,1.4359871150113077,0.1031857309730412,1.54 +2683,1.9124727339413885,0.10238555358572031,1.94 +2684,0.7006193020217599,0.10239814752240521,0.74 +2685,1.715466536061207,0.10113419434597477,1.72 +2686,0.762948818440744,0.10325921818114767,0.74 +2687,0.9941980119464338,0.101349318656005,0.94 +2688,1.4588081007769664,0.10147460123652831,1.5 +2689,1.254737970444747,0.10284324947165736,1.24 +2690,1.166992669581546,0.10047735652063867,1.2 +2691,1.464701198411955,0.10061829062370309,1.54 +2692,1.433612992617668,0.1010735548463828,1.44 +2693,2.0208767220418906,0.10284714991474878,1.9 +2694,2.7959018388395407,0.10593055382520729,2.76 +2695,2.829304739919447,0.10784530359906862,2.74 +2696,0.6318337813094279,0.10279241527455425,0.56 +2697,0.9245695081444472,0.10199801014811757,0.88 +2698,0.5073207093819503,0.10430754623353965,0.66 +2699,0.8206384277995082,0.10137513139009274,0.9 +2700,2.7589702701180627,0.10850448916953473,2.72 +2701,1.4986627088259146,0.10325932969929524,1.44 +2702,1.27505097757939,0.10057854936187391,1.28 +2703,1.2063736184647131,0.1013182623760886,1.28 +2704,2.9153679393442005,0.11721651234175749,3.02 +2705,0.5102574704992866,0.10599996970050506,0.52 +2706,2.0710843157982133,0.10165316979434073,2.0 +2707,2.898632200650713,0.10709770312768276,2.64 +2708,1.226736074808304,0.10097011371187266,1.34 +2709,3.448897618166189,0.11022361362913981,3.3 +2710,1.702814005473211,0.10137708792928157,1.74 +2711,0.11454189279648808,0.11303895878431697,0.08 +2712,0.9459005713000008,0.10103534704692753,0.94 +2713,1.604160485144124,0.10106366269986435,1.66 +2714,0.6719842537210245,0.10192019272928994,0.66 +2715,1.7332032357311566,0.10112642698284707,1.64 +2716,1.339877718725251,0.10052981831125263,1.36 +2717,1.9786414008366184,0.10184320448972474,1.8 +2718,1.5562570496213757,0.10177221028560737,1.46 +2719,2.221002216855748,0.10404384289902184,2.32 +2720,1.5400712298751775,0.10220624901302253,1.52 +2721,1.5831100521530812,0.1036859767909346,1.54 +2722,1.4357079993218524,0.10135514464575562,1.42 +2723,1.6018129941827117,0.10469156690339947,1.5 +2724,0.3513163616712871,0.10551490384779211,0.32 +2725,1.7962259496603854,0.10170890933764606,1.7 +2726,1.299162186859739,0.10138945627195532,1.32 +2727,1.777111386650393,0.10189562179322674,1.64 +2728,0.2083045151807672,0.11483784860163991,0.06 +2729,0.43782768939637484,0.1049895010064781,0.44 +2730,0.07647609893994178,0.11183460073146999,0.02 +2731,0.3877312050638364,0.10673389698302327,0.34 +2732,1.158453485505415,0.10242476171130831,1.14 +2733,1.9648740229025667,0.10257385612565706,1.88 +2734,0.029581128514255317,0.11568675706618205,0.1 +2735,1.5984658476084908,0.1021439165179078,1.58 +2736,3.8992027555175426,0.11585475320867819,3.86 +2737,2.3561530100666523,0.10358326353370742,2.22 +2738,2.7987687592518817,0.11176292719734858,2.68 +2739,1.113692278959238,0.10113844793601959,1.32 +2740,0.987309103801955,0.10130322112618395,1.08 +2741,1.5428280230708997,0.10130577668119087,1.56 +2742,0.5551437784464388,0.10549806476748406,0.58 +2743,1.1871617270176917,0.10100311226854783,1.0 +2744,1.4778680593271962,0.10193935755142834,1.48 +2745,1.4161727655234804,0.10170834752355586,1.38 +2746,1.3590754289756217,0.10147130889506213,1.38 +2747,-0.007687242270044914,0.11420101992307738,0.04 +2748,1.2742148706705974,0.10824486382707839,1.24 +2749,1.3233991062019006,0.10068452784528804,1.32 +2750,1.715553119996471,0.10100874085455037,1.7 +2751,0.0792451507999663,0.11247644609111052,0.14 +2752,0.9886635684627476,0.10136602046085626,0.98 +2753,1.9768090839719255,0.102153733729044,1.92 +2754,1.7407197042227087,0.10114116840027576,1.68 +2755,1.5486649812147915,0.10077678702575384,1.48 +2756,0.945505504019877,0.10106387697142752,0.96 +2757,1.1833467512532427,0.1012429271717216,1.14 +2758,3.2751342771655274,0.10792705683830489,3.2 +2759,1.0922390721605983,0.10126458561155666,1.14 +2760,1.3901956562381164,0.1028857287783337,1.4 +2761,1.1405733240874942,0.10032251065425342,1.12 +2762,1.7480087969718807,0.10128061635491173,1.74 +2763,1.7367122529720935,0.10116250580385361,1.7 +2764,1.4063306146948837,0.10479378007932182,1.34 +2765,1.0700570163949015,0.10087601061289637,1.08 +2766,2.2527936905208534,0.10211607882504473,2.16 +2767,1.3478432163463443,0.10055764684965858,1.32 +2768,1.7247466062940082,0.10112491875169453,1.68 +2769,0.6911391395368829,0.10198241138037663,0.74 +2770,1.011851593049215,0.10126079980089427,1.1 +2771,1.6504285481750107,0.10120405589441249,1.58 +2772,0.8980698904820625,0.10131257654936056,0.96 +2773,1.174381757807726,0.10103706333805522,1.2 +2774,4.004259311661588,0.11591215399871023,3.9 +2775,0.43599466352005556,0.10539902910527779,0.6 +2776,1.3336265708063768,0.10375572784113163,1.32 +2777,0.665552886545864,0.1026621663204923,0.82 +2778,1.422410474057411,0.1021773368110476,1.32 +2779,1.8945737561200813,0.10160949744849422,1.84 +2780,0.9842546301759787,0.10111873075162763,1.02 +2781,1.3072499536071687,0.10070108263641651,1.38 +2782,0.9563511607929696,0.10640205274778507,0.98 +2783,2.26799758229998,0.10368449960102785,2.26 +2784,3.460136656607869,0.11310730966830143,3.86 +2785,0.7190330297630714,0.10294228991646912,0.66 +2786,1.8438546860343832,0.10195000306540482,1.86 +2787,1.37464439833111,0.10092379134932009,1.56 +2788,1.3609579888093568,0.10100298008866879,1.32 +2789,2.1957525675226783,0.10273685652432511,2.26 +2790,0.9873036220592544,0.10101016306184338,1.06 +2791,1.1645517903180822,0.10053261177980696,1.22 +2792,1.6310197544294487,0.10132344880839474,1.56 +2793,0.8623492777861299,0.10145529841472407,1.1 +2794,0.4169031761515283,0.10415746771309083,0.44 +2795,0.9880771084641393,0.10068520525385484,1.08 +2796,0.9472804253900369,0.10156421551463973,1.02 +2797,1.5362854589685246,0.10301287701140302,1.56 +2798,1.7275714815556389,0.1019949871292689,1.94 +2799,1.7573975825320962,0.10425374753212939,2.44 +2800,1.9374927781137676,0.10254985524004258,1.94 +2801,0.27787077341148225,0.10665096261054494,0.28 +2802,0.8147197159400965,0.10339212321860378,0.74 +2803,1.6765894926847158,0.10108565189397915,1.56 +2804,1.2419065613233646,0.10054308885398462,1.3 +2805,0.7966635425734798,0.10146994619708335,0.92 +2806,0.9140049495630611,0.10117364024735816,0.96 +2807,0.6710236392636373,0.1030211314050362,0.74 +2808,1.1143161738024998,0.10126796771057361,1.12 +2809,0.8293730677980127,0.10167418378663065,0.96 +2810,1.9383694380329322,0.10283049033550574,1.76 +2811,1.524270620034837,0.10091029349559362,1.54 +2812,1.2457967650961057,0.10109279595350776,1.3 +2813,0.4009322722226114,0.10477585465841721,0.42 +2814,1.7783017621634192,0.10168155042474958,1.78 +2815,1.4534482203101182,0.10150673336901025,1.34 +2816,2.063577830305828,0.10390272057620027,2.0 +2817,1.251755856012721,0.10129222816573179,1.32 +2818,1.2693929046695194,0.10100585091127998,1.26 +2819,1.3007951187199642,0.10500214804889942,1.42 +2820,2.440954948519522,0.10293587981902112,2.42 +2821,2.7126590875788636,0.10728077784691248,2.68 +2822,1.528917035520269,0.10099104925194345,1.52 +2823,1.6838409806931514,0.1015344597049197,1.68 +2824,1.1247238344566417,0.10104795340094186,1.2 +2825,2.1014861055170435,0.10331157634046734,2.08 +2826,0.7113257855869255,0.10355456838024478,0.7 +2827,0.6981730366742871,0.1022968862543514,0.68 +2828,0.7914999415989248,0.1021647184834475,0.84 +2829,2.603768916382922,0.10502876393860662,2.62 +2830,0.9072033705728513,0.10132729413272114,1.02 +2831,0.9134763696785375,0.10199726271488223,0.88 +2832,0.8888866375376805,0.10356345307196517,0.94 +2833,0.5632063519500823,0.10371414140020618,0.64 +2834,0.981064809005108,0.10107334020063859,1.04 +2835,1.2817028979825016,0.10076007714039127,1.26 +2836,1.5999025847344297,0.10166475572044219,1.54 +2837,1.257964539154475,0.10048876425532546,1.3 +2838,0.8544219900564227,0.1012340826716648,0.9 +2839,1.2990944114755505,0.10126680000945593,1.28 +2840,2.0604051261380327,0.10286805897322457,2.04 +2841,1.5930925896702346,0.10249268343390454,1.62 +2842,0.7906271131728067,0.10195998651033199,0.82 +2843,1.944993758189966,0.10194976840638217,1.9 +2844,0.9884519173609048,0.10079548276920784,1.04 +2845,0.4527003384675543,0.10413699486629376,0.52 +2846,2.08691494925203,0.10236037394600514,2.1 +2847,0.8576862358990096,0.10146988033110894,0.86 +2848,0.9695606573595439,0.10172566157873043,0.94 +2849,4.538825421758144,0.13999273095097928,4.42 +2850,0.7404204157942613,0.10187593864087917,0.8 +2851,2.207861072901423,0.10335105729964246,2.18 +2852,3.236027642857767,0.1097916883806904,3.26 +2853,1.809957275711074,0.10145739748741102,1.88 +2854,1.9363556589207034,0.1027593231676853,1.96 +2855,1.17994816621265,0.10165681949477894,1.16 +2856,-0.09910835719996691,0.11830344622959323,-0.04 +2857,1.6411231215800688,0.10090426939476442,1.72 +2858,0.6758291443880926,0.10274425043376585,0.76 +2859,3.4212474893157854,0.1137765164609976,3.2 +2860,1.8917582329156948,0.10280003793602394,1.88 +2861,1.8225332245336465,0.10409130964625847,1.78 +2862,1.5914294022624167,0.10095250575882346,1.58 +2863,1.6621541859665354,0.10178222958504875,1.6 +2864,1.524378412308305,0.10223639272356647,1.54 +2865,2.0790609534587254,0.10210655767368661,1.9 +2866,1.1593769443934432,0.10075929091269235,1.22 +2867,0.8013941685148323,0.10136370367388141,0.78 +2868,1.9319775183037107,0.10252812746708362,1.98 +2869,1.9868803374988102,0.10193846359707381,1.94 +2870,1.7214965280710144,0.10099188985303269,1.68 +2871,0.6592065159979119,0.10488069364923495,0.74 +2872,1.2091077319843,0.101485533249414,1.26 +2873,0.7913294363923951,0.1018458833823456,0.86 +2874,1.5977531264267488,0.10129081859011664,1.56 +2875,1.2526412044999515,0.10061901730666997,1.28 +2876,1.7231663793205134,0.1035214958935089,1.76 +2877,0.6979845378131093,0.10293371192895512,0.76 +2878,0.26958651518983223,0.1086892183932378,0.28 +2879,2.037970511127515,0.10170985955401021,1.94 +2880,1.2281483109565625,0.10132824033886746,1.3 +2881,0.5230004900095329,0.10350288129032274,0.52 +2882,2.009976244275048,0.10260013963509168,2.02 +2883,1.9457681984761057,0.10197245798916119,1.96 +2884,0.9296637017048537,0.10124661731094382,1.06 +2885,2.2677114356092396,0.10457489424467911,2.28 +2886,1.95116183102359,0.10210562123741314,1.96 +2887,3.7290568974968537,0.11406559637274336,3.64 +2888,1.1301737992980028,0.10756874646953142,1.06 +2889,1.433415514537028,0.1007992591389205,1.38 +2890,1.6210809590145947,0.10077286645813585,1.66 +2891,1.7776865819363967,0.10117829909453166,1.74 +2892,0.9519406895745737,0.10221260298740738,1.14 +2893,1.6456905804425863,0.1011792042918318,1.58 +2894,0.6048436021247381,0.1025684943560473,0.82 +2895,2.2405394433488866,0.10257211615519321,2.22 +2896,0.8356428361834103,0.10157289049393796,0.9 +2897,1.4614279878885197,0.1014679023946111,1.44 +2898,1.5868720944896066,0.10152845294449704,1.66 +2899,2.1517328633908583,0.10399519535505264,2.14 +2900,1.216553739085146,0.10081805153292239,1.22 +2901,1.4310914518143212,0.1051141480521496,1.42 +2902,1.0422131898902867,0.10138106885841874,1.1 +2903,1.5305085443977047,0.10257395202993184,1.56 +2904,1.7292001922637572,0.10221976819449027,1.74 +2905,1.543634656601103,0.10162503312566766,1.54 +2906,2.1023320713452627,0.10238200604347511,2.14 +2907,1.2722120985556733,0.1007791320647048,1.32 +2908,1.3320001537049782,0.10204931577955377,1.3 +2909,2.2034613537174366,0.10207452715776649,2.02 +2910,2.2108487658771594,0.10250640778830399,2.24 +2911,0.6516602112041949,0.10209242299365054,0.74 +2912,0.8716070485999585,0.1015694086833455,0.86 +2913,1.5583282007344577,0.10161962714210233,1.7 +2914,1.017233899513396,0.10107229148617788,1.1 +2915,3.410520359331713,0.11050857149430396,3.56 +2916,1.7914457746719952,0.10165721847929997,1.76 +2917,2.339765346857309,0.10243040769430573,2.14 +2918,0.18370910893091597,0.10800548774711027,0.1 +2919,1.5683759033907945,0.1019322253506297,1.56 +2920,1.8308063563616377,0.1016537767765593,1.76 +2921,1.320614573845077,0.10076784192129926,1.32 +2922,2.2341449059672485,0.10283772744880695,1.98 +2923,1.3116482469310211,0.10093577620009661,1.24 +2924,1.6464674606745004,0.10146969303113887,1.6 +2925,0.5981030430637408,0.10223398358877375,0.62 +2926,1.0256974265423826,0.10196978721858553,1.06 +2927,1.3335505479584417,0.10086739943095051,1.36 +2928,1.4032937221460136,0.10201307733068003,1.46 +2929,1.4168067747185267,0.10089323999511163,1.54 +2930,2.3047249273054398,0.10923940130930801,2.44 +2931,1.9946204130137024,0.10219778799609344,1.96 +2932,0.783998539216199,0.10249663380683725,0.88 +2933,2.4571183771518683,0.10645972073426076,2.48 +2934,0.968570028319508,0.10088981665530863,1.0 +2935,2.084741801080863,0.10249762123677318,2.06 +2936,0.9253662471867654,0.10195605782811007,1.0 +2937,0.6510439120358134,0.10257763971972836,0.66 +2938,0.923801327672759,0.10047896903601054,0.86 +2939,1.4518541658688766,0.10156391484793317,1.46 +2940,1.4034559103181328,0.10234232527653367,1.4 +2941,0.6597970244710536,0.1035216617450693,0.68 +2942,1.8154205113730943,0.10415821570874534,1.94 +2943,1.112445082941537,0.10176944905793528,1.1 +2944,0.7371126138154975,0.10273296140833206,0.76 +2945,1.5064560949734689,0.10113891034867936,1.4 +2946,1.8915811984131172,0.10161342229131647,1.92 +2947,1.623950793364681,0.10175855230735599,1.66 +2948,0.6982248279580714,0.10216838341610926,0.68 +2949,0.5994508911814156,0.10409626008840923,0.7 +2950,2.094978675326775,0.1018401208773209,2.08 +2951,0.9738040014925635,0.10105544034003655,1.04 +2952,0.825479933457739,0.10136167764098988,0.78 +2953,1.2360863531187183,0.10050736900838422,1.18 +2954,1.5234528798632743,0.10301581685331007,1.54 +2955,1.2895380166727717,0.10195698179649999,1.52 +2956,2.0309096447887036,0.10243758244019248,2.1 +2957,1.7523045575166696,0.10159018694708208,1.52 +2958,1.2059833098742698,0.10142791509101884,1.28 +2959,1.0545922212054497,0.10188843535560817,0.94 +2960,3.194335501209249,0.11406321034595159,2.96 +2961,1.226119299649884,0.10052595560327059,1.26 +2962,0.7216153238198506,0.10170945855665753,0.8 +2963,0.9302401199367905,0.10179632618557875,0.84 +2964,2.5097114642921845,0.10342057206071342,2.52 +2965,1.3376701016868784,0.10065491383016661,1.36 +2966,1.4360027711996641,0.10132524302690159,1.5 +2967,1.3573176935678608,0.10368472726429895,1.4 +2968,0.8063346047890823,0.10359212884666928,0.86 +2969,1.0850228496859307,0.10229534017161643,1.02 +2970,1.3739191819892829,0.1048082621739474,1.42 +2971,1.4870476073082022,0.1017055428552728,1.48 +2972,0.9095424572168438,0.10216290714797356,0.94 +2973,3.2000283306308184,0.10840587087216665,3.32 +2974,2.329489727944452,0.10373421108846363,2.32 +2975,0.6433919315065173,0.10218079916394371,0.62 +2976,0.8639834672583289,0.10097295929648624,0.88 +2977,1.3703285867786652,0.10089739230273737,1.38 +2978,1.8897789415693536,0.10213117617072263,1.9 +2979,0.5627225155101987,0.10773206358739054,0.58 +2980,0.21993167921415924,0.10636536716924527,0.22 +2981,1.1415863839256948,0.10095093762758636,1.24 +2982,1.1970252317143097,0.10162216990255554,1.24 +2983,0.790359255313273,0.10260291799494817,0.84 +2984,0.7596158041780929,0.10250267650786843,0.7 +2985,0.6966345318007396,0.10502337569073852,0.7 +2986,1.4769060289411333,0.10251575083543342,1.46 +2987,0.7903558501806207,0.10124260006841647,0.76 +2988,1.0812295784669563,0.10143061788957983,1.06 +2989,1.5700009123905152,0.10094364000441776,1.58 +2990,2.2123569320280083,0.10308549013569777,2.16 +2991,0.7698629464862561,0.10158830497499853,0.68 +2992,1.4144889351137129,0.10153559843192174,1.4 +2993,2.4851203759875027,0.10333455105272488,2.46 +2994,1.785276089792429,0.10204776207161234,1.76 +2995,0.6176893282345757,0.10470948256429288,0.66 +2996,1.6740785558986564,0.10184107699915047,1.68 +2997,2.31437817706831,0.10239003721124164,2.3 +2998,1.663626211081503,0.10117542498118547,1.54 +2999,1.655617077218121,0.10497970168357379,1.62 +3000,0.6082815560997543,0.10342320052273514,0.62 +3001,1.9369638307276948,0.10160228241770178,1.86 +3002,0.6020426203189222,0.10252065990113203,0.7 +3003,2.5120543556170674,0.10551426703632122,2.5 +3004,0.7566637136145891,0.10254560591304025,0.84 +3005,0.49117245886847605,0.10403460704619229,0.5 +3006,1.6270089244004315,0.10247343326297832,1.7 +3007,1.6256844567209006,0.1013017547087667,1.52 +3008,1.817839725816352,0.10176637452218007,1.78 +3009,1.6166562965160016,0.10369472038760943,1.62 +3010,1.225209312791655,0.10088615609952391,1.18 +3011,2.689350011867287,0.10677893195357153,2.72 +3012,1.2425822002799298,0.10274617556985095,1.38 +3013,2.303888412294942,0.10348807430032231,2.36 +3014,1.0002201414103877,0.10167135833057507,1.02 +3015,0.956781686923893,0.10294429125816265,0.9 +3016,2.085738533400015,0.10221420564523395,2.06 +3017,1.658944088140341,0.10119768671769534,1.56 +3018,1.216325448385941,0.10116513429189544,1.14 +3019,1.992320470563392,0.10224537077680843,1.94 +3020,0.9589174043760555,0.1013313693847914,1.0 +3021,0.28626552168387653,0.10667003249682908,0.34 +3022,1.6117212891231565,0.10361884850082584,1.7 +3023,2.6350662388487507,0.10844218623581728,3.02 +3024,1.326501877359117,0.10239931816087108,1.3 +3025,0.3988762079445427,0.10686406357746832,0.44 +3026,0.9349240161167491,0.10146202604374918,0.98 +3027,0.5252032472453789,0.10413763242614772,0.56 +3028,1.5437672848284867,0.10120978309174435,1.56 +3029,3.1060382223355987,0.10986240964434353,2.88 +3030,1.269756758522323,0.10123429817325824,1.3 +3031,1.1879263366406112,0.10062069062385944,1.16 +3032,2.382294832703412,0.10390875985850016,2.4 +3033,1.1205530596595776,0.10123956361364245,1.08 +3034,1.4867455509378151,0.10169297445224203,1.52 +3035,2.106668978475657,0.10262959432980004,2.12 +3036,2.4794949658131173,0.10366124230601108,2.28 +3037,1.1857990584952416,0.10035441657104262,1.14 +3038,1.3449590438045325,0.10196267511259122,1.44 +3039,0.8742713847295638,0.10100208002636828,0.94 +3040,1.0764961246632792,0.10136956000093379,1.08 +3041,0.9669905699183585,0.10189927229724012,1.02 +3042,0.8512261547223117,0.10204817560560205,0.86 +3043,2.132761694693283,0.10216243662256662,2.12 +3044,2.5703191635892004,0.10692979021462815,2.38 +3045,0.5418610283730094,0.10351605449951615,0.6 +3046,0.8400498164071981,0.10228149335025549,0.86 +3047,2.3000168150394806,0.10553795438637133,2.2 +3048,2.970863724003653,0.10866286695483657,2.96 +3049,0.854301587049999,0.10265060398766057,0.98 +3050,0.672622082144162,0.10325336954379351,0.58 +3051,1.6701194655578282,0.10134072813130195,1.62 +3052,1.1473245621611026,0.10068248507833207,1.22 +3053,2.21813552201208,0.10207075946974709,2.18 +3054,1.554887037209031,0.10083113048256481,1.58 +3055,0.6886698879434225,0.10851340339213968,0.68 +3056,1.0279956527016656,0.10122294053075437,1.02 +3057,0.7258522994736543,0.10316528781444487,0.76 +3058,1.3189589147268383,0.10070910471235753,1.4 +3059,2.36452065742575,0.10253431743079941,2.26 +3060,0.6456662317380866,0.10260136112987063,0.66 +3061,2.044676661469037,0.1021253708658007,1.96 +3062,1.58751980733631,0.10129607762341508,1.62 +3063,1.2021356428991685,0.10147219923677583,1.24 +3064,0.7454544880321874,0.10270886663841707,0.84 +3065,1.0076090122783936,0.10031548524927383,1.02 +3066,0.6530318855103265,0.10222973266990903,0.68 +3067,2.7180723103717206,0.10522086753227994,2.7 +3068,0.24857068823128237,0.1083626230890452,0.2 +3069,1.4739137835166465,0.10174289484794623,1.44 +3070,1.5028928639699328,0.10123910927011762,1.54 +3071,1.0232259597179334,0.10107010051129212,1.06 +3072,0.8413700864686431,0.1024556574300565,0.94 +3073,0.5727036304695365,0.10297079559534202,0.54 +3074,2.0090153832829465,0.10175218859421573,2.08 +3075,1.7718635227551152,0.1020465374470651,1.78 +3076,2.0261211992637236,0.10262574711430116,1.9 +3077,1.7895138523965277,0.10196228442852165,1.7 +3078,0.851233108560425,0.10167770787238337,0.94 +3079,0.29967922429548444,0.10817007738718601,0.34 +3080,2.676404171563263,0.10526849011812862,2.64 +3081,2.1675614128529936,0.10310145973876432,2.16 +3082,-0.18126082767415164,0.1295291710548574,-0.16 +3083,2.239574148661326,0.10396258825045307,2.04 +3084,1.5500384183316773,0.1010175244340521,1.68 +3085,1.2834320678323505,0.10279731837507546,1.24 +3086,0.6593734795262767,0.10328754419924999,0.74 +3087,1.2704323659698706,0.10198056214836305,1.3 +3088,2.1842685878174244,0.10230817321798305,2.06 +3089,1.228028771529235,0.10224354879043414,1.28 +3090,1.1536078497533493,0.10162356120577723,1.12 +3091,0.7621898963816596,0.10224179611270293,0.76 +3092,0.9717559681641281,0.10104630314167347,1.04 +3093,0.7088417930100694,0.10249331306768984,0.7 +3094,2.25340733090356,0.1029803099195933,2.28 +3095,0.3229698175066884,0.10677338874340563,0.28 +3096,1.6445235208273947,0.10089582960846816,1.58 +3097,0.5815904923350919,0.10639714209291298,0.64 +3098,1.0760545101212278,0.1012722032844154,1.18 +3099,1.4926934352819605,0.10155366837386366,1.48 +3100,0.9679595212996401,0.10144927375463789,1.08 +3101,0.9354550346611956,0.10136176528953235,0.9 +3102,2.4332977086355463,0.10379402993240078,2.46 +3103,1.1119293224797493,0.1013158221114871,1.16 +3104,0.9000398735112041,0.10122968570639634,0.96 +3105,0.692420492181238,0.1027105420932562,0.68 +3106,0.9942496733987374,0.1011941173658492,1.0 +3107,0.6784878374031107,0.10187214034114093,0.76 +3108,1.606309474001687,0.10173254171917301,1.6 +3109,1.3781502797251155,0.10064838443948296,1.36 +3110,4.381184258198541,0.13436377356705576,4.28 +3111,0.9461835865705799,0.10124859531245024,0.92 +3112,1.2287157718322523,0.10115443715773056,1.24 +3113,0.6984663779743661,0.10238818306064514,0.72 +3114,0.7746507324389602,0.10170115626370443,0.82 +3115,1.3971004927951645,0.1020752734215006,1.4 +3116,0.08765799543517949,0.11126796472490094,0.0 +3117,1.3603399343946874,0.10184267708055549,1.42 +3118,1.368975978204112,0.10123418837586251,1.44 +3119,1.2363968375168033,0.10126497362974474,1.2 +3120,0.9845346180708849,0.10177492441329311,1.08 +3121,1.9226124766119914,0.10180165187812203,1.94 +3122,1.3117058158329191,0.1026174222711258,1.32 +3123,2.6605015209143943,0.10785039614929749,2.48 +3124,2.645905615006402,0.10375873758937279,2.6 +3125,1.853564708980432,0.1018546838887869,1.84 +3126,1.076838595114445,0.10078872502551484,1.14 +3127,2.3003199990852714,0.10352826447382447,2.34 +3128,1.5258293559865377,0.10120170629970553,1.5 +3129,2.115480108820467,0.10271197136125979,2.14 +3130,0.794942028295871,0.10134360556168433,0.72 +3131,1.2113466545959601,0.10142544917415626,1.28 +3132,1.0567262275377123,0.10099501347086551,1.08 +3133,2.070655409515883,0.10209611625073627,2.04 +3134,0.9476238680562543,0.10182640889968424,1.0 +3135,1.9249918667165848,0.10234506417395804,1.78 +3136,1.5844529833633272,0.10110104864478751,1.68 +3137,0.922811857816267,0.10145089191849681,0.86 +3138,1.8103835154411951,0.10298030525140081,1.76 +3139,0.853443522880063,0.10169398403036435,0.84 +3140,1.3911811612378135,0.10082248777406644,1.56 +3141,1.3110420343315459,0.1010513113241456,1.3 +3142,0.8586273263786912,0.10154313703334586,0.92 +3143,2.8412964068212787,0.109403132291782,2.86 +3144,0.4972311179978559,0.10381024659363128,0.54 +3145,0.9941534038827375,0.10137542503268118,1.12 +3146,1.5604902962831237,0.10267338020726748,1.46 +3147,1.2742043394267737,0.10110416620348613,1.26 +3148,2.0417347097556693,0.10192635694477094,2.0 +3149,2.126014316193423,0.10209917369781568,2.14 +3150,1.9402901125012766,0.10314958771083471,1.92 +3151,1.5166886814121339,0.1028313292390917,1.56 +3152,0.9585173384058334,0.10121757108874935,1.06 +3153,1.2367257613337619,0.10085793164480829,1.32 +3154,0.4369071326810816,0.10420095831579791,0.38 +3155,0.9393422147896471,0.10200247779966284,0.94 +3156,0.9527896924916737,0.10156780662317909,0.98 +3157,1.72955136222858,0.10185134833499339,1.68 +3158,2.30686799392036,0.10503183937829662,2.38 +3159,1.8289457976004078,0.10149047988136871,1.9 +3160,1.5555385089423017,0.10092746075996743,1.38 +3161,1.3174791708257378,0.10041077498226397,1.36 +3162,1.6614963280185397,0.1008771405256819,1.66 +3163,1.0439362778976038,0.10123662751604542,1.02 +3164,0.4406560543937166,0.10612852559797376,0.46 +3165,0.9665155220423605,0.10336053068023322,0.96 +3166,1.5531157154440647,0.10141162023466703,1.52 +3167,2.7638099553544997,0.11032867212071498,2.8 +3168,1.2298580840247586,0.10105344335393884,1.28 +3169,2.2907784678771392,0.10421073850503174,2.16 +3170,1.1728492700571562,0.10085932332844433,1.14 +3171,1.1549785443286174,0.10185265677634854,1.14 +3172,0.4083369142484583,0.1061991935131379,0.44 +3173,0.584483646476009,0.10417632624971768,0.5 +3174,1.1261737715301476,0.10183759668069418,1.14 +3175,0.5369426349345614,0.10383608461715008,0.56 +3176,2.205339410015803,0.10292807708463188,2.28 +3177,1.9740071734608369,0.10206837731205483,1.92 +3178,1.5292417080878022,0.1007025278253449,1.54 +3179,1.1334143852177048,0.10133365612622527,1.18 +3180,0.6150043726277123,0.10235219304415219,0.64 +3181,1.092394195634508,0.1011390456373763,1.12 +3182,0.7860552821727713,0.10314988065034629,0.84 +3183,0.7897843200886709,0.10192838190433984,0.8 +3184,1.2765144998021751,0.10438599887937412,1.3 +3185,1.3107218917070325,0.10189641966846934,1.4 +3186,1.0777643289928773,0.10230270374412131,1.08 +3187,1.7254599064975158,0.10143102691609467,1.68 +3188,1.1984142738855856,0.10169499175029824,1.54 +3189,1.5377867858399552,0.10145073198147472,1.44 +3190,2.2296486517284073,0.10329690645726451,2.2 +3191,1.1483984841662822,0.1011015300140805,1.14 +3192,1.4038961326088815,0.10239903006439827,1.46 +3193,0.9642555895882088,0.10090194668242557,1.0 +3194,0.4356203067137512,0.10485067689623524,0.52 +3195,1.2977789417832317,0.10042806035213425,1.3 +3196,0.9495811707993054,0.10137414698125032,1.1 +3197,2.2454175951929187,0.10206144869971671,2.24 +3198,0.5592235329572366,0.10364950197021573,0.66 +3199,1.6506129164750794,0.10128710117977176,1.58 +3200,1.6545757732924995,0.10098439618017457,1.52 +3201,1.1581400765322198,0.10165175942373171,1.22 +3202,3.003534312363872,0.10929354263606117,2.92 +3203,1.4363791421958785,0.10087898389691945,1.4 +3204,0.9913983231748025,0.10098453760889949,0.96 +3205,3.123327984534189,0.10941451041564791,3.18 +3206,0.8066513830760298,0.10167551045939002,0.8 +3207,-0.061701914261977686,0.12110245104978663,-0.1 +3208,1.4103932691995167,0.10106055028703859,1.48 +3209,2.789189789757213,0.10870957300798616,2.68 +3210,1.5733237095586856,0.10068822313929099,1.54 +3211,1.5172642060316865,0.1014833357271357,1.44 +3212,0.7021981303509433,0.10265395369391092,0.78 +3213,1.1778380390100762,0.10099197553675035,1.08 +3214,1.2515715510871919,0.10299358143545703,1.18 +3215,0.7645265536419392,0.10209450690775655,0.9 +3216,1.7267352057586185,0.10134755403389412,1.68 +3217,0.5389532673696384,0.10294839196193765,0.54 +3218,0.5129848979977465,0.10281427006339558,0.6 +3219,0.9296908141579754,0.10145958145263277,0.86 +3220,3.068897081417589,0.10872911697074869,3.1 +3221,2.1614421197533353,0.10252082785448718,2.2 +3222,1.9778178364655294,0.10218782419876621,1.98 +3223,0.382435368647396,0.10513152041978695,0.38 +3224,1.4189082139157063,0.10354132359003378,1.3 +3225,1.9493770598163882,0.10209535133994524,1.94 +3226,2.094148761094509,0.10186660151663035,2.0 +3227,2.0391272215147715,0.10213200041841998,2.0 +3228,4.006620996523484,0.11649090897147998,4.04 +3229,0.8423548972711179,0.10156047856666936,0.9 +3230,0.7187703368880134,0.10255399788014875,0.74 +3231,0.624438118671854,0.10247366520588956,0.62 +3232,1.1661561376849396,0.10128228548375712,1.12 +3233,1.0821133710036148,0.10107239412265306,1.14 +3234,1.5452927533843235,0.1008217591391664,1.6 +3235,0.8941261348160585,0.10246626783333328,0.92 +3236,1.1412729142878708,0.10154291668202628,1.18 +3237,0.3055115177172991,0.10644607740106436,0.44 +3238,0.955319419039437,0.10146614038077109,1.0 +3239,1.0817602810458806,0.10153221021506394,1.1 +3240,1.783622808563617,0.10150965359110255,1.76 +3241,1.9396422835797222,0.10216506790089691,1.98 +3242,1.1391206476079991,0.10058448311284626,1.18 +3243,1.9657331271116012,0.10247700519840978,1.94 +3244,1.2094052679427454,0.10059961427130484,1.24 +3245,1.7852254026470253,0.10186418205992859,1.86 +3246,1.5766964152387641,0.1010667810979686,1.56 +3247,1.2271802417333182,0.10047249048966694,1.28 +3248,2.34919474750701,0.10253755577256889,2.3 +3249,1.7323600247955466,0.10154316785179536,1.72 +3250,0.3528983616015464,0.10601859110322774,0.42 +3251,2.725037928805918,0.10738463438010876,2.76 +3252,1.7766896101692315,0.10154508591700119,1.7 +3253,2.7405220896166966,0.10925675034070789,2.72 +3254,1.1592674199895538,0.10231883341345495,1.16 +3255,0.7372426887039187,0.10346143384760564,0.84 +3256,1.3724866724394713,0.10251558545275981,1.28 +3257,2.102124794810546,0.10171282003154306,1.64 +3258,0.1709178340642621,0.11030183447409253,0.14 +3259,1.8466620529807363,0.10209352649665648,1.88 +3260,0.9116577683811753,0.1014229705854884,1.02 +3261,2.5870377308843437,0.10533084980056835,2.48 +3262,0.9360232326628297,0.10097605869436174,0.98 +3263,2.419182327096923,0.10306638304404785,2.44 +3264,2.25974138852224,0.10378731846604618,2.28 +3265,1.3336344258432253,0.1026717777928653,1.4 +3266,1.5402765493051722,0.10176977945454296,1.48 +3267,1.2044314833756713,0.10131802001487375,1.26 +3268,1.5921203536771207,0.10131871650359361,1.54 +3269,0.6873492942898449,0.10389421433579617,0.68 +3270,1.9715679491635603,0.10173333088434808,1.98 +3271,1.2206865495503292,0.10064357661046185,1.2 +3272,1.2319559309402661,0.10034802563427439,1.16 +3273,1.9805909362586183,0.10183016256410926,1.86 +3274,2.008847033863578,0.10324797700883487,2.08 +3275,1.5465396406684169,0.10084251267024383,1.52 +3276,2.2468520197082427,0.10247381236335477,2.48 +3277,1.836129764030275,0.10244556151088265,1.88 +3278,1.5697811987853603,0.1008653667742994,1.48 +3279,2.51728218501864,0.10629376526120887,2.66 +3280,1.0693851796888756,0.1012762009597512,1.1 +3281,0.5140647984533009,0.10381980057819118,0.62 +3282,1.1357410128227874,0.10107281035679226,1.16 +3283,0.9105594679676476,0.10263947099765237,0.94 +3284,0.9771515525156322,0.10061134680019206,1.12 +3285,1.8214990177783041,0.10175246524566403,1.9 +3286,0.7543415919014149,0.10336668407070441,0.8 +3287,-0.12022973932274206,0.12425931958020169,0.0 +3288,1.6478908769196072,0.10096464438115772,1.58 +3289,2.6953066977360933,0.11156430257104175,2.7 +3290,0.7960043811354856,0.10183516894380355,0.82 +3291,0.9534996848816595,0.1011736033033731,0.9 +3292,1.5221198447903814,0.10086033692101959,1.5 +3293,1.0974369176533434,0.10060022297818492,1.12 +3294,1.4713799944715438,0.10091918226697534,1.62 +3295,1.2527756626330981,0.10112264610754683,1.32 +3296,1.6918614441856012,0.10167043951724133,1.6 +3297,2.179893849774146,0.10252242010942873,2.2 +3298,1.0802307476773583,0.10139396895328003,1.14 +3299,1.3347311369302728,0.1005397222804854,1.32 +3300,0.7466358477252688,0.10183537741008823,0.72 +3301,0.5116102236038207,0.10446771690028617,0.58 +3302,0.9633610664123429,0.10132300620882403,0.96 +3303,1.7269405118552503,0.1011002498995206,1.6 +3304,0.9682882777749844,0.10127030872886876,0.94 +3305,1.7274189591002693,0.10096403712822163,1.66 +3306,3.2145837665495662,0.10805097887785098,3.08 +3307,0.8441089156377364,0.10169486985800463,0.94 +3308,3.6540328925120598,0.11469577420521629,3.62 +3309,1.843731545103761,0.1015488286584063,1.82 +3310,0.9690470360962242,0.1016969399312593,0.98 +3311,2.5801381082672883,0.10393174733316055,2.52 +3312,1.676126858935216,0.10239871067706734,1.66 +3313,0.9557351635192324,0.10081722469689709,0.96 +3314,1.2774570523193167,0.10244649295636397,1.34 +3315,2.436662610064719,0.10325588977937732,2.54 +3316,1.0369902512640399,0.10191809684355306,1.02 +3317,2.6323629446937105,0.10632710730325375,2.52 +3318,1.2300885946301,0.10172782959721254,1.36 +3319,1.185312207607392,0.10089544856329882,1.26 +3320,1.2520905879774593,0.10093535799885701,1.34 +3321,1.263454669748558,0.10082425924058207,1.2 +3322,2.079060540115922,0.10255997413874357,1.86 +3323,1.258894601538312,0.10152390627141632,1.18 +3324,1.917115055578069,0.10229999939201721,1.94 +3325,1.286322017341259,0.10125795556267896,1.28 +3326,1.2915676883624412,0.10229353644359444,1.34 +3327,0.10639933832027615,0.11345950334913274,-0.04 +3328,0.7033192881393011,0.10199001530610224,0.74 +3329,1.4832468435660429,0.10600948884007456,1.48 +3330,0.7616433209000915,0.10240079820646275,0.76 +3331,0.7914660760314012,0.10167625345071182,0.88 +3332,0.9910421691653004,0.10140502247585602,0.96 +3333,0.7646371393067211,0.10319214018174575,0.8 +3334,1.6159387279812696,0.10069818616188966,1.56 +3335,1.7966137736062568,0.10188218198836116,1.68 +3336,0.767401429740399,0.10173674759075568,0.76 +3337,2.682785493384319,0.10660376142171209,2.64 +3338,1.6307681148809043,0.10203850329222096,1.62 +3339,1.0137220353803469,0.10096310997638473,0.94 +3340,1.123388484057166,0.10062114860941423,1.16 +3341,1.2624678772313371,0.10052358668281915,1.26 +3342,1.332186626414188,0.10234337841933643,1.34 +3343,0.7251982129237573,0.10192246166769829,0.82 +3344,0.7399671203733751,0.10189111956040217,0.7 +3345,1.479752909445345,0.10080577562736438,1.66 +3346,2.1024861314854597,0.1022374782341158,2.26 +3347,0.9175111759582923,0.10137985630745884,1.0 +3348,1.3135060313241558,0.10078604960241597,1.36 +3349,1.197320723522221,0.10113680756676693,1.26 +3350,0.547441286884087,0.10267429028019108,0.54 +3351,1.3288150568922779,0.100975814200246,1.34 +3352,1.5278659476115128,0.10134542968038242,1.52 +3353,1.1984495696475255,0.10051668252856984,1.28 +3354,0.8661804079871478,0.10128231237860635,0.86 +3355,2.0301411460814833,0.10254363072586789,1.96 +3356,1.0101920085753695,0.10097203426280864,0.98 +3357,1.3264896267900956,0.10080093038435259,1.3 +3358,1.2890254238666257,0.10086381756710863,1.28 +3359,0.6693697706422765,0.10513307624568427,0.68 +3360,1.9667098477481735,0.10188871618069874,1.98 +3361,1.7741150235307364,0.10180985953576664,1.68 +3362,1.7886521209625916,0.106941409196529,1.94 +3363,1.3361538059232634,0.10294992184937972,1.22 +3364,1.3398566999708803,0.10221174160907633,1.32 +3365,0.5710881389678695,0.10487882888843368,0.54 +3366,1.4940394425174153,0.10149591815882358,1.48 +3367,1.1483683099591315,0.10107923764202092,1.12 +3368,1.7339745886658766,0.10200131513465335,1.64 +3369,1.1457555504277612,0.10038599197033828,1.1 +3370,1.3362476588293537,0.1009793504802484,1.36 +3371,4.635743741103763,0.16417563172203836,4.44 +3372,1.082510280798555,0.10091022579476165,1.18 +3373,2.0697411533167482,0.10176688956794418,2.02 +3374,1.2452414144609028,0.10164078628077212,1.18 +3375,0.635856482228579,0.10400359913343661,0.6 +3376,0.7104549215667715,0.10208814906006264,0.8 +3377,0.9520818006728609,0.10114445310520431,1.0 +3378,1.123867366265937,0.10134279688940219,1.22 +3379,1.053493608246743,0.10148534731399589,1.06 +3380,1.319849979417295,0.1010357956146581,1.28 +3381,1.1413147744059946,0.100713745464566,1.12 +3382,1.6603743880124175,0.10068566764731864,1.66 +3383,1.3003871958097581,0.1015284453571172,1.38 +3384,2.4310687199182546,0.10376492798878562,2.44 +3385,1.7467590483820208,0.10247295667668685,1.76 +3386,1.0036155678652816,0.10138815290715114,0.92 +3387,1.7094348265415034,0.10169384995215285,1.72 +3388,0.9105469252252403,0.10142640960315172,0.92 +3389,2.0475602741946126,0.10262907419560834,1.96 +3390,1.560234796448359,0.1016860381988512,1.56 +3391,2.9333538526063876,0.10817521131257174,2.98 +3392,1.0593166018534317,0.10140497584738636,1.18 +3393,2.4649287367894495,0.10853973172783717,2.76 +3394,0.9001167209537291,0.10177177867613094,0.92 +3395,2.435318149978624,0.10469528973620615,2.38 +3396,3.111459274015445,0.11338058337115871,2.96 +3397,0.7334773933499255,0.10248408536495437,0.82 +3398,1.5869244988422258,0.10157168659176193,1.58 +3399,3.131712473899956,0.11300969143455078,2.96 +3400,2.1483004040316196,0.10226177695276957,2.2 +3401,1.593987156529028,0.10480427532842956,1.7 +3402,2.8805815074102554,0.10599009571228671,2.74 +3403,1.1181549473187535,0.10071608867519631,1.14 +3404,0.8960925355701332,0.10163000614766286,0.9 +3405,0.5372498008306896,0.10612561928761406,0.6 +3406,1.1870446529445002,0.10028152130003322,1.3 +3407,1.0193416886367463,0.10126059927032785,1.06 +3408,0.9824408158975328,0.10144284625256168,1.08 +3409,0.8813073970184211,0.1022837178346003,1.0 +3410,0.7150950236941964,0.10254472568775455,0.7 +3411,0.5983819848680445,0.10316283483168473,0.48 +3412,1.525711547017824,0.10083689423720436,1.66 +3413,2.575272562313746,0.10608464421783761,2.68 +3414,1.1553823800479817,0.100769931451464,1.16 +3415,0.3989368189203579,0.10607875549690594,0.4 +3416,1.4134972404546706,0.10086284886866133,1.4 +3417,1.173400637724711,0.10102856861786925,1.12 +3418,1.0065533490959095,0.10123523881298829,1.06 +3419,2.0584915678741957,0.10246117228508696,2.04 +3420,0.8242124628562129,0.10309007866820954,0.7 +3421,0.7600159052854776,0.1019752206570113,0.78 +3422,1.3610795919528085,0.1014778744785376,1.48 +3423,0.7580500037744569,0.10274123143584185,0.76 +3424,2.831705550162688,0.10664011307205191,2.78 +3425,1.530712923954926,0.103122894273589,1.58 +3426,1.6360341744827769,0.10152313718146329,1.62 +3427,1.7497140177660595,0.10117356788410463,1.82 +3428,1.0372970071169119,0.10144044287334968,1.08 +3429,1.4377772905952353,0.10163590104726866,1.42 +3430,0.7224798091020295,0.10203860647296188,0.7 +3431,1.6975267397591158,0.10129608915415282,1.7 +3432,0.6030537187434353,0.10330837601824513,0.68 +3433,3.0768470078124217,0.11180541442306696,2.96 +3434,1.7418829515120533,0.10501032165803055,1.74 +3435,1.2514315454377998,0.10054184403584063,1.38 +3436,0.8263497128206791,0.10182455547369715,0.9 +3437,1.06184175491472,0.10234593607554635,1.1 +3438,1.0746429201506122,0.10208251559772653,1.14 +3439,0.984938309075744,0.10092506709433847,0.92 +3440,1.2748601041797298,0.10094869385339246,1.22 +3441,3.142811691319313,0.10980738487406515,2.9 +3442,2.0772587021707984,0.10218617474997417,2.08 +3443,1.723669094991468,0.10400845111245774,1.74 +3444,2.466270972411511,0.1060150380310186,2.48 +3445,1.00496447096123,0.10091563743217817,1.0 +3446,2.5880419177060965,0.10374353146301198,2.56 +3447,0.8252971535774234,0.10219706772580618,0.94 +3448,1.0059867614198905,0.10067700070341597,1.02 +3449,1.1766495871395504,0.10191619041963297,1.3 +3450,2.690092595938733,0.10523143076647426,2.32 +3451,1.6464463079324572,0.1016267861347252,1.54 +3452,2.0285359472377813,0.10175432247428887,1.9 +3453,3.5796117693606817,0.11044450187954066,3.44 +3454,1.6995002434128315,0.1040964375715552,1.72 +3455,1.1052369354554832,0.10248004456822284,1.16 +3456,0.8157788622648245,0.10246832492188215,0.92 +3457,0.9446806987852303,0.1020149244060745,0.98 +3458,0.9758743661795319,0.1020086548036701,1.0 +3459,1.3656444677557003,0.10185164121341089,1.28 +3460,2.4607357093932016,0.10311608664641368,2.36 +3461,1.7252965040877368,0.10175783596511469,1.82 +3462,2.302456434375525,0.10281696395878095,2.32 +3463,1.3695536858459183,0.10113225156074572,1.32 +3464,2.4665038406219146,0.10293845956543032,2.44 +3465,1.5185677746092485,0.100801404084598,1.48 +3466,1.3105552010736294,0.10045662200793455,1.24 +3467,0.9045743991709825,0.10269405244022779,0.84 +3468,0.4055969298976476,0.10610507480036771,0.4 +3469,1.8683891471527792,0.10335335630174121,1.82 +3470,3.7683819499671856,0.11688270314010948,3.82 +3471,1.344215328312021,0.10041220797914155,1.36 +3472,1.0669095305866525,0.10070600530444752,1.18 +3473,1.0897686773368986,0.10104881399242646,1.14 +3474,1.918636472738317,0.10162987567780397,1.76 +3475,1.6593398488156443,0.10117303645419974,1.66 +3476,0.5637523926317802,0.10284273789082243,0.6 +3477,0.8866879148698599,0.1014316893418637,0.86 +3478,0.9431565843304701,0.10191688917908773,0.94 +3479,1.1296020522441486,0.10072689498193438,1.08 +3480,1.387105886624777,0.10359706591804091,1.54 +3481,2.424132376802536,0.10446646519368205,2.26 +3482,1.289297521416781,0.10393954261656495,1.28 +3483,1.272632327421636,0.10094322940099373,1.24 +3484,0.9583029060978843,0.10170499758910448,0.98 +3485,1.4380933836155305,0.10369439071543766,1.54 +3486,1.7631480163878306,0.10743924793521406,1.42 +3487,1.668411409588188,0.10087122725441518,1.68 +3488,1.1053280048529073,0.1005897388014044,1.14 +3489,2.0273924764154962,0.10211618375822022,1.98 +3490,0.6227398722524844,0.10389686473108718,0.68 +3491,2.0589939264536277,0.10260583993568842,2.0 +3492,1.236338052659814,0.10304983258077025,1.34 +3493,1.2547236884834054,0.10076329140795987,1.24 +3494,2.345708325615572,0.10292738858641494,2.6 +3495,1.0479119001708133,0.101508702688563,1.12 +3496,1.9353169527251308,0.10221011867485816,1.94 +3497,1.6810422820616002,0.10163325887287418,1.62 +3498,2.4231555881915945,0.10284211614655665,2.42 +3499,2.154266839015097,0.10179831414684457,2.18 +3500,0.3599448605931277,0.10846038624279533,0.44 +3501,1.4842396931687138,0.10279650300763865,1.6 +3502,0.4810695319215055,0.10505494735763153,0.48 +3503,2.535614317504958,0.10402460826693374,2.46 +3504,1.4906281545774964,0.1016562150028674,1.44 +3505,1.2819036486897237,0.10066852269684062,1.2 +3506,0.8866455968203686,0.1016040266330348,1.02 +3507,1.3927670539598613,0.10116205663197043,1.54 +3508,1.7594231914961502,0.10243136851608882,1.88 +3509,0.4138447100489058,0.10945458992016541,0.44 +3510,1.135059465105648,0.10087994848984813,1.2 +3511,1.5263277228795606,0.10103840337495863,1.46 +3512,0.9218730195885809,0.10158957531729593,0.92 +3513,1.0399784768883504,0.10142925217372806,1.14 +3514,2.379663142145258,0.10499396298911198,2.34 +3515,0.8628746668206231,0.11045094069620476,0.9 +3516,1.216608801806739,0.1015083621358916,1.16 +3517,1.166618678246859,0.10074617115119495,1.22 +3518,1.4866857317694337,0.10165939683869818,1.5 +3519,1.7617213688562037,0.10139748385440446,1.76 +3520,0.7796529623080735,0.102034913922456,0.74 +3521,0.25304257777302985,0.10875963540763879,0.3 +3522,1.7335142517419297,0.10089413757424424,1.72 +3523,1.5018295270848936,0.10212391948285802,1.48 +3524,0.8535816625608772,0.10166863953516,0.94 +3525,0.32696675360059024,0.11154352002018893,0.1 +3526,1.5384508573992652,0.10195651091760455,1.38 +3527,1.7371059774054556,0.10106116378140301,1.74 +3528,2.2068269729355947,0.10287197876734647,2.1 +3529,0.7774730761488795,0.1024847001705958,0.78 +3530,1.9360910723132176,0.10246472404101821,1.9 +3531,2.2916200095434753,0.10484362944802313,2.28 +3532,2.904079431307867,0.10746112195338665,2.94 +3533,2.4520112790431092,0.10554532586254806,2.46 +3534,0.6865986865764275,0.10328453774710515,0.56 +3535,1.9779698695655055,0.10166946002257146,1.96 +3536,1.781024900413829,0.10167554338966925,1.76 +3537,0.08024049457641858,0.11056677864366185,0.06 +3538,1.8071084782103772,0.1054871522177551,1.86 +3539,1.3762498396621365,0.10085085971342567,1.38 +3540,0.8259365568348931,0.10235950256029587,0.86 +3541,1.0100873786115263,0.1005786188083901,0.98 +3542,1.9047436395915545,0.10213383275866782,2.02 +3543,0.6702676458083869,0.10176949827352012,0.7 +3544,0.2966068759972271,0.10715137952239037,0.3 +3545,1.5061706413114029,0.10187254372553851,1.58 +3546,0.5266791019730659,0.10369840533476694,0.54 +3547,1.89815432018689,0.10184068570986515,1.86 +3548,0.5176868727279389,0.10304422046827312,0.6 +3549,1.6375013628071213,0.10112674003882337,1.64 +3550,1.6741364930377107,0.10543750988352064,1.76 +3551,1.2926569368613767,0.10142486213091889,1.28 +3552,1.090219467744397,0.10112491156039878,1.18 +3553,2.542101746259398,0.10500638259690323,2.3 +3554,0.4526141923693776,0.10495871522953042,0.44 +3555,1.317812767858214,0.1014414103323813,1.3 +3556,2.4574425418626866,0.103335579134426,2.54 +3557,1.5751500610605509,0.10069484991724965,1.54 +3558,0.3249048158203711,0.10885493872218781,0.42 +3559,2.6539578362579412,0.10634383066855153,2.7 +3560,0.8623228857246976,0.10192205925500732,0.86 +3561,1.0070773171747545,0.1015988171446901,1.06 +3562,0.4730141384192341,0.10680970519666544,0.44 +3563,1.039858894122556,0.1008555213121864,1.06 +3564,1.1092211213753769,0.10140062580861438,1.12 +3565,1.47134430063517,0.1008572111390625,1.44 +3566,0.6873621485413677,0.10264510529740621,0.68 +3567,2.4279853237252773,0.10462856923019333,2.4 +3568,0.7668324007913296,0.1026295444691427,0.82 +3569,2.7132333293601043,0.1091004692553395,2.68 +3570,0.5470058228735686,0.10272118000994716,0.56 +3571,2.0584433467278096,0.10174221643057392,1.82 +3572,1.5510343333584868,0.10105185964829765,1.56 +3573,3.016768552845342,0.10799233487197372,2.92 +3574,2.206323743881775,0.10218344308200589,2.02 +3575,1.2932397376316656,0.10226783935362099,1.02 +3576,1.2769922593168095,0.10142296879979588,1.36 +3577,0.9481292438148932,0.10148367548936597,1.1 +3578,1.1161350523348295,0.10176035947628038,1.18 +3579,2.161789785716202,0.10330679554996026,2.18 +3580,0.6608137081394678,0.10190846985728821,0.56 +3581,1.320990193299625,0.10485658946155171,1.34 +3582,1.8447000296028369,0.10185083842589131,1.86 +3583,2.349469736795889,0.10281420183388879,2.5 +3584,2.1414131824735883,0.10253189247596745,2.02 +3585,2.563913988459994,0.10439948151686267,2.52 +3586,1.7998843930937232,0.10879864804846572,1.8 +3587,1.6347875427152905,0.10110484927402208,1.64 +3588,2.3759333437417496,0.10585875921581525,2.26 +3589,3.8983977606672013,0.11418054083629925,3.92 +3590,1.968339579780494,0.10234662832360872,1.94 +3591,0.9075282036296277,0.11154375291732803,0.92 +3592,1.2436091623699566,0.10107941564252712,1.2 +3593,1.598657295026676,0.10119898540327248,1.62 +3594,2.224716848260279,0.10238098038600464,1.9 +3595,1.1035015951840383,0.10083059362264836,0.9 +3596,0.7631512390952719,0.10276149892874063,0.78 +3597,2.1036828249236557,0.10295362358802389,2.02 +3598,1.9533650496212578,0.10532284892664051,2.02 +3599,1.1711446345820524,0.10091782323189948,1.24 +3600,1.9078699587104457,0.10287382425942698,1.96 +3601,0.5604807421284048,0.1031618813497097,0.6 +3602,1.4749757469356515,0.10306601124833983,1.52 +3603,1.923488830268912,0.10245477578325705,1.56 +3604,2.297887769182843,0.10225734712549855,2.06 +3605,1.545783795147276,0.10120262698621066,1.56 +3606,0.2572957640367972,0.10884686081946879,0.32 +3607,1.2540135884694725,0.10084962418024111,1.32 +3608,1.5909898857751974,0.10273723510640165,1.62 +3609,2.3220572590960877,0.10362353553038962,2.36 +3610,1.5275191411632354,0.10256023051905197,1.44 +3611,1.8614377353506588,0.10343112615028216,1.76 +3612,1.1890937496611256,0.10087470600628438,1.3 +3613,3.4838579064517674,0.1098496706707621,3.52 +3614,3.9261250549426556,0.11362156684758119,3.98 +3615,1.5132621521478702,0.1025867469469508,1.58 +3616,1.6845156294727166,0.1033818287085647,1.66 +3617,1.3678793980735937,0.10359955056463177,1.48 +3618,0.93213150504366,0.1010125366872572,0.96 +3619,1.142262680992619,0.10056745678626734,1.22 +3620,0.6019700563409243,0.10433884769380126,0.68 +3621,0.8179848584436404,0.10289107303964559,0.72 +3622,1.4909907246335974,0.10290532983909684,1.64 +3623,1.276652212850539,0.10310279586760994,1.34 +3624,1.4516675246125954,0.1014598053887382,1.54 +3625,2.3902977976570163,0.10423395840930659,2.42 +3626,1.6444854474534798,0.10071470662428898,1.62 +3627,0.7152437524687263,0.10202755341906286,0.76 +3628,1.3638390788542514,0.10048237559209322,1.38 +3629,2.1641054810889493,0.10213085552765754,2.12 +3630,0.4281817041427478,0.10480754542130458,0.54 +3631,1.8602525293193073,0.10185677670780635,1.9 +3632,1.9363550650642265,0.10181847043697745,1.88 +3633,1.5454538031244665,0.10376197408213378,1.54 +3634,0.393050694462598,0.10541191506199761,0.44 +3635,0.7715664299135978,0.1020329314705096,0.9 +3636,1.702376114435619,0.1011358027316342,1.66 +3637,1.947452658513949,0.10408003043256371,1.86 +3638,1.492220153195422,0.10140576248834379,1.42 +3639,0.7697403251315682,0.10633952843857356,0.76 +3640,1.1044733979762744,0.1015645297025541,1.1 +3641,1.6549595159551982,0.10181447921266272,1.6 +3642,0.9546442758732991,0.10178581843930094,1.0 +3643,1.382580772564278,0.10124758278225776,1.5 +3644,0.49580185264965926,0.10444207282944831,0.42 +3645,2.344139829086135,0.10429331893166192,2.46 +3646,1.4410365137932215,0.1014009264008049,1.46 +3647,1.1101687571731025,0.10117925870448839,1.2 +3648,2.143635604769795,0.10359426220872786,2.12 +3649,0.7668182910117094,0.10229477653060476,0.78 +3650,1.16847329998183,0.1006242977222563,1.14 +3651,1.4497198249797376,0.10112581711615141,1.48 +3652,1.7602809053169393,0.10146570302713262,1.78 +3653,1.3408036671827082,0.1007564261184161,1.38 +3654,1.649929024402997,0.10065469592800122,1.6 +3655,1.3584970841258117,0.10126471463032669,1.36 +3656,2.447567990602817,0.10429768505008319,2.42 +3657,1.6988209932543261,0.10148225976808148,1.86 +3658,2.0371652466756878,0.10185692944119573,1.96 +3659,0.38247907994744046,0.1079667311496991,0.52 +3660,1.8993448122260224,0.10313030950371281,1.76 +3661,1.0850639864567027,0.10183626875486582,1.42 +3662,1.9061473793732728,0.10439525939331756,1.9 +3663,1.1040808173123577,0.10108513946640788,1.08 +3664,2.1597890020699815,0.10225937868661067,2.06 +3665,0.9214334874197794,0.10133410812077864,1.02 +3666,0.9629273904261202,0.10186402844133587,1.04 +3667,1.12682719184421,0.10210523645743427,1.2 +3668,0.5643586941905985,0.10294838221123365,0.54 +3669,2.7707531272988426,0.10815983220567334,2.86 +3670,1.3877338053984223,0.10156497696299084,1.42 +3671,1.8644303883720033,0.10196601483676469,1.84 +3672,2.181987016866586,0.10187594930328057,2.18 +3673,0.926945928595085,0.10283254001291958,0.94 +3674,1.9432084057012877,0.10204567072884825,1.94 +3675,1.1461307568062187,0.10189790762209364,1.3 +3676,3.451026914908926,0.11355983888125606,3.4 +3677,3.9184107456342296,0.11546111988869466,3.9 +3678,1.640482535997293,0.10203500956064926,1.7 +3679,0.5160228509958882,0.10421707251347359,0.56 +3680,0.7715951214048251,0.10231035599338524,0.72 +3681,1.0834053085636766,0.10082242822184266,1.08 +3682,1.4753053049310656,0.10126328306936104,1.46 +3683,0.7663870119277651,0.10156145649562943,0.78 +3684,2.55881463900732,0.10396508847214933,2.5 +3685,2.594625018381759,0.10392093030631898,2.56 +3686,0.29756011539393135,0.10626299836082953,0.44 +3687,1.7736714905325603,0.10124509287473166,1.82 +3688,2.651489930448573,0.10671901066693329,2.48 +3689,0.900485601150322,0.1009658688935913,0.92 +3690,1.004602704744247,0.10107736228019686,1.06 +3691,1.1975508944972402,0.10104068616352076,1.14 +3692,0.964411930717201,0.10141340818582797,0.94 +3693,1.9325068570861814,0.10195021147921811,1.86 +3694,4.0277829491723836,0.11665686988350904,4.08 +3695,2.4474884538409007,0.10473378242893583,2.4 +3696,2.034906019670654,0.10197671484539748,2.04 +3697,1.3576805063596742,0.10205608520378168,1.36 +3698,0.46867350217068426,0.1059082269100596,0.42 +3699,1.042061026926216,0.10141760902958129,1.12 +3700,0.6921785355634709,0.10246775516246151,0.74 +3701,1.349025060553174,0.10108698270074012,1.58 +3702,1.0531333423146803,0.10079284642874126,1.12 +3703,1.660276041908627,0.10156337734173798,1.64 +3704,1.3280431767130059,0.10066587800383853,1.34 +3705,2.232671355367419,0.1021636297563457,2.3 +3706,0.9052907589664725,0.10149706360602045,0.96 +3707,1.1085877994171722,0.10166230426344176,1.12 +3708,2.059588160657558,0.10217580533514711,2.0 +3709,1.734893638060189,0.10125219943545305,1.74 +3710,1.3954570394992094,0.10140904646721348,1.4 +3711,0.872970952837324,0.1012070879808993,0.94 +3712,1.0567107316118294,0.10148441484306445,1.0 +3713,1.1580895502785855,0.10030837680583532,1.16 +3714,1.2179637605837959,0.10079868680363896,1.18 +3715,2.356979338288358,0.1025564757119933,2.52 +3716,2.4509783711284996,0.10514947632672864,2.36 +3717,2.4853160515247907,0.10414124920219886,2.64 +3718,1.0091385767062098,0.10084866088892931,1.08 +3719,1.539961449585032,0.10192598075949229,1.56 +3720,0.8638336608631503,0.10192777132647098,0.86 +3721,1.7343295152580145,0.10179272694314244,1.54 +3722,0.8347039975240305,0.10135027455299374,0.9 +3723,0.4966708879828585,0.10358328300076615,0.48 +3724,3.01589358365219,0.11387453671467572,2.96 +3725,0.9657729129917596,0.10160023855444827,1.06 +3726,1.8214393990225834,0.10161705131434512,1.58 +3727,2.2136134810386316,0.10255242716460776,2.08 +3728,1.1636218420004487,0.10074368269382523,1.24 +3729,1.4515987611621595,0.10104280319491868,1.4 +3730,1.0221879163243022,0.10078535012044428,1.16 +3731,1.0427123545335737,0.10111813518103427,1.12 +3732,2.1816859280730903,0.10318092536048158,2.1 +3733,0.9633555450623239,0.10151144096419498,0.96 +3734,0.7160662520130783,0.10260977207788319,0.76 +3735,1.4395903869702307,0.10293838276192688,1.48 +3736,1.137532816159858,0.10086562792416573,1.16 +3737,1.7600782462049158,0.10131334102395662,1.82 +3738,1.4336030807403508,0.1019570283954579,1.44 +3739,0.6239054306151315,0.10229285662947578,0.7 +3740,1.0337851065818453,0.10137299617010759,1.0 +3741,0.6846096091149254,0.10337040346286694,0.62 +3742,1.5699973297396388,0.10091966367283392,1.48 +3743,1.1288729048929864,0.10058002094196108,1.1 +3744,2.3663041222048733,0.10528387479246347,2.46 +3745,3.454411303657441,0.1100162072754259,3.36 +3746,0.5369755248986932,0.10384495943934043,0.58 +3747,2.112864344740345,0.1026113149647365,2.02 +3748,0.1531957596495166,0.11017099791115229,0.18 +3749,1.6128089795647573,0.10135808077149659,1.66 +3750,1.2294939169607593,0.10071270789839357,1.3 +3751,0.41391402191448967,0.10754224218862035,0.38 +3752,1.2896216202305302,0.10726565653944324,1.38 +3753,1.4944703719214052,0.10370664730992366,1.46 +3754,1.4439635560823871,0.10137435229564427,1.5 +3755,1.4572267496197744,0.10135446709914311,1.44 +3756,1.128743505184502,0.10100402530825386,1.14 +3757,2.5603141523707613,0.104199425311382,2.48 +3758,1.0794795510822401,0.1007483003727136,1.14 +3759,1.1557404718626605,0.10172743123716217,1.18 +3760,1.9308961982870654,0.10242481206476892,1.84 +3761,0.23030137325935107,0.10812511958797072,0.26 +3762,1.2047190671134265,0.10114093109135323,1.26 +3763,1.5003356855992533,0.10332067424895577,1.42 +3764,0.529479071258592,0.10280128751556977,0.54 +3765,2.768791609056567,0.10630233057994225,2.78 +3766,1.5537350119292055,0.1019856920405656,1.5 +3767,0.8956948440783028,0.1011466811675321,0.86 +3768,1.4300750972884406,0.10195385202845499,1.48 +3769,-0.0584250711790093,0.11983407263051982,-0.04 +3770,0.4971875551410603,0.10373763859634944,0.54 +3771,0.6153881792134077,0.1026693734999411,0.7 +3772,1.1630963558132306,0.10066094505810422,1.28 +3773,0.9645850857954092,0.10291776999103242,0.9 +3774,0.8958664207924973,0.10242596833923558,0.96 +3775,1.4886492620243066,0.1009511591797074,1.46 +3776,1.7930130607755073,0.10135691467483546,1.82 +3777,2.327639388578646,0.10388243888033019,2.36 +3778,1.3426063764350642,0.10196490182080463,1.38 +3779,1.3006525378997897,0.10165893949027288,1.32 +3780,0.8637961762513802,0.10246556429044403,0.9 +3781,1.4445673894325812,0.10121656499718416,1.46 +3782,1.1457672779090797,0.10139460307691292,1.2 +3783,1.9213359352282884,0.10209019898325344,1.96 +3784,1.7052670662037845,0.10285097812436321,1.78 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/val-metrics-2022.02.11.10.50.56.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/val-metrics-2022.02.11.10.50.56.csv new file mode 100644 index 0000000..36f2704 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/val-metrics-2022.02.11.10.50.56.csv @@ -0,0 +1,7 @@ +,0 +nll,-789.4325077486842 +sharpness,0.10339454715853542 +variation,0.0478234517969159 +mae,0.056805923502491196 +mse,0.0067396164045135315 +rmse,0.08209516675489203 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/val-metrics-2022.06.23.15.49.54.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/val-metrics-2022.06.23.15.49.54.csv new file mode 100644 index 0000000..b9e3802 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-3/val-metrics-2022.06.23.15.49.54.csv @@ -0,0 +1,7 @@ +,0 +nll,-789.5673323289291 +sharpness,0.10338232002329968 +variation,0.04781079107332545 +mae,0.05679056299361468 +mse,0.006736861501392965 +rmse,0.08207838632303248 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.01.19.14.24.58/train/events.out.tfevents.1642602298.node-l00a-005.myriad.ucl.ac.uk.68777.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.01.19.14.24.58/train/events.out.tfevents.1642602298.node-l00a-005.myriad.ucl.ac.uk.68777.0.v2 new file mode 100644 index 0000000..bef53ac Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.01.19.14.24.58/train/events.out.tfevents.1642602298.node-l00a-005.myriad.ucl.ac.uk.68777.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.01.19.14.24.58/validation/events.out.tfevents.1642602342.node-l00a-005.myriad.ucl.ac.uk.68777.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.01.19.14.24.58/validation/events.out.tfevents.1642602342.node-l00a-005.myriad.ucl.ac.uk.68777.1.v2 new file mode 100644 index 0000000..e4435fe Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.01.19.14.24.58/validation/events.out.tfevents.1642602342.node-l00a-005.myriad.ucl.ac.uk.68777.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.01.20.08.03.29/train/events.out.tfevents.1642665810.node-l00a-001.myriad.ucl.ac.uk.29530.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.01.20.08.03.29/train/events.out.tfevents.1642665810.node-l00a-001.myriad.ucl.ac.uk.29530.0.v2 new file mode 100644 index 0000000..d1db447 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.01.20.08.03.29/train/events.out.tfevents.1642665810.node-l00a-001.myriad.ucl.ac.uk.29530.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.01.20.08.03.29/validation/events.out.tfevents.1642665852.node-l00a-001.myriad.ucl.ac.uk.29530.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.01.20.08.03.29/validation/events.out.tfevents.1642665852.node-l00a-001.myriad.ucl.ac.uk.29530.1.v2 new file mode 100644 index 0000000..d4c7f55 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.01.20.08.03.29/validation/events.out.tfevents.1642665852.node-l00a-001.myriad.ucl.ac.uk.29530.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.01.20.15.20.28/train/events.out.tfevents.1642692029.node-l00a-001.myriad.ucl.ac.uk.199018.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.01.20.15.20.28/train/events.out.tfevents.1642692029.node-l00a-001.myriad.ucl.ac.uk.199018.0.v2 new file mode 100644 index 0000000..6663f80 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.01.20.15.20.28/train/events.out.tfevents.1642692029.node-l00a-001.myriad.ucl.ac.uk.199018.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.01.20.15.20.28/validation/events.out.tfevents.1642692064.node-l00a-001.myriad.ucl.ac.uk.199018.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.01.20.15.20.28/validation/events.out.tfevents.1642692064.node-l00a-001.myriad.ucl.ac.uk.199018.1.v2 new file mode 100644 index 0000000..ea25826 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.01.20.15.20.28/validation/events.out.tfevents.1642692064.node-l00a-001.myriad.ucl.ac.uk.199018.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.01.26.16.53.03/train/events.out.tfevents.1643215984.node-l00a-003.myriad.ucl.ac.uk.219939.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.01.26.16.53.03/train/events.out.tfevents.1643215984.node-l00a-003.myriad.ucl.ac.uk.219939.0.v2 new file mode 100644 index 0000000..afa33e4 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.01.26.16.53.03/train/events.out.tfevents.1643215984.node-l00a-003.myriad.ucl.ac.uk.219939.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.01.26.16.53.03/validation/events.out.tfevents.1643216043.node-l00a-003.myriad.ucl.ac.uk.219939.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.01.26.16.53.03/validation/events.out.tfevents.1643216043.node-l00a-003.myriad.ucl.ac.uk.219939.1.v2 new file mode 100644 index 0000000..f24273d Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.01.26.16.53.03/validation/events.out.tfevents.1643216043.node-l00a-003.myriad.ucl.ac.uk.219939.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.02.10.19.36.12/train/events.out.tfevents.1644521773.node-j00a-002.myriad.ucl.ac.uk.41855.0.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.02.10.19.36.12/train/events.out.tfevents.1644521773.node-j00a-002.myriad.ucl.ac.uk.41855.0.v2 new file mode 100644 index 0000000..953c0c8 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.02.10.19.36.12/train/events.out.tfevents.1644521773.node-j00a-002.myriad.ucl.ac.uk.41855.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.02.10.19.36.12/validation/events.out.tfevents.1644521827.node-j00a-002.myriad.ucl.ac.uk.41855.1.v2 b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.02.10.19.36.12/validation/events.out.tfevents.1644521827.node-j00a-002.myriad.ucl.ac.uk.41855.1.v2 new file mode 100644 index 0000000..2135734 Binary files /dev/null and b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/2022.02.10.19.36.12/validation/events.out.tfevents.1644521827.node-j00a-002.myriad.ucl.ac.uk.41855.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/metrics.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/metrics.csv new file mode 100644 index 0000000..99bc077 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,-3983.625372025611 +sharpness,0.10647668397957376 +variation,0.08957972244568298 +mae,0.055878378254346925 +mse,0.00633123812841062 +rmse,0.07956907771496802 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/predictions.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/predictions.csv new file mode 100644 index 0000000..96f373e --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/predictions.csv @@ -0,0 +1,3786 @@ +,Predicted value,Predicted standard deviation,True value +0,2.2030235465700576,0.10531894286962142,2.16 +1,2.737868777130763,0.10778992965499762,2.74 +2,0.7513110152360367,0.10493925146785972,0.78 +3,2.130816814410596,0.10487814220753425,2.06 +4,0.5008241767742394,0.10624637863753116,0.46 +5,1.737373044445497,0.10444312273718351,1.76 +6,1.2865831993911483,0.10428554000974148,1.18 +7,1.2533872609963082,0.10447926477398295,1.24 +8,0.7334168310341074,0.10494235418965295,0.66 +9,1.904179061208242,0.10433537278229765,2.0 +10,1.3337409146978905,0.10362462893796963,1.34 +11,1.3959503344491155,0.10455670559556562,1.28 +12,0.6950779852297719,0.10527226894548215,0.72 +13,0.889289015705077,0.1045469147735885,0.7 +14,1.1556105925455666,0.10477742972601753,1.18 +15,0.9294911815571414,0.10585607255510007,0.98 +16,1.306644759694298,0.10390193309534748,1.48 +17,1.3526651145242985,0.10374313762658165,1.36 +18,1.7298591931384157,0.10396102335903405,1.9 +19,1.5152318148157162,0.10446531713374657,1.48 +20,0.3885737900425683,0.1068026410016046,0.42 +21,0.9411498837582313,0.10474744636954064,1.0 +22,1.1104676359374315,0.10422442880705397,1.06 +23,2.7853031401751513,0.10799251721176294,2.8 +24,1.4251319417673747,0.10469482771134571,1.32 +25,1.1707325267678774,0.10466052201783423,1.16 +26,2.3748920503330195,0.1058939481303152,2.38 +27,1.0889635893972427,0.10443101489576327,1.08 +28,0.39181064379993735,0.10699304162585604,0.42 +29,2.578750927630753,0.10680044804038213,2.58 +30,1.6992999695083055,0.10418784901378547,1.7 +31,1.1216790715839666,0.10446305748494301,1.06 +32,0.6601378645550282,0.10536708651098867,0.7 +33,0.5340943716173898,0.10599238295943846,0.48 +34,0.9971055164217306,0.10443528762116817,1.02 +35,0.5826968633729193,0.1056573686412617,0.56 +36,1.639143239737673,0.10431128830600804,1.5 +37,1.5558565421631867,0.10453817684067443,1.44 +38,0.6104186546265407,0.10546873581516943,0.64 +39,1.8460126546946567,0.10413107642456886,1.86 +40,2.108674662160097,0.10484558030195422,1.92 +41,0.4428216135110281,0.10768096174450915,0.44 +42,1.0882231085634855,0.10454355011225037,1.12 +43,0.812103240309253,0.104647558219423,0.88 +44,1.3753075569973179,0.10391815365733047,1.36 +45,2.205219756493263,0.10537252102723131,2.02 +46,0.9046051194107072,0.10464282944125403,0.9 +47,2.250966184154186,0.1060118318964945,2.18 +48,1.8567565184962076,0.10486521103861171,1.88 +49,4.436697036609131,0.1866438804404298,4.18 +50,1.0685343290140876,0.10431483428489181,1.1 +51,2.0955321734645613,0.10478521857652544,2.1 +52,1.4907180954121548,0.10435985910931238,1.46 +53,1.7203428755581482,0.10494040351183048,1.92 +54,1.432731273199571,0.10441914226729085,1.42 +55,1.3206786932845267,0.10434810532851979,1.22 +56,0.2582682962044336,0.10987459265502592,0.26 +57,1.5205584336542008,0.1042806613858729,1.52 +58,1.5136095196300934,0.10412737969730193,1.4 +59,0.8515720183456095,0.10470177740799236,0.78 +60,1.1936385051586909,0.10540088991804165,1.08 +61,-0.21241584350558806,0.14899445316309137,-0.26 +62,2.1307448799344284,0.10528546815222561,2.14 +63,1.0795967810368667,0.10442783215508228,1.06 +64,0.9675452219871881,0.10462082802284937,1.04 +65,0.2326857426893305,0.1094417874780439,0.16 +66,0.7381675551581202,0.10578627931003473,0.74 +67,1.979596076130405,0.10465326725882225,1.94 +68,0.9053406351636459,0.10511458443905708,0.8 +69,0.9653228676198582,0.10434335576888573,0.82 +70,1.0724849948606971,0.1043873550607681,0.98 +71,0.9702695974973379,0.10434799506650098,1.02 +72,2.5169406745532923,0.10701974934153521,2.66 +73,1.0144587724112393,0.10511726566623567,1.06 +74,0.9894896216864,0.10461353059363399,0.96 +75,0.4073943414410337,0.1067900577881677,0.32 +76,3.558675190939584,0.11523261737234887,3.84 +77,1.3560514750388384,0.10434889782440183,1.34 +78,1.6229001534695184,0.10553885063264797,1.74 +79,1.403165432713675,0.10407897265885943,1.4 +80,1.778286971553448,0.104381276257734,1.84 +81,1.6765164346924122,0.10419851688159688,1.72 +82,0.9391871052770506,0.10480243666718332,0.9 +83,0.9254987481495194,0.10483093762054116,0.98 +84,1.9875489068047392,0.10434141520076134,1.94 +85,1.8898949102626679,0.1042322780909313,1.9 +86,1.8723063605470918,0.10433048537332376,1.9 +87,1.2593772225549378,0.10392936042281621,1.44 +88,1.1323144100682034,0.10430348910841131,1.08 +89,1.7562005102845353,0.10467049771245508,1.78 +90,1.1291303298082012,0.10440730069875097,1.12 +91,1.645389815244708,0.10423430176967974,1.64 +92,4.10294708745156,0.12792577229678717,4.22 +93,0.9376167334393495,0.1045317514006625,0.88 +94,0.9564428787192147,0.10475920200489126,0.98 +95,3.0673719079549064,0.11083821943186432,3.06 +96,0.7560678181652172,0.10470648822699165,0.8 +97,1.8502459228805241,0.1049877875860997,1.9 +98,2.0947058820606683,0.10472803646943778,2.0 +99,2.3612195883607354,0.1060093697585358,2.32 +100,0.6558686336307984,0.10500457915746063,0.64 +101,2.30061358119812,0.10558978899816131,2.18 +102,2.0440164091604833,0.10470289459046495,1.9 +103,0.4305971688142689,0.10692349123547577,0.36 +104,2.0133047185828863,0.10498447927390964,1.92 +105,2.828263117961618,0.10837751762435012,2.9 +106,0.7039536647453781,0.10492512531170713,0.8 +107,1.3931127054487673,0.10386481433019656,1.18 +108,0.1339087692834804,0.11394085743634712,0.08 +109,1.0466302590083165,0.10441594388682537,0.94 +110,1.5468002772524647,0.10432675488508855,1.56 +111,0.6697730448030628,0.1051162567649271,0.72 +112,1.6003996371035845,0.10443672351793924,1.6 +113,1.3288038287248254,0.10365349236530302,1.36 +114,1.2937063863258436,0.10367438987585484,1.4 +115,1.7722439331225592,0.10442340236863397,1.74 +116,2.0005843640969863,0.1049256687287398,1.98 +117,1.6456230903301785,0.10448944150811743,1.56 +118,1.0498622942040692,0.10444984646438846,1.0 +119,1.1455083815646487,0.10400698462759402,1.18 +120,3.541552616902549,0.1212621436736522,3.5 +121,1.058686445657222,0.10430523435788132,1.1 +122,3.2349761298656707,0.1138377346738376,3.32 +123,0.7609715490129236,0.10517609566502305,0.82 +124,1.7687911682705133,0.10433771433962429,1.84 +125,3.9585052299925474,0.12011498056488108,3.94 +126,1.4119971202423445,0.1037828305238929,1.26 +127,2.5496392457710035,0.1064784617778676,2.6 +128,0.2967296802814916,0.10788274972908207,0.28 +129,1.216633589277376,0.10407641464155089,1.26 +130,2.593370551204891,0.10679644592261156,2.68 +131,0.9375720602238902,0.10467652526440023,0.88 +132,1.0196882441445903,0.10448163467446447,1.22 +133,3.491022792302533,0.11367861886995964,3.54 +134,0.8645881370962565,0.10447845127501292,0.88 +135,1.8340838111164528,0.10453349371726223,1.86 +136,1.2940516550805752,0.1039740438545108,1.28 +137,1.6257107990981394,0.10458254549000628,1.6 +138,0.9880610835646282,0.10444483491847038,0.96 +139,1.6633202328904586,0.10453887059436247,1.68 +140,1.4361179163584898,0.10409595022418835,1.38 +141,2.0018032862104986,0.10436318983695808,2.08 +142,3.2332523246695457,0.11255584107669368,3.3 +143,0.7310482732883985,0.10495253751573907,0.76 +144,1.5813605060840343,0.10388049991235963,1.52 +145,1.965678205919164,0.1043791518081488,1.98 +146,1.9775743357538564,0.10467752043867223,1.88 +147,0.9506640414274399,0.10450983837647052,0.94 +148,1.3306958060121348,0.10435916617841406,1.34 +149,0.9923778145357813,0.10441741645619576,1.0 +150,-0.017575803591482142,0.12290813284397409,0.1 +151,1.5493078513789618,0.10416659329889286,1.54 +152,1.3391365202258472,0.10363847404904797,1.32 +153,0.990778251686705,0.10459778054343079,1.0 +154,0.8052939612263534,0.10449908648085161,0.76 +155,1.1859661395394392,0.10496661916402908,1.18 +156,0.8778610619451337,0.10446920283293118,0.88 +157,1.9620647839953618,0.10446134205776081,1.94 +158,0.4508134205629384,0.10697599942595365,0.52 +159,1.0263639793993606,0.10447701484295849,1.0 +160,0.6083036453379416,0.10648400915327864,0.64 +161,2.1557371935692116,0.10562061614241391,2.08 +162,1.4294375886192983,0.10397077215817865,1.52 +163,1.9339101434350132,0.1046232099577963,1.9 +164,0.457150746081294,0.10634425662303411,0.5 +165,1.768843836913347,0.10456090889442995,1.68 +166,1.7117468845287354,0.1045742652238333,1.64 +167,1.3727273732002763,0.10454452938239778,1.3 +168,1.602955685556135,0.10406628141242127,1.56 +169,1.530614463179858,0.10449637032713771,1.38 +170,1.4419819608613489,0.10382255821969386,1.42 +171,0.8601723483290948,0.1050998087243164,0.86 +172,2.3119999084217886,0.10607322766300492,2.34 +173,0.47463547425265507,0.10613202192593395,0.52 +174,2.9918879168902377,0.11009347581766961,3.04 +175,0.5574560442902579,0.1062707845495578,0.56 +176,1.3076731549016953,0.1034859448167474,1.28 +177,1.3497910484465043,0.10425119281660195,1.38 +178,1.1976717335425677,0.10398172139179765,1.18 +179,1.2727291736614808,0.10420047868256634,1.24 +180,1.1573318905300125,0.10443768253304452,1.12 +181,1.545587157665099,0.10427895501801693,1.5 +182,1.575067953425438,0.10448811725801381,1.44 +183,1.939387048745064,0.10442646151699676,2.0 +184,1.9323763216365526,0.10456725020553545,1.92 +185,1.5697772673049917,0.10505631037215413,1.42 +186,1.554295637715529,0.1037950550274077,1.5 +187,2.0895478243536862,0.10468099013620491,1.88 +188,0.9953222735818388,0.10440016026241924,1.08 +189,0.6547150103953028,0.10510475774917108,0.64 +190,0.8001273803541302,0.10484846242348972,0.86 +191,3.7062216430632686,0.11425539882144711,3.8 +192,0.9614340340497654,0.10441907320297769,0.98 +193,1.1482522754741895,0.10414163898968902,1.14 +194,1.2320649128216923,0.10386007497736839,1.28 +195,1.1542924107883765,0.10433345461906111,1.2 +196,0.6838843519370608,0.10515936428123841,0.58 +197,2.656962162056039,0.10716578938621953,2.66 +198,2.033052457546428,0.10511801603867964,1.96 +199,0.7926876170181689,0.10485097124193477,0.82 +200,1.212959355759959,0.10469065362001921,1.24 +201,1.6457052925247302,0.10461645185363161,1.58 +202,3.5112132077075193,0.11843941342792512,3.68 +203,1.029790736962604,0.10457449583040888,1.1 +204,1.4748472302365565,0.10404097224993632,1.44 +205,1.94270530445307,0.1047562499928906,1.92 +206,1.790173176359736,0.10462184772509305,1.8 +207,2.519839124610967,0.1074327447139404,2.58 +208,0.6265292432167975,0.10534248539321397,0.66 +209,1.7837237465309306,0.1042234514369068,1.78 +210,2.7294272758429505,0.1080396012457319,2.72 +211,0.792805806633262,0.10468616769331876,0.84 +212,0.8774835028067445,0.10449363472973248,0.82 +213,2.026695152711617,0.1048772480757421,2.02 +214,1.824162129038057,0.10429210589816192,1.74 +215,0.7651552267507551,0.1053308933589894,0.7 +216,1.5327345700814332,0.10409548505227771,1.62 +217,1.6119844635714662,0.10420271326663164,1.58 +218,1.2445443233776254,0.10416710729616624,1.24 +219,1.6676480029552136,0.1042245601336967,1.62 +220,0.6144166800440747,0.10561801826028522,0.52 +221,2.0886740594531217,0.10457611455360379,2.22 +222,1.372072666088651,0.10365278086255206,1.44 +223,0.6901995783775012,0.1051700188747284,0.68 +224,1.5289061789110638,0.10402490457143697,1.4 +225,0.44787153836203064,0.10666543441771018,0.52 +226,1.024409457011699,0.10452922335626867,0.98 +227,0.6884127345864028,0.10489089860773317,0.72 +228,3.1383543822745166,0.11418734414989316,3.12 +229,3.7421119609844515,0.11356714579786437,3.7 +230,1.4856652643736803,0.10408609902753611,1.52 +231,1.2001282883690658,0.10505708810340032,1.14 +232,1.4828127172738972,0.10412915544028632,1.3 +233,1.0479477242838362,0.10477020483592159,0.96 +234,0.7883567279207426,0.1045341653881677,0.88 +235,0.8524078251164466,0.10597271469708734,0.78 +236,1.2952420922794436,0.10379449135095335,1.4 +237,1.536870838369782,0.10439705186308798,1.44 +238,0.1585631842824684,0.11109649596192722,0.18 +239,1.7389725642482565,0.10436516596340938,1.8 +240,1.308746735404326,0.10408354861259374,1.34 +241,1.18767002280845,0.10481269528517265,1.22 +242,0.5336745444908901,0.10580520063971356,0.38 +243,1.481190533154325,0.10421401803991125,1.4 +244,0.49911736363072823,0.10716933662891948,0.5 +245,0.8085624607447297,0.10492830199791596,0.82 +246,0.5375939907346465,0.10592466547459724,0.56 +247,1.4376835112154795,0.10380360534689381,1.36 +248,2.0748876096753817,0.10497696003773323,2.06 +249,1.1545658181607221,0.1055636667738082,1.26 +250,1.978376103118797,0.10474282214272139,2.02 +251,1.0208222398196307,0.10452243890267067,1.06 +252,1.9519806366151604,0.10551570239471662,1.86 +253,0.4993434167088733,0.10654212349257959,0.58 +254,0.529944818054247,0.10619987045056248,0.66 +255,0.5030521685123626,0.10672649900272801,0.58 +256,1.1962105983203726,0.10426482785264582,1.14 +257,0.45861035931620364,0.10656918715045563,0.46 +258,0.8858371103051743,0.10465908698410985,1.0 +259,0.8932803547064259,0.10476899231186723,0.9 +260,0.5839921918264261,0.10606882914299534,0.62 +261,2.735316590805403,0.10780537544451518,2.76 +262,0.6656556326765068,0.10732334516582075,0.7 +263,1.812466784975963,0.1047416929493467,1.84 +264,2.780042937715087,0.10930278540789574,2.84 +265,1.093250271456193,0.10416326622964155,1.12 +266,0.8262379094715468,0.10497029264670733,0.76 +267,1.8468785907817553,0.10436968448571357,1.86 +268,1.1181344048414799,0.10452987059784218,1.22 +269,1.1886893076545233,0.10440725165578266,1.14 +270,1.5351859318404335,0.10413863439428515,1.48 +271,0.9411054716388003,0.10487103877468322,0.98 +272,1.8791667993422143,0.10488996618894177,1.9 +273,0.8770255575560588,0.10558534057734216,0.92 +274,1.6869389998999322,0.104429890489475,1.7 +275,1.2951740632909852,0.10408286552776846,1.3 +276,1.1918125375777722,0.10391842841486877,1.16 +277,1.6031010162692167,0.10454514269539551,1.6 +278,1.1173167770137082,0.10449711774410025,1.1 +279,1.5215709260566,0.10474638630848938,1.42 +280,2.000329893766497,0.10484219182325544,2.02 +281,1.835249072889627,0.10460697383678363,1.88 +282,1.4156567768920665,0.10464934099687993,1.48 +283,2.525106269065577,0.10817734342700643,2.58 +284,2.380640910957605,0.10630549330000008,2.26 +285,1.6708986189078692,0.10414727438887404,1.7 +286,1.147559656610638,0.10455739401488352,1.18 +287,2.1769776185664,0.1052452506609093,2.14 +288,2.076277942463551,0.10630107193914483,2.04 +289,0.35959948558705346,0.10717875151475995,0.44 +290,0.5589696248356413,0.10587329514175368,0.52 +291,1.2901330267827182,0.10415493531561029,1.38 +292,2.0796326617904226,0.1049257744924764,2.04 +293,0.8300383090318091,0.10482145442872005,0.8 +294,0.6290929494498174,0.1054245517983296,0.64 +295,0.700792363642079,0.10604177182567459,0.68 +296,1.1126295150709806,0.10449095175444213,1.14 +297,1.7856254203626838,0.1055555965494422,1.58 +298,1.229223688769756,0.10359320115742707,1.22 +299,1.3133058412572565,0.10380203355191563,1.34 +300,0.3706909804936016,0.10691029459917993,0.38 +301,1.2902518853243459,0.10383697104473952,1.34 +302,1.8498507600293008,0.10453419781949595,1.78 +303,1.0262888345995185,0.10437890644001759,0.98 +304,0.7859065170937853,0.10478936763866546,0.88 +305,2.057869003674379,0.10449601713210481,2.12 +306,1.1065537060444237,0.10476661793435386,1.14 +307,2.3536200779374594,0.10659605711042704,2.4 +308,2.88033440463144,0.1090254137560212,2.84 +309,1.242884479362961,0.10374755321180414,1.26 +310,2.505333373937723,0.10639670844235263,2.44 +311,1.1039692137670114,0.10451144269586951,1.1 +312,0.3177718480652656,0.1096179450464,0.34 +313,0.8878700276790701,0.10433605295110283,0.78 +314,1.299811908719282,0.1041083379661299,1.28 +315,1.460074501971854,0.1038558886170517,1.52 +316,1.5066005137466574,0.10414847820309556,1.42 +317,0.2589712104852788,0.10858760557354656,0.32 +318,0.9499085872067772,0.10446622926557218,1.0 +319,0.4277921287242741,0.10829944596005825,0.44 +320,0.5244604735247345,0.10678188331633215,0.66 +321,2.528678051222104,0.1065263806919815,2.48 +322,4.131879776269808,0.1275853415635048,4.18 +323,2.3790633484484855,0.10621756676484904,2.34 +324,0.9006927032540046,0.10442013547587786,0.94 +325,1.1839713537759495,0.10433632014105071,1.18 +326,0.36963240166470435,0.10714876693379395,0.4 +327,0.41832558706652634,0.1069699559201519,0.46 +328,0.6756747587260028,0.1052960698484974,0.76 +329,0.5621935330027661,0.10562813002163603,0.58 +330,0.8385183345687333,0.10449725771174802,0.86 +331,1.5474873815538492,0.10432958904419252,1.46 +332,1.2271675124304418,0.10510055617855113,1.06 +333,1.6486356694742232,0.10482850278829267,1.58 +334,1.5151607335271207,0.10420692626650035,1.58 +335,1.5993954001107111,0.10397008607339644,1.6 +336,1.2368097522223538,0.10358686470836857,1.22 +337,1.049027874704497,0.10462080017491174,1.12 +338,1.5374602724688016,0.11470224586833558,1.14 +339,2.186053872314214,0.1058946147722635,2.22 +340,1.0101816207903989,0.10478317750085693,1.08 +341,0.7022928646333648,0.10480651236508137,0.7 +342,0.7440964336457787,0.10498441942589443,0.64 +343,1.4920940900380186,0.10475471541040086,1.76 +344,0.7893028612462425,0.1052441527539076,0.82 +345,1.0383345787072242,0.10499338824933514,1.1 +346,1.5768349009461096,0.10421543263106933,1.62 +347,1.1599962485589197,0.10458936359589086,1.22 +348,1.185980366955218,0.10429589924656155,1.18 +349,3.057866126552347,0.11262868192870049,2.8 +350,1.7322944814052077,0.10456484658655327,1.64 +351,1.0043732219706198,0.10445709976889352,1.08 +352,1.3705687289362247,0.10452409640624723,1.42 +353,1.6617365709184346,0.10446373155891439,1.58 +354,1.01725191208189,0.10473913039150246,0.96 +355,0.8018180220503677,0.10499997895299835,0.82 +356,2.9418917744134268,0.10936840767052018,2.94 +357,2.7380076315471227,0.10752436984771971,2.72 +358,1.9220070362177095,0.10478401704241035,1.9 +359,2.930183855265784,0.10918326823089568,3.0 +360,2.218076090272805,0.1054398307722019,2.14 +361,2.274294210570708,0.10706414349273925,2.4 +362,0.655217346164993,0.1051073663542217,0.6 +363,1.8218342862189294,0.10419903319208955,1.74 +364,2.7105464965240165,0.10786675340737895,2.62 +365,1.0233234644751557,0.1043591078386947,1.08 +366,1.5759009671805115,0.10496496916654632,1.72 +367,1.8227729498724683,0.10467846614714948,1.78 +368,1.1459374175593817,0.10461612489815648,1.04 +369,1.4190929211980086,0.10396038227124663,1.52 +370,0.9711279888754296,0.10448767010389201,0.96 +371,1.914282474377738,0.10707161336938391,1.86 +372,1.075308467963354,0.10438765993617924,1.12 +373,1.4844933768663848,0.1040523843453698,1.34 +374,0.4768137438806681,0.1068721222378361,0.4 +375,1.4430285378876375,0.103875924537227,1.36 +376,1.9013667166895472,0.10471686792599058,1.96 +377,1.6419061296884712,0.10417097762502776,1.68 +378,1.6095890616028496,0.10424840038120105,1.6 +379,0.5743015396118567,0.10569506978534196,0.52 +380,1.2622749068245716,0.1036946559570891,1.34 +381,2.2508933651783805,0.10583648092017328,2.22 +382,1.463990291647371,0.10403791301255158,1.4 +383,1.4244217256059502,0.10381720600874529,1.28 +384,1.281173398877658,0.10433146153757782,1.4 +385,1.09149490606936,0.1043844350519787,1.06 +386,0.7089374925520868,0.10516531641756777,0.72 +387,1.9869105459747507,0.10429239497656648,2.0 +388,1.168598842233881,0.10436441690859784,1.14 +389,1.2631861129042887,0.10397749920830884,1.28 +390,1.385712806283565,0.10399626522056682,1.36 +391,1.0883671597724556,0.10461472310916191,1.02 +392,1.4905999740319258,0.10424971539158664,1.48 +393,1.6223540587831229,0.10477951189210348,1.64 +394,1.9948729697076137,0.10438355902239292,2.0 +395,2.147478553452017,0.10683994125092304,2.2 +396,1.4207314102193331,0.10379822812051058,1.44 +397,2.6764150615741675,0.10757127518106765,2.36 +398,1.6512261310008673,0.1043105973049388,1.68 +399,1.0940171611804432,0.10446845235390663,1.04 +400,1.406118821117798,0.10437704507086983,1.38 +401,2.1208559451839504,0.10476137850742062,2.08 +402,0.6273144651225442,0.10571744541393302,0.62 +403,1.2524751979875512,0.10386239481989179,1.36 +404,1.7478392515447885,0.1041543021143323,1.72 +405,1.5120830809000365,0.10451106873315785,1.54 +406,0.7865528156547894,0.1056243231868916,0.8 +407,0.8274916107496653,0.10453041141416097,0.84 +408,1.3787775488975216,0.10400061630319372,1.4 +409,1.0056759507494482,0.10455485011223563,0.94 +410,1.3077487796978238,0.10365038016624133,1.26 +411,2.0862578777509553,0.10485969151741026,2.0 +412,2.9182583315617867,0.1090582691322508,2.84 +413,2.1240914041649033,0.10508980078197613,2.0 +414,0.8210265779241679,0.10496407026939943,0.82 +415,1.0335260219843034,0.10521111957968572,1.0 +416,1.5782483026596195,0.10462639093711804,1.6 +417,0.4720255878032331,0.10619423097039705,0.4 +418,0.613300409351405,0.10524731727332935,0.66 +419,0.9147643717905547,0.10436515157608975,0.86 +420,1.6745247479296195,0.10529761873453707,1.52 +421,0.552674163037163,0.10590977373271412,0.58 +422,2.029714644610645,0.10446403967928285,1.92 +423,2.182420481520462,0.10509399581879963,2.22 +424,0.6730785027198287,0.10499924271622023,0.72 +425,0.8559085549328653,0.10488176193817308,0.82 +426,0.964742522103962,0.10508980852894488,1.04 +427,0.38446635988331934,0.10713845654278412,0.34 +428,1.521625862779124,0.10447425747547773,1.52 +429,1.3398116738080814,0.10376461957166062,1.3 +430,2.3026413161949923,0.10594697815703712,2.28 +431,1.1979783119167715,0.10421419690868788,1.2 +432,1.1067429023308124,0.10458077181985388,1.12 +433,1.6221230186048023,0.10410418206464651,1.56 +434,2.5920841895437787,0.10663559019692877,2.52 +435,0.6533947158479405,0.10507632501208228,0.72 +436,0.8923106608528419,0.10460042837881091,0.94 +437,1.210933121638404,0.10375426303320633,1.3 +438,1.84830187760799,0.10447728543742284,1.8 +439,1.319845005101583,0.10366307553830566,1.32 +440,0.9176153783968806,0.10448163303603554,0.98 +441,1.387972799707458,0.10391858152046742,1.32 +442,2.0336909257563454,0.1047943640511635,2.0 +443,1.8573494816536131,0.10441176587079717,1.88 +444,1.157359041389145,0.10436010933304957,1.12 +445,2.376214581821954,0.10601950545235689,2.36 +446,1.196147311766068,0.10384486760695304,1.22 +447,2.0536704108242487,0.10482073455945919,2.16 +448,1.0095195627334261,0.10459490943210985,0.9 +449,3.5470828459433177,0.11832487197797827,3.56 +450,0.614679098517283,0.10548321840065418,0.64 +451,1.000457961304856,0.10440982315095029,1.04 +452,2.951992407319927,0.11302198033221195,3.02 +453,1.388623016697557,0.10375997795511972,1.38 +454,2.51080167888935,0.10689839136089706,2.42 +455,1.9131756723708504,0.10446385333768173,1.9 +456,0.7888429412852096,0.1046338437440466,0.78 +457,3.384764810022559,0.11307627205437791,3.32 +458,0.9047298607666496,0.10440110635166196,0.88 +459,0.9169143030118905,0.10598614547232366,0.96 +460,1.8058827655247027,0.10459059891701647,1.78 +461,-0.01492165452710914,0.12183963505596809,0.0 +462,1.4814546407962945,0.10390077985893865,1.46 +463,1.3866465384967421,0.10367634354603275,1.46 +464,1.3275266534215815,0.10350354373093762,1.3 +465,2.0841566538561436,0.1047882376191245,2.04 +466,2.0283350479633127,0.10451480290469564,1.98 +467,3.2549209951969926,0.11263594439189918,3.26 +468,1.5529973111901674,0.10457501320134949,1.62 +469,2.03966068255379,0.10457017171983471,2.08 +470,0.17036412210206908,0.11283391629519678,0.16 +471,1.5694266505132495,0.104857696117151,1.52 +472,1.245932414205691,0.10391661422011625,1.22 +473,0.7665991924506077,0.10497790512936996,0.8 +474,2.6183856956351503,0.10687519642284181,2.58 +475,2.396279508004411,0.10623928689720435,2.28 +476,1.2150030184534861,0.10416331929764776,1.18 +477,2.3228251521353753,0.10589436649811403,2.18 +478,0.9356299229688938,0.10445406001161907,0.94 +479,0.9111031139549128,0.1044480922359245,0.84 +480,0.8352585548536471,0.10465355170147145,0.76 +481,0.444509041094558,0.10638046237245447,0.44 +482,1.9117462841726889,0.10441762828835577,1.9 +483,0.9488890259289677,0.10460521633214083,0.94 +484,1.689347829279856,0.10477187542055018,1.66 +485,1.4710469420994157,0.1040032060027218,1.44 +486,0.717744691690549,0.10591711068678443,0.74 +487,1.3299943969534551,0.10373759222398886,1.22 +488,0.8840963854997916,0.10471421692229071,0.9 +489,0.39015591070554745,0.10761528379730326,0.38 +490,2.2644969572967275,0.10534384423800246,2.24 +491,1.3647099483912521,0.10372047212664359,1.36 +492,1.783218588423412,0.10477368384460964,1.8 +493,2.840853269776569,0.10856189557945356,2.82 +494,1.3573692834049753,0.10379675447834857,1.32 +495,0.3956025738055411,0.10673285396619536,0.4 +496,1.7958824538620908,0.10427396359283339,1.72 +497,3.1568421130781497,0.11138064023986345,3.1 +498,1.8602665975933332,0.1046551142138997,1.76 +499,0.25646298093065845,0.10843350926591519,0.26 +500,1.3984396225830027,0.10402775999480303,1.4 +501,1.5045247372432646,0.10430013895050941,1.5 +502,3.0896044763531494,0.11361116008053233,3.0 +503,1.0932596673460706,0.10442237619780828,1.08 +504,0.8707393160667367,0.10448127473682349,0.9 +505,0.9498174948239351,0.10534826423149445,1.02 +506,1.051081125632476,0.10450293540241658,1.02 +507,0.555008977925108,0.10630152445141594,0.58 +508,3.1957629600821447,0.1116278721231268,3.24 +509,2.3538419812095084,0.10631960850293977,2.32 +510,2.094154956059856,0.10492158150766333,2.08 +511,1.0704765529227602,0.10489279310280039,1.02 +512,1.2333524691669657,0.10445704875873028,1.24 +513,1.5919960576519854,0.10448930276363143,1.54 +514,0.941873657786152,0.10522267877635842,0.98 +515,2.339354708763465,0.10672922588690319,2.32 +516,2.291827123535792,0.10581732313964752,2.34 +517,1.8721393472807284,0.10468402329652379,1.82 +518,0.7406754045084307,0.10513289896335737,0.66 +519,1.1370948161179593,0.10425249054528667,1.18 +520,1.549986708579513,0.10461705121653368,1.54 +521,1.7750105870281088,0.1062515268358375,1.62 +522,0.8249590861267224,0.1060641395846492,0.82 +523,1.995821269599488,0.10476012533773364,2.06 +524,1.769866071538675,0.10470703611795372,1.7 +525,0.8360173636254364,0.10454780025228098,0.84 +526,1.0035247790263506,0.10440556940484845,0.98 +527,1.0800188349336723,0.10476506833458996,1.08 +528,0.9801301309959518,0.10437639466698583,0.92 +529,2.1078625213856332,0.10502719134843601,2.14 +530,1.3597657956412084,0.10443453013713166,1.38 +531,1.2161984841650666,0.1037861122603662,1.22 +532,1.3090586292957278,0.10369700427053712,1.3 +533,1.4280065886521447,0.1040547715477784,1.42 +534,1.9616498857750946,0.1046521366674045,2.0 +535,1.1222324539828916,0.10439933367958573,1.04 +536,1.5730471291247907,0.10436541895730848,1.56 +537,2.567209804243517,0.10664989898081033,2.6 +538,0.8734374665244848,0.10436767847393268,0.78 +539,2.1077604402369863,0.10516565720099204,2.0 +540,2.8614211906898026,0.10905071998188394,2.76 +541,1.4576822773966436,0.10406492716113092,1.4 +542,1.9371641538507438,0.10470170934632524,1.9 +543,1.0889401795679445,0.10452558696228322,1.04 +544,2.200664769242386,0.10491846618567255,2.16 +545,0.7615059163232827,0.10625615475774083,0.76 +546,1.2058305558207136,0.10431016571225189,1.28 +547,2.3716483697592095,0.10620673807519498,2.34 +548,1.4563705400083249,0.10397274865383463,1.42 +549,1.8649814357047765,0.10420063621636148,1.9 +550,1.526169374623204,0.10402398172426436,1.44 +551,2.6343711347555745,0.10781943105468893,2.72 +552,0.8637411685007423,0.10468113804209997,0.86 +553,0.4243409867982404,0.10683722139117312,0.54 +554,2.1513829649705682,0.10522110020458149,2.0 +555,2.797627559631006,0.10800046939130108,2.76 +556,1.9141392796287553,0.10442879400868732,1.82 +557,1.1962414959750047,0.10381278075571386,1.12 +558,2.017100352716205,0.10449025340600585,2.04 +559,1.4949727068622982,0.10401116046266297,1.6 +560,2.182948293674097,0.10607391875906008,2.18 +561,2.329592414180129,0.10595960405615755,2.34 +562,0.6332713492244233,0.1052357592815329,0.62 +563,1.1401577174045103,0.10408253493031008,1.12 +564,1.952211229205754,0.10475171127453675,2.04 +565,1.3692439413266788,0.1045017743590241,1.34 +566,1.5216822094881222,0.10414904056535464,1.6 +567,0.8730914310961309,0.10448012294215447,0.86 +568,1.5176560693814123,0.10419720625722577,1.42 +569,1.0310774851814175,0.10461446176456218,1.04 +570,2.1562508694163567,0.10546076571956714,2.12 +571,1.8125116207335727,0.10451414289907243,1.84 +572,1.4486788898505525,0.10393509327328969,1.46 +573,2.1622618588058655,0.10558469266553266,2.22 +574,1.4397869365465157,0.10416267905861634,1.46 +575,2.5981734569991835,0.10738153034336026,2.6 +576,2.969655607487378,0.10964534003727336,2.98 +577,0.8631343179696325,0.10453967763145654,0.9 +578,1.5289795796975367,0.10432468869611444,1.48 +579,1.1410276344942885,0.10458086979413303,1.16 +580,1.1470767103317732,0.10426791157875068,1.14 +581,1.2120856255911816,0.1039121200608322,1.22 +582,1.3629780757619239,0.10372599387375721,1.24 +583,2.6551990200041464,0.10708694933146742,2.58 +584,-0.42300699727530855,0.19856748707213306,-0.58 +585,1.3336791419034837,0.10366495691259262,1.34 +586,1.66065779850475,0.10395689030179875,1.64 +587,0.749689777548757,0.10492101960343826,0.8 +588,3.021022700702921,0.11108319506974473,3.06 +589,1.5986892580079326,0.10429505958482715,1.52 +590,0.44546299311828186,0.10668866010256549,0.5 +591,1.8201716987352468,0.10427664028011138,1.88 +592,0.6439405079428733,0.1054343751834071,0.46 +593,1.4906503866771414,0.10404664657595213,1.44 +594,1.452741445484869,0.10403684759517903,1.4 +595,1.2105219219085734,0.10397453057502572,1.24 +596,-0.030792278404315532,0.12050673438609606,-0.06 +597,0.5329232474875694,0.10646013918021016,0.5 +598,2.6274062833736336,0.10747643136692006,2.58 +599,2.55761732229202,0.10659583168933338,2.96 +600,1.6164704862017407,0.10424446070381008,1.6 +601,0.9237869515281121,0.10511414880738897,0.96 +602,1.3928178151748307,0.10410184150133729,1.4 +603,1.8057618055709304,0.10418702403857298,1.72 +604,0.45421898011704354,0.10637262955234358,0.48 +605,1.6635911831049937,0.10482498055649829,1.62 +606,0.7171472749801824,0.1047979859401772,0.7 +607,1.887375320815301,0.10544918274355415,1.82 +608,1.0286579187986975,0.1050905757542151,1.08 +609,1.1862761751782864,0.10478728135014266,1.2 +610,2.9666996725832453,0.11119494123353162,3.12 +611,1.7992106594800807,0.10432179749039162,1.84 +612,0.9488529007877089,0.10528094788939545,0.94 +613,1.518673610145437,0.10391371525470988,1.4 +614,0.15113601473970828,0.11280587419239299,0.1 +615,0.7261760287581067,0.10481876593023019,0.72 +616,2.2854525011608677,0.10581594887609319,2.24 +617,1.6109138122005637,0.10504681991065391,1.6 +618,1.7692299633657838,0.10465155018567865,1.74 +619,1.5445644944705483,0.10527048733670827,1.58 +620,2.118869592147692,0.1046635042061648,2.06 +621,1.3922817867959418,0.10433078965207765,1.46 +622,2.1615566206606607,0.10540483264455329,2.16 +623,2.278907916793581,0.10554272793848045,2.1 +624,3.405810685405176,0.125968734407748,3.38 +625,2.012198356427443,0.10433885521928583,1.92 +626,2.080423029535683,0.10476145318169919,1.98 +627,0.9184596324001282,0.104852228996334,0.98 +628,2.3921160018438306,0.10616374231229302,2.42 +629,2.8633606225527997,0.10897329010965189,2.46 +630,1.2653635963087302,0.104196765218314,1.24 +631,2.45507144725138,0.10617909128621131,2.46 +632,1.3943956503725365,0.10410090285453925,1.48 +633,2.921188747477518,0.10921568567433104,2.86 +634,3.5349659249628216,0.11385084741982097,3.26 +635,1.3024391499319625,0.10376013718340589,1.32 +636,1.2923480892205985,0.10381990151406509,1.3 +637,1.0839751984150903,0.10462177270178516,1.08 +638,3.049828559169465,0.11041332013299165,3.18 +639,1.331099725032641,0.1050647234724406,1.28 +640,1.4260408988048683,0.10394149474018004,1.46 +641,1.5132871161994208,0.10413048965253079,1.46 +642,0.8555832543818314,0.10480413156840823,0.78 +643,0.9088285330800447,0.1047477675642913,0.98 +644,1.3606688665641569,0.10382942724076097,1.38 +645,2.3344166717071024,0.10593732928985428,2.34 +646,0.560525210411476,0.10615696626135863,0.64 +647,0.9487730020013592,0.10440361477680014,0.88 +648,0.8602933524252547,0.10463815300347797,0.82 +649,1.5758456196961381,0.10436253787537804,1.6 +650,1.6323161812047884,0.10418641550264324,1.6 +651,0.8525926761215734,0.10457299648815366,0.84 +652,1.726509548351589,0.10454068275752057,1.64 +653,1.3089780971217335,0.10417994849811088,1.4 +654,1.2884989700255511,0.10470626142392511,1.26 +655,0.7775449059860824,0.10576072985864643,0.74 +656,1.8705941461740911,0.10431172562469455,1.82 +657,1.3867345922378673,0.10403167947057843,1.64 +658,1.100087750363108,0.1044474254552701,1.12 +659,2.2917490534450087,0.10703855148637256,2.38 +660,1.005312518846174,0.10482316496465627,0.98 +661,1.3789969281631178,0.1035736408871529,1.28 +662,0.38942897606869487,0.10710911863746476,0.32 +663,1.565596857908349,0.10435184035527784,1.52 +664,1.0473985925322724,0.10448979706827215,1.06 +665,1.3666672891696257,0.10382335326946807,1.48 +666,1.486591456007285,0.10422712302527694,1.5 +667,1.5000443729169062,0.1043725134108737,1.4 +668,0.8198986138618745,0.10467016738222405,0.88 +669,1.9805675764022999,0.10448537464026703,1.92 +670,0.2086861992190281,0.10970090874394925,0.2 +671,2.168746213576312,0.10639354904997395,2.2 +672,2.0704523204179877,0.10499237780959775,2.0 +673,1.3246262514984517,0.10377019168422337,1.4 +674,1.1818111014790285,0.10377930386221651,1.3 +675,2.5828298545943786,0.10680873533682826,2.76 +676,0.6869940131228658,0.10506656265594669,0.78 +677,1.543878783820662,0.10430751001680892,1.46 +678,0.48582838806464856,0.10612540810521753,0.42 +679,0.9999693286799891,0.10456426778028075,1.06 +680,1.561150632924181,0.10413218532834895,1.56 +681,0.20000511943271437,0.10950921653464467,0.2 +682,2.1277886885701305,0.10463248926649779,2.12 +683,0.7368193682393596,0.10628100355762798,0.74 +684,0.39303142867125107,0.10757709854543158,0.34 +685,1.057590670467433,0.10436726657335599,1.02 +686,0.5281189449172272,0.10655251320825353,0.44 +687,0.8798950193371367,0.10523305879665998,0.94 +688,1.5387909197843888,0.10410874574809263,1.46 +689,1.3897625064110093,0.10412379645140997,1.36 +690,1.4553017735878813,0.10422878095169126,1.42 +691,1.929093261711798,0.10449581007386058,1.94 +692,1.6562468246432358,0.10393038215594091,1.66 +693,0.9753995958946691,0.10446433961486641,1.08 +694,0.695347226106267,0.10608384290599357,0.64 +695,0.5564202030633876,0.10576779718606154,0.56 +696,1.6168139194454119,0.10471101692541251,1.54 +697,0.8189041412204601,0.10488524959690436,0.84 +698,1.0027147017355231,0.10451324967339501,1.04 +699,0.5456761953571876,0.10597717896487893,0.54 +700,0.7223929355855576,0.10521019222935458,0.84 +701,1.8485375254867007,0.10415564683109839,1.82 +702,0.9357129516800669,0.10466076415640814,0.9 +703,0.7276997961198512,0.10490144207415257,0.82 +704,0.8845979166658173,0.10443378778269179,0.92 +705,2.0083207052652012,0.1045936939090761,2.0 +706,0.360075988093838,0.1072065753118891,0.3 +707,0.8314128335747029,0.10461646330087492,0.84 +708,1.6212730448167667,0.10463840191224395,1.5 +709,3.37154460012981,0.1171526751993302,3.48 +710,0.494511385312431,0.10712747446189223,0.44 +711,1.6963693698876332,0.10557743154170117,1.76 +712,2.3058011063242203,0.10650652017813343,2.28 +713,1.181519504344501,0.10390715366649199,1.12 +714,1.1138676412167738,0.10452478832297797,1.16 +715,1.5805042537969554,0.1039311116382893,1.62 +716,0.5690271384579946,0.10578669205509432,0.62 +717,2.0619644555549845,0.10496501488853467,2.24 +718,0.7351426555245881,0.1050028125101096,0.82 +719,0.5100987006435842,0.10615898162240354,0.6 +720,0.7330252942938804,0.10473331897507747,0.76 +721,1.7343737941458768,0.10491019505324344,1.6 +722,1.524676449194021,0.10448772759821637,1.5 +723,0.6971286414504823,0.10559840202537382,0.7 +724,1.4935923322689453,0.10422221175345102,1.52 +725,1.2874847938006022,0.10344792260164487,1.3 +726,1.3711268025521184,0.10430163495893192,1.26 +727,1.942235791585893,0.10572068360697111,1.98 +728,2.596908967118618,0.10675156511646745,2.6 +729,1.7032677016743234,0.1042486887454499,1.58 +730,0.7810998639543794,0.10495050352346721,0.82 +731,1.6158999764754567,0.10440238215682805,1.6 +732,0.495248485494705,0.10628378539560318,0.56 +733,2.4360780289754045,0.10784859328207753,2.46 +734,1.9781488595431354,0.10451697248114371,2.02 +735,1.014060568037416,0.10468004782616656,1.0 +736,1.5011918337648131,0.1045541707007034,1.46 +737,2.8373932062080938,0.10836572641044621,3.04 +738,0.7597477223431053,0.10492046385382167,0.74 +739,3.167820014554162,0.11209260385411585,3.22 +740,2.7998394827133053,0.1085199815944039,2.76 +741,1.6188532233000705,0.10467257939933237,1.54 +742,1.1627799888558785,0.10435093598185863,1.14 +743,1.6623127584895903,0.10398047279650571,1.6 +744,1.6578673266783843,0.10478109396314662,1.58 +745,0.9835222842005154,0.10439784133592277,0.92 +746,0.4373784222376331,0.10651162976437534,0.36 +747,2.046211255452959,0.10488683773670626,2.08 +748,1.401408570176101,0.10378694342280821,1.38 +749,1.6406581907919202,0.10444712076373325,1.58 +750,1.4538141855690734,0.10439787636986919,1.52 +751,1.1480144849896812,0.1046970325171163,1.18 +752,0.7047547452272811,0.10484638292034912,0.76 +753,0.714571687863427,0.10516720842976181,0.64 +754,0.8267434267583615,0.10459267100849605,0.74 +755,1.538964332231255,0.10435628883563142,1.42 +756,1.672286641686667,0.10433056636012776,1.86 +757,2.3211381855788664,0.10582747112955931,2.3 +758,1.497722240455789,0.10486647285487592,1.52 +759,1.3436049233887504,0.10402549854139087,1.42 +760,2.8232287956985926,0.10887283187357985,2.88 +761,0.8951804187018686,0.10475313785300984,0.9 +762,1.74806250594495,0.10424231331175596,1.78 +763,1.1641100136380276,0.10416857781884052,1.18 +764,1.5001605790303065,0.10400796355690967,1.48 +765,1.4599675133724892,0.10449176383137815,1.42 +766,1.1604272532757127,0.10439904762497733,1.26 +767,0.5543845765780695,0.10575947279436194,0.54 +768,1.1496993818158225,0.10455068104345551,1.2 +769,1.7543884873240598,0.10476130725951908,1.8 +770,1.4905530500758166,0.10418519960113942,1.44 +771,1.1052620977432754,0.10442845455114957,1.1 +772,0.7702591079672603,0.10522063516292289,0.8 +773,2.016701043976563,0.10438797776574739,2.18 +774,1.0266389589467595,0.10454310205240475,1.0 +775,1.7503055251113038,0.10426260291197809,1.76 +776,2.152354198837844,0.10525343541986404,2.1 +777,0.9574104152422356,0.10491060719288553,0.94 +778,1.0150696726627926,0.10447361538255175,1.06 +779,-0.10433389135564486,0.12760008554993918,-0.08 +780,2.392972563681929,0.10620491577119057,2.48 +781,1.2433825569309347,0.10373354027652888,1.26 +782,0.8586165421908261,0.10463062102945712,0.9 +783,1.9602491669583832,0.10559484101473358,1.88 +784,2.2360818240716993,0.10544276561737204,2.32 +785,1.3343420100241081,0.10359042685211396,1.2 +786,1.856044164742701,0.10457126687699447,1.8 +787,1.011502776217001,0.10437573259048803,1.0 +788,2.438585939837572,0.1062607582608982,2.42 +789,0.9468612327037933,0.10453600467410633,0.96 +790,1.885215187144417,0.10442916077701395,1.86 +791,2.2001288771708074,0.1054187771480244,2.18 +792,0.85880385772517,0.10492504026686848,1.06 +793,1.6676176674387397,0.10439278948728256,1.66 +794,2.412445241754571,0.10618957903000713,2.36 +795,1.8273561993527592,0.1043927256508493,1.96 +796,2.335761017888255,0.10584667257472444,2.26 +797,1.143245689646144,0.10432293853410829,1.04 +798,2.4272059893472777,0.10625187792572877,2.4 +799,0.8767208063574534,0.10478630895889231,0.9 +800,2.0353219088296326,0.10448321963214205,2.0 +801,1.6476526808892187,0.105154880619647,1.62 +802,1.7077398779663353,0.10453656713836687,1.72 +803,2.0998643349401673,0.10507699875821663,2.1 +804,1.103362428080989,0.10454378320277138,1.2 +805,1.4129862823016532,0.10424014400305555,1.48 +806,1.453816187151495,0.10424129038109635,1.44 +807,1.2592122494679225,0.10397690542698453,1.24 +808,1.0491265159770586,0.10430050842398944,1.08 +809,1.356097055209502,0.10463552519446444,1.36 +810,3.269975077535622,0.11282719633726615,3.3 +811,1.5387623556232048,0.1042006675195282,1.7 +812,0.9319943081238931,0.10470799059355504,1.04 +813,1.1716255581872455,0.10450029987741118,1.16 +814,1.5928994597698205,0.10415682723876503,1.54 +815,2.4626528492033506,0.10632138103998195,2.44 +816,2.2060325937001286,0.10555287066646894,2.28 +817,0.6991865545118303,0.10536720615096001,0.64 +818,0.7148645014583686,0.10507345919157761,0.74 +819,2.075017757583722,0.10511298633996492,2.9 +820,1.0794223734995638,0.10446509548430079,1.1 +821,1.1083892001758509,0.10428979306595891,1.1 +822,1.3041061822719557,0.10388490856027256,1.3 +823,2.602603563295321,0.10727342037937967,2.62 +824,1.650357031453363,0.10457762582306694,1.66 +825,2.563584794431107,0.10847095344583814,2.86 +826,1.1561413009969526,0.10421077638079809,1.04 +827,1.0290770420719122,0.10441999902233032,0.98 +828,0.5510948330124661,0.10561320036588698,0.58 +829,0.7065299331881834,0.10495347610940442,0.72 +830,1.5723908376470979,0.10428313296361773,1.54 +831,0.948155380239494,0.10449294580790741,0.9 +832,2.1210670209441522,0.10464856088481819,2.04 +833,1.6787185113617573,0.10412445003710981,1.66 +834,1.520428271566142,0.10413515817039216,1.44 +835,1.3935706654674869,0.10475560233794647,1.34 +836,1.1731684795070931,0.10401409298726196,1.16 +837,1.590825940092425,0.10447347632900968,1.52 +838,3.187507899313789,0.11170293145911318,3.28 +839,2.683050109386431,0.1071735516006729,2.68 +840,1.4653399813593326,0.10423471196766565,1.4 +841,2.064215151499371,0.10481771872467291,2.04 +842,1.655011175228096,0.10394361524788767,1.7 +843,1.5409685633029637,0.10401567918140384,1.5 +844,0.9950710902521616,0.10457066626018384,0.96 +845,2.430545446133059,0.10632542345159421,2.3 +846,1.405363228413111,0.10382514710371159,1.4 +847,0.6748941226970278,0.1051662171741643,0.64 +848,0.8615219562930241,0.10467062206063808,0.82 +849,1.6747804877689374,0.10396529054490052,1.7 +850,3.1340525721215924,0.11177207161696462,3.04 +851,0.3797021306573063,0.10697669118288108,0.42 +852,1.2581533730514964,0.10349652839405588,1.28 +853,1.0194137348516543,0.10447366687073951,1.04 +854,0.480869148349675,0.10621094852120637,0.6 +855,1.6183422627460464,0.10415573036758302,1.56 +856,1.5023493444431955,0.10434629374212372,1.48 +857,2.262633049353645,0.10615335241476892,2.3 +858,3.0552674074849397,0.11172721052626836,3.1 +859,2.7402356386502573,0.10774420925278648,2.8 +860,1.341353548341334,0.10360085056569536,1.34 +861,2.6693803092854393,0.10729329924197605,2.58 +862,1.4111775593601026,0.10393861164397383,1.38 +863,1.0819484345437322,0.10452740341397453,1.08 +864,1.3123133820376216,0.10372592987825481,1.32 +865,1.4719686747441498,0.10406079607558255,1.42 +866,1.0446373953497892,0.104642714702761,1.04 +867,1.6297974871994354,0.10415896883493579,1.54 +868,2.2433507024171204,0.10572466130187091,2.26 +869,2.5067660022577902,0.10696507694580236,2.6 +870,0.7535116619166731,0.10505734767452478,0.7 +871,0.5731470982607165,0.10576466580793181,0.62 +872,2.2093023854113865,0.10539188019039336,2.22 +873,1.6145268526696155,0.1046013129011702,1.56 +874,1.9796257749163422,0.10427157014961222,1.98 +875,1.7699921256906412,0.1044683069096672,1.76 +876,1.4916660471743421,0.10376075016792377,1.52 +877,1.736911283073474,0.10399342512084363,1.7 +878,1.405784864089065,0.1035164077553923,1.36 +879,2.3219076585789606,0.10750601328638414,2.1 +880,1.4209992647828598,0.10428849117071429,1.4 +881,3.7165031924225334,0.11399896436195488,3.38 +882,0.36198606471631667,0.1071961357775186,0.42 +883,1.6131717207973493,0.10435658550625408,1.58 +884,2.5337783757857144,0.10660688670520037,2.72 +885,0.3617962333765057,0.10838805718004842,0.26 +886,1.746455177621498,0.1038944838917582,1.64 +887,1.0635028791116818,0.10452137594607436,1.02 +888,1.1041670745867256,0.10428702426421832,1.0 +889,1.4829531105054992,0.10381588862248291,1.52 +890,1.2552551703862465,0.10437472092464474,1.26 +891,1.1723845005249336,0.10427376935390795,1.14 +892,0.9366507096206886,0.10469654120645948,0.88 +893,1.5154317077293689,0.10467595371749834,1.58 +894,1.4632675609574948,0.10407562724718442,1.5 +895,1.3164328279720339,0.10370725341377234,1.3 +896,0.7729389341111732,0.1047137426850175,0.78 +897,2.3246891596630723,0.10591833012107107,2.32 +898,2.0214662855908605,0.10446025888265321,1.94 +899,1.471711070378075,0.10389117265374506,1.46 +900,3.26510773023161,0.11438683741355819,3.4 +901,3.280769383537293,0.11232642475268827,3.22 +902,1.580481806655004,0.10440610187393212,1.66 +903,1.5348757947831038,0.10421705321478704,1.52 +904,1.2504839144472344,0.10369621302001972,1.36 +905,2.421126204556411,0.1062412586620109,2.4 +906,0.6701213490052584,0.10503042501436473,0.72 +907,0.9378993677025838,0.10446074385373316,0.88 +908,1.1583543290026688,0.10400819371284298,1.36 +909,0.9607999574564916,0.10460713538260498,0.94 +910,1.545565459462252,0.10445375299826574,1.5 +911,0.2767154088201531,0.1085413390249324,0.32 +912,1.2376123028068227,0.10363236382623167,1.22 +913,2.2967572593340355,0.10597334089002325,2.3 +914,1.319385440054634,0.10435213618424537,1.34 +915,3.2305754771800403,0.11196085641361264,3.1 +916,1.825833909439683,0.10452317302206303,1.74 +917,2.4859577599481915,0.10642301848488323,2.46 +918,0.592100675244362,0.10593164256488624,0.56 +919,0.8343037329044387,0.10447242284683493,0.74 +920,1.90042757225726,0.10467746858026684,1.86 +921,3.521879571988431,0.11537087253293166,3.66 +922,0.5993802303771636,0.10578817220547482,0.56 +923,1.3270537424398698,0.10394795036852054,1.32 +924,0.35878311489275205,0.1073137046646688,0.44 +925,0.6618850547070174,0.10505662913346255,0.68 +926,0.922419729678988,0.1045149566163619,0.9 +927,0.7239908477087136,0.10506247690476775,0.74 +928,0.5415721058103351,0.1069221992430064,0.56 +929,1.1086712605222795,0.10438759290380677,1.1 +930,1.9919399457170774,0.10458149039912555,1.9 +931,1.0434860455360608,0.1046316883852744,1.0 +932,3.933233230896369,0.11660334717605032,3.92 +933,1.2004887376564737,0.10439024256589902,1.28 +934,1.472093234091214,0.10458476040363637,1.4 +935,2.7029755867302034,0.10753607614312467,2.6 +936,1.3615854396390388,0.10390211696295612,1.38 +937,0.7396429425856654,0.10481573227402792,0.72 +938,1.0484709944347577,0.10434153457355637,1.02 +939,4.456051900142831,0.19104763162699862,4.38 +940,1.074530525030462,0.10501952535512904,1.14 +941,3.8513467591334427,0.16592791325442013,3.84 +942,3.3301248110901183,0.11296617414738294,3.28 +943,0.9927716037867294,0.10489867084209745,1.08 +944,1.306702477034949,0.10395329946841819,1.24 +945,2.425122500765865,0.10655688328664394,2.38 +946,1.1799045470560392,0.1039563962853935,1.16 +947,0.8304291785026097,0.10484321672479294,0.82 +948,1.1652292503753428,0.10440946602102667,1.18 +949,1.593986752559359,0.10412018123572632,1.86 +950,4.3508266170805205,0.16356095314445804,4.24 +951,0.7548338321786137,0.10476863146466237,0.76 +952,1.399841099261784,0.1037378033938564,1.38 +953,2.1996536929825323,0.105080790800012,2.1 +954,1.060220721076047,0.1045081478584724,1.04 +955,0.9987626260066103,0.10473302969722237,1.08 +956,1.096282233707469,0.10438504563642978,1.12 +957,1.750894196447745,0.10435296343316679,1.74 +958,1.0105705028905652,0.10492742479855817,0.94 +959,1.5245244885316351,0.1044412243910593,1.56 +960,1.0704900026584037,0.10476815490069122,1.06 +961,0.9103345822380708,0.10457603138708606,0.88 +962,1.7569698365103568,0.10431126702668539,1.72 +963,3.5665346803294318,0.1137632948167218,3.54 +964,1.5157165419730267,0.10415060764529115,1.54 +965,1.6876549303836645,0.10437965043248545,1.72 +966,1.2571748195407553,0.10457843244640899,1.38 +967,2.4259091707101446,0.106127452360304,2.42 +968,1.0128576714963744,0.10443975482441548,1.04 +969,1.4167942731693968,0.10363695731276883,1.38 +970,1.2624866876882672,0.10375962450519298,1.2 +971,0.37717632343732976,0.10694998297061234,0.42 +972,1.8550628931773145,0.104341724493185,1.8 +973,1.6927706770379976,0.10460376560247858,1.8 +974,2.629788203001371,0.1069331732700579,2.64 +975,0.9155082096122937,0.10469163458596394,0.96 +976,1.8282492288822842,0.10462463873875433,1.68 +977,1.276862053377374,0.10376902185760582,1.36 +978,3.59808937970839,0.11343558919089099,3.54 +979,3.485372823956374,0.1167225536934131,3.18 +980,1.3497049724211072,0.10373619155121402,1.36 +981,1.5380128984747499,0.10402558764788562,1.56 +982,1.5444534020874618,0.10455179841265382,1.52 +983,1.6847363633154897,0.10458845459173391,1.52 +984,1.2495701903490106,0.10441988368184409,1.32 +985,0.2703273843028793,0.10896285448185529,0.26 +986,1.5467290024667895,0.10439656561183483,1.56 +987,0.9263856314982428,0.10491133500614304,1.0 +988,0.7423867827247959,0.10482696715242479,0.78 +989,3.0932125105734682,0.11742899960154947,3.22 +990,1.011264513410853,0.10443887483343897,1.02 +991,1.187066449094087,0.10434852313524921,1.14 +992,1.9050902098727631,0.10504397279381847,1.88 +993,0.24049960403715698,0.10870764300958362,0.2 +994,1.3515918189647698,0.10430786482527693,1.38 +995,1.2430617833220206,0.10385378896336075,1.22 +996,-0.0037844756847471572,0.11868653484124655,0.1 +997,1.146620589819622,0.1047835439392456,1.26 +998,2.214632644606037,0.10570646867349683,2.26 +999,0.8284136125679096,0.10455363392782314,0.86 +1000,0.5045772747384962,0.10670378966000998,0.42 +1001,1.0697454314425494,0.10449042046772232,1.18 +1002,1.0175865595401978,0.1044185688905127,1.08 +1003,0.9196362681529253,0.10441904719195969,0.96 +1004,1.8272328918768777,0.10407338327891108,1.9 +1005,1.573191873256678,0.10421473536362395,1.56 +1006,1.1673518513615244,0.10449394300279327,1.12 +1007,1.4747598076501651,0.10392348075863064,1.36 +1008,2.0166548113753597,0.1044102155067442,2.0 +1009,2.0609964515946713,0.10492427672570676,1.98 +1010,1.661366611645259,0.10424420712433284,1.7 +1011,1.4761728273397976,0.10410720175281787,1.62 +1012,0.6154294895838976,0.10531070395551696,0.56 +1013,1.342632135504462,0.10381592083097474,1.16 +1014,1.42585705827834,0.10383137023506164,1.4 +1015,2.0249749559407055,0.10445826242382572,1.86 +1016,1.681083249767755,0.10450396863308904,1.6 +1017,1.2134510039972985,0.10368450074355774,1.22 +1018,1.087332703050035,0.1045184217537009,1.26 +1019,0.7996585553578157,0.10463607742968922,0.86 +1020,1.0545147709915055,0.10438065242331289,1.12 +1021,1.564786929091528,0.10413138814339198,1.56 +1022,1.803723219650407,0.10433612022743814,1.88 +1023,0.9061938576530446,0.10443421375628711,0.82 +1024,0.6893381450592608,0.10500396164179275,0.76 +1025,0.8160180880222727,0.10496005297442429,0.74 +1026,1.1917410809555244,0.10403369500156248,1.1 +1027,1.630015891766095,0.10460584167172716,1.62 +1028,1.1164668647635336,0.10458734231177841,1.08 +1029,1.3337813059275243,0.10457068949558587,1.36 +1030,0.8581016600295461,0.10449292812558725,0.8 +1031,1.5604404020979024,0.10450217418796807,1.66 +1032,0.7910709865751882,0.10539886718557659,0.76 +1033,1.1893754495770326,0.1047828363110509,1.12 +1034,0.9631248501019654,0.10469051774616046,1.04 +1035,1.2158972654670768,0.1045079728141833,1.24 +1036,0.6825803367743957,0.10515563473953203,0.7 +1037,1.7294563095390911,0.10495909846677957,1.74 +1038,1.3511272011380973,0.1036032608617105,1.34 +1039,0.7881903453939314,0.10484460901486832,0.78 +1040,0.8501296311210229,0.10489143840021133,0.8 +1041,1.8955398864468362,0.10435053838328638,1.84 +1042,0.6261827477490636,0.10565728729764609,0.62 +1043,-0.1565984892510608,0.1396274647669181,-0.16 +1044,1.1375898760815106,0.10437869118941506,1.12 +1045,1.0447364028639017,0.10444428070843711,1.0 +1046,1.724053833159636,0.10479041665409679,1.7 +1047,2.763948805304717,0.1078222014983613,2.76 +1048,0.7940885110659481,0.10477282528028163,0.74 +1049,2.667796545467339,0.10740112927134635,2.68 +1050,0.8151821404581261,0.10461477875090676,0.82 +1051,0.871643358248515,0.1044373333934617,0.88 +1052,1.568794637410316,0.10464645939641157,1.56 +1053,0.9131441645683607,0.10443334935985714,0.88 +1054,2.79310968726488,0.10837378265712319,2.86 +1055,3.216336079620077,0.1119555088611892,3.48 +1056,3.246655746088389,0.11291405189208022,3.54 +1057,1.6373557048411476,0.10459780515252103,1.62 +1058,0.6623782936327443,0.10522994452781727,0.62 +1059,1.5141493584588348,0.10392041286420667,1.5 +1060,0.40955037875849776,0.10703908240230146,0.44 +1061,0.6084431923067983,0.10544159832489468,0.58 +1062,1.3141806766934279,0.10387953172843227,1.38 +1063,2.243851892600552,0.10533687247632786,2.18 +1064,0.9671034439637092,0.10445773035764173,1.0 +1065,1.6195479901166747,0.10427694946679647,1.62 +1066,1.367783968608129,0.1037883777857727,1.36 +1067,0.7158439619904664,0.10494876299391992,0.76 +1068,1.1617306505212346,0.10413492345505689,1.2 +1069,0.8056131809077005,0.1048039106123333,0.86 +1070,1.3821634479612177,0.10406176048632362,1.3 +1071,1.1327536860236966,0.1042791054142722,1.1 +1072,1.8540540100722422,0.10428043934935584,1.74 +1073,1.6400770043345885,0.10436631931021019,1.58 +1074,1.1657349615930857,0.10423208786937253,1.22 +1075,0.5168887751951088,0.10614257771789654,0.52 +1076,1.8255680533930443,0.10427577512327971,1.8 +1077,0.8700496533141937,0.10476152479546703,0.84 +1078,1.8214154053400646,0.10486819595996368,1.74 +1079,2.3893082665490075,0.10616383862847381,2.32 +1080,0.766921430853043,0.1047372520352892,0.62 +1081,1.3578511861088343,0.10389534610859759,1.46 +1082,3.3907310031249756,0.1162270651761254,3.32 +1083,1.0619461809156876,0.10454477664106313,1.02 +1084,2.560245021304474,0.10714163490854435,2.56 +1085,1.164738188756247,0.10415317628204918,1.12 +1086,2.0679985777670025,0.10481014023946218,2.04 +1087,2.2191759485292755,0.10539499030142041,2.08 +1088,1.6563464774061805,0.1044387767924406,1.56 +1089,0.8528818236944744,0.10445724056065264,0.82 +1090,1.0071813187697947,0.10449170411632333,1.04 +1091,0.9051658815728887,0.10459015809053425,0.82 +1092,1.4690546045978161,0.10485081451790604,1.48 +1093,1.1417982347684719,0.10411907733621512,1.1 +1094,1.7098879177610682,0.10463236096688246,1.64 +1095,1.1470533861312964,0.10459895849405444,1.14 +1096,0.8222540124615518,0.10494923753850245,0.8 +1097,0.20871437970938356,0.10947979064992004,0.24 +1098,1.8559665473992544,0.10463509611345455,1.82 +1099,0.6051209052705175,0.10549680020844449,0.62 +1100,2.230039398562826,0.10596351092032756,2.18 +1101,0.9694741120660249,0.10459043801130484,0.96 +1102,1.1579139515566714,0.10451273248423479,1.2 +1103,0.9803825394552304,0.10486620339088526,1.04 +1104,1.8412603463357824,0.10459073263731554,1.74 +1105,0.8827756040640748,0.10476114469755561,0.9 +1106,1.2871313763891914,0.10459380698585286,1.32 +1107,1.9155721697548165,0.1046924024008184,2.0 +1108,1.235146106006284,0.10430156417991251,1.26 +1109,1.8322452221704095,0.10452397987509557,1.74 +1110,4.008145829499269,0.13873275624393377,4.12 +1111,1.0921605367495415,0.10448916329404744,1.08 +1112,0.7266934115643275,0.1053328921525752,0.74 +1113,1.602013394574775,0.10432063750283815,1.56 +1114,2.179641527427047,0.10532374541862814,2.28 +1115,1.593646993600653,0.10454195516806257,1.58 +1116,0.5506152658014285,0.10569492907250179,0.44 +1117,1.3504250105789763,0.10436243608823337,1.36 +1118,1.1982841705265388,0.10403702058206452,1.2 +1119,1.3611848473448829,0.10375652171803663,1.32 +1120,1.8497896645125413,0.10454694669188604,1.84 +1121,1.273417143239139,0.10378218748366286,1.28 +1122,1.9420477404017893,0.10475089839577503,1.9 +1123,1.1040497701496212,0.10434153869561734,1.12 +1124,0.5646057059180167,0.10631501574841302,0.5 +1125,2.7928229687275055,0.1083756419954723,2.84 +1126,1.2073866477872253,0.10418796493721635,1.18 +1127,2.4289000742616897,0.10643198002975551,2.4 +1128,1.0418387905864614,0.1044858620097028,1.18 +1129,3.122973706641978,0.1150630233817935,3.06 +1130,2.1582772554198106,0.10480934875770172,2.12 +1131,1.378355033427229,0.10403459286599238,1.22 +1132,1.3018415765064217,0.10421707584374253,1.24 +1133,0.7404705783856338,0.10472074468475764,0.78 +1134,1.7089464340740568,0.10474434197616853,1.7 +1135,0.8969669073421978,0.10557623920445028,0.9 +1136,1.798121586033985,0.10401440942896006,1.84 +1137,1.024673654501144,0.10435836655543702,1.04 +1138,0.3643410407337413,0.10885919379996901,0.38 +1139,1.0768349820979841,0.10470596996924436,0.98 +1140,0.9981891070507052,0.10592712972724187,1.02 +1141,0.9882720843269945,0.10447679998843236,0.94 +1142,2.72158968364372,0.10743021913901027,2.66 +1143,0.697367183324693,0.10501722765662035,0.7 +1144,2.3393256494668924,0.10619622298215006,2.34 +1145,0.908776209671843,0.10461878166573314,0.92 +1146,1.2627733645990586,0.10401668659954014,1.28 +1147,1.753403952769239,0.10447386222493246,1.74 +1148,0.9433878526579607,0.10517435602772461,0.92 +1149,1.9527664066893022,0.10458368161940038,1.88 +1150,0.8575982377676796,0.10490943333673906,0.84 +1151,3.8213193507546857,0.11507478431676212,3.8 +1152,1.9924075817363862,0.10459080048993001,1.96 +1153,0.8000283004334667,0.10483517504554914,0.82 +1154,1.162980972121825,0.1042084024455907,1.26 +1155,1.030641179740722,0.10437145923192917,1.06 +1156,2.7532289234697727,0.10788102405555067,2.62 +1157,1.1125057477478721,0.10471046300402609,1.08 +1158,1.0516012012824705,0.10532680039863257,1.3 +1159,1.4409485959385995,0.10371180849018218,1.38 +1160,2.489158393009027,0.10631428101498641,2.6 +1161,2.7670684231272693,0.10770179431839372,3.0 +1162,1.2482760371259074,0.10407870680366522,1.34 +1163,0.8785240235524219,0.10539151168517245,0.92 +1164,0.3988789139049844,0.1073747813283938,0.32 +1165,1.4911746530389633,0.10391473290351302,1.4 +1166,1.8575400514885265,0.10444683623177606,1.96 +1167,1.071783689569382,0.10456851966661826,1.04 +1168,2.0180745152815183,0.10465259488405312,1.92 +1169,1.8757906700513294,0.10454596273093257,1.86 +1170,1.3017669434229306,0.10377369756594997,1.28 +1171,1.0777354999878375,0.10518704130590496,1.08 +1172,1.7367715555979286,0.10457878573923386,1.68 +1173,1.9838093640457037,0.1042913902556903,1.98 +1174,0.8585831463711964,0.10484559628824588,0.88 +1175,1.4347649831636895,0.1036570291631777,1.42 +1176,2.1206622267685686,0.10495053891911829,2.28 +1177,0.9490216771703563,0.10487903340046766,0.92 +1178,1.8768188360616156,0.10443696644324912,2.02 +1179,1.4897763611541626,0.10420793934769473,1.38 +1180,1.8858638265178085,0.10434148118797794,1.86 +1181,0.5558967269795909,0.10754634302285095,0.56 +1182,0.988962258148951,0.10464474921029955,1.08 +1183,1.4294460924929604,0.10375267067880047,1.42 +1184,0.4593748022482398,0.10694061515648362,0.52 +1185,1.2021387785643904,0.10402292363655459,1.24 +1186,1.751398753078269,0.10479963376836209,1.98 +1187,1.504382460226224,0.10395747716086964,1.46 +1188,1.1488958667587896,0.10413975956331498,1.16 +1189,1.504194542014889,0.10414346373154708,1.48 +1190,1.237323570759636,0.10397015790327466,1.24 +1191,1.3327897032497917,0.10369650861414988,1.34 +1192,1.8806740103320037,0.10449513217362252,1.82 +1193,0.3715848913594382,0.10697693989234663,0.42 +1194,1.4367796049230224,0.1037315188189827,1.48 +1195,1.4807008319384272,0.10414948228041465,1.5 +1196,1.7194990250476279,0.10420705741790538,1.74 +1197,1.8070348470506117,0.10430517512362848,1.78 +1198,1.6655861980843119,0.10450188182492255,1.68 +1199,1.9076702460939776,0.10448826485072993,1.88 +1200,1.143991489925697,0.10443959513750065,1.08 +1201,1.5825350977070611,0.10441168902371747,1.66 +1202,1.0029243071116367,0.10450034814786327,0.96 +1203,0.9985221096823826,0.104407856976204,1.0 +1204,2.421331885458218,0.1062997302759738,2.4 +1205,1.0898003396993863,0.10441002299607374,1.16 +1206,0.9017271589017808,0.10451148136286574,0.72 +1207,0.8006616800647794,0.10453367829479822,0.74 +1208,2.364155136640714,0.10644064033030916,2.46 +1209,0.9908670608597534,0.10461006864795687,1.0 +1210,1.8807549248527264,0.1043812273838307,1.82 +1211,2.2553064021664246,0.10652787423238884,2.24 +1212,1.09915572569792,0.10454728586100996,1.06 +1213,1.8130715835665852,0.10422382166100942,1.7 +1214,1.2505419302518392,0.10364026537254387,1.24 +1215,0.36877305656151815,0.10729180601710801,0.4 +1216,2.2744105705812236,0.1056800931010718,2.22 +1217,1.8620458195958234,0.10470135245157722,1.92 +1218,0.7200381836076266,0.10478323002178955,0.72 +1219,1.6048489889960278,0.1046000063726909,1.64 +1220,0.6197149508878121,0.10595767855736743,0.64 +1221,0.610953559592458,0.10550911128731807,0.68 +1222,1.3159145377840469,0.103577022537394,1.3 +1223,1.4735477259595173,0.10413826373840106,1.46 +1224,0.5207029017644302,0.10635499084171286,0.68 +1225,1.2357069954041622,0.10390091824934104,1.18 +1226,0.7518012944005372,0.1047229400088452,0.8 +1227,1.5971146380331573,0.10449127806942878,1.6 +1228,0.9270348706465645,0.10458048244030385,1.0 +1229,2.0093950486499415,0.10438974783135288,1.98 +1230,2.1160701124365415,0.10485503709119293,2.16 +1231,1.0379450048492904,0.10569836356121604,0.98 +1232,3.3619624765250675,0.11358881176177923,3.26 +1233,2.1219626646625,0.10493441992776388,2.1 +1234,1.8277351473616568,0.10426869961772706,1.8 +1235,2.317764736550216,0.10573871680219818,2.42 +1236,1.20272225069231,0.1042606977256513,1.04 +1237,1.4930272020274442,0.10445972369749731,1.46 +1238,0.8280140985126154,0.10464093621494949,0.88 +1239,2.6094922536591474,0.10721442854403695,2.7 +1240,1.9587145826117682,0.10495404290170163,1.94 +1241,1.5448818331017469,0.10413396973109763,1.52 +1242,1.0855710339683133,0.10455997416156138,1.14 +1243,0.6271751388215359,0.10614913811656147,0.76 +1244,1.0150092788332215,0.10490752716130333,1.06 +1245,1.6000900010364232,0.10407368766970054,1.6 +1246,1.4558370882019824,0.10417450905791381,1.42 +1247,0.7805605548761845,0.10460253932301823,0.68 +1248,0.7600351042023705,0.10498386023517786,0.68 +1249,0.7245877965826137,0.10507862642385093,0.72 +1250,0.34877345338774557,0.10845081610628436,0.32 +1251,0.9963116298796892,0.10436548901400525,1.04 +1252,1.0410032636246287,0.1043104637798579,1.06 +1253,2.5427600723840618,0.10691217513300441,2.76 +1254,1.0549256391096362,0.10443013140583465,1.02 +1255,2.5640743161487007,0.10687821131991147,2.4 +1256,0.8753021487262211,0.1062799938683355,0.98 +1257,0.655203922951304,0.1051606661249371,0.66 +1258,1.8578816578909523,0.1041798090482929,1.88 +1259,1.0867116895460542,0.1048025413319139,0.82 +1260,1.0798978800887697,0.10438305724881905,1.04 +1261,0.3067188650406871,0.10756830250027163,0.32 +1262,0.25335629175394647,0.10857214686109697,0.24 +1263,2.410590617675406,0.10606703550284538,2.24 +1264,1.8224161699138781,0.10504925591963829,1.8 +1265,1.8909279489888595,0.10518627957909844,1.94 +1266,0.9684435137702776,0.10454713669635589,0.96 +1267,1.2134935000264226,0.10419159087715822,1.24 +1268,1.660008626462445,0.10433956542538753,1.66 +1269,1.3193309855585484,0.10404971352631649,1.38 +1270,0.7202847472594307,0.10565520650229018,0.7 +1271,2.035336278471042,0.10462795821804556,1.98 +1272,1.7189536937704508,0.10441544221193809,1.68 +1273,0.9537528365935701,0.10459765592622325,0.98 +1274,1.0412009560829256,0.10446655322355629,1.04 +1275,1.1504487921494055,0.10426620627024874,1.14 +1276,0.36006202136594023,0.1073844784601883,0.38 +1277,1.8581617971452102,0.1044124348366433,1.9 +1278,1.47206786533813,0.10401475283990298,1.52 +1279,1.2520561768494618,0.10398249762220696,1.3 +1280,2.030161955911761,0.10451407379629826,2.1 +1281,2.022924939443672,0.10501630924761177,1.98 +1282,1.5870464756842066,0.10445942902985605,1.5 +1283,1.2057268775915366,0.10392275726485434,1.14 +1284,1.3451015227905367,0.10402070675704037,1.28 +1285,1.7062119517285188,0.10445456636050401,1.72 +1286,1.7042403086778597,0.10441340027643412,1.62 +1287,1.1703834710372645,0.10422996655408483,1.16 +1288,1.0068868127066244,0.10551606242288168,1.1 +1289,1.3784406893169185,0.1041133723307464,1.46 +1290,1.916672485693062,0.10542538042281814,1.76 +1291,0.6121358207119982,0.10531325992250146,0.58 +1292,2.5506383023754706,0.10714862956017576,3.2 +1293,0.7095946686611985,0.10792747104544227,0.8 +1294,0.8123187405318211,0.10458946926109433,0.82 +1295,0.8492427500525972,0.10465671466310751,0.8 +1296,1.5238486656388686,0.10391550800343403,1.5 +1297,1.502711831210056,0.10404439334956828,1.38 +1298,2.930207140608494,0.10915076810796609,2.88 +1299,0.5430402660404603,0.10575552092586493,0.52 +1300,0.9120616272311812,0.10453030816964215,0.96 +1301,0.38968063969877154,0.10701488269747014,0.36 +1302,1.0970302568082912,0.10450517885923985,1.06 +1303,1.4277547579635383,0.10400864320944972,1.44 +1304,1.9622211665903135,0.10761864180663307,2.24 +1305,1.3211484981642263,0.10370524594087965,1.28 +1306,1.335619996350652,0.1038202211975893,1.38 +1307,-0.04494054662492708,0.12225068217254313,-0.04 +1308,0.8139554436108387,0.1049983052975107,0.86 +1309,1.1309961097506234,0.10419656111475287,1.22 +1310,0.6262452720063054,0.1054312794574367,0.8 +1311,2.749857540072983,0.10777095686216454,2.64 +1312,1.1277021310735593,0.10444833490652461,1.2 +1313,0.9863711830786484,0.10469159258742039,0.9 +1314,1.0012922992668605,0.104558179906869,1.0 +1315,1.2567373188254871,0.104073494740382,1.2 +1316,0.5646163557852715,0.10561556322373841,0.5 +1317,1.9708903989550768,0.10439417984435957,1.98 +1318,1.6754555535224176,0.10479752566909399,1.62 +1319,0.8259388089124995,0.10488548952336177,0.76 +1320,2.858866753060428,0.10892718291854973,2.8 +1321,1.3640472510096666,0.10401659308306363,1.44 +1322,0.4217417265229688,0.10705583743102708,0.34 +1323,2.050261912161125,0.1049157498769215,1.98 +1324,1.8727712266775063,0.10473682120626392,1.84 +1325,1.8782270629015079,0.10431179491818203,1.78 +1326,1.4918737646841569,0.1041087906445372,1.54 +1327,1.3543200720187114,0.1041751301680794,1.38 +1328,1.2104359221766225,0.10396088243572317,1.18 +1329,2.015930413378004,0.10495953677535556,1.96 +1330,0.9196020410109176,0.10438471118763823,0.86 +1331,3.3787026467208188,0.11554713046070468,2.9 +1332,2.599563249803725,0.10672265405446281,2.64 +1333,0.47308714694264786,0.10643587201677705,0.48 +1334,1.2140198331914744,0.10408398746558044,1.32 +1335,0.48892973575261234,0.10605995372880177,0.6 +1336,1.0002802513961369,0.10438794766352638,0.96 +1337,0.8162669855580127,0.10461549881507383,0.76 +1338,1.2564837620992568,0.10412299426567609,1.28 +1339,1.9691046138212789,0.10474396303737832,2.0 +1340,0.9860078667276264,0.10438636867383297,0.96 +1341,0.6921882532445798,0.10522090215289218,0.7 +1342,1.041573306690899,0.1045405657907116,1.16 +1343,1.969831282464514,0.10451643552588971,1.88 +1344,1.8907026714948065,0.1046777061510021,1.86 +1345,3.117810295231009,0.11121879663177016,3.04 +1346,1.6336418532880712,0.10409074009565869,1.74 +1347,1.338020107016889,0.1038509738397552,1.32 +1348,1.0229754011734213,0.10457915418773922,1.14 +1349,0.48336472096833205,0.10624112682181491,0.44 +1350,1.3297120670614548,0.10404995311355031,1.36 +1351,0.4417979378828951,0.10668798451608046,0.5 +1352,2.43436630150753,0.10616592491083052,2.52 +1353,1.3779936591592685,0.10413978783644773,1.3 +1354,1.1357390554312614,0.10439089250046507,1.04 +1355,2.275592451636565,0.10556944316740115,2.18 +1356,1.2707802453558381,0.10383656505118752,1.22 +1357,1.5040057707164456,0.10403989506138599,1.44 +1358,1.141082049163244,0.10436703876111152,1.16 +1359,1.1395432854133913,0.10437864315421012,1.16 +1360,2.0725569598865787,0.10492198763501678,2.28 +1361,2.508782541197422,0.10781124063665554,2.58 +1362,0.8309376932044339,0.1044697319700435,0.78 +1363,1.087628337121143,0.10451407881453581,0.94 +1364,1.061474734729674,0.10449449354160452,1.02 +1365,1.1026526232176694,0.10443191356794311,1.04 +1366,1.8169272950166784,0.10471836765195543,1.86 +1367,1.088282989144127,0.1043828182315872,1.14 +1368,2.569701121035595,0.10655251327665541,2.6 +1369,2.7907641659327913,0.10804654884665386,2.66 +1370,1.4911541581655667,0.1043423036291552,1.42 +1371,1.7819858639689121,0.10431355766977657,1.8 +1372,2.3415126014832763,0.10589546011363851,2.4 +1373,2.025754143229043,0.10460901093058264,1.98 +1374,2.86350168911608,0.10862463659544802,2.92 +1375,2.6509532744534736,0.10714997839970615,2.6 +1376,1.150233078857144,0.10480992057904576,1.18 +1377,1.5692462239484675,0.10432864936886913,1.56 +1378,4.3566046024196305,0.15240355796526908,4.34 +1379,2.0578062165807998,0.1054384895461488,2.12 +1380,1.2346855039667597,0.10355656860785012,1.22 +1381,1.9239894660446195,0.10511216767118879,1.94 +1382,2.1022653710419617,0.10473861562132547,2.04 +1383,1.2524651684439556,0.10408468760113847,1.2 +1384,1.6294855716544694,0.10421977497007492,1.5 +1385,1.3535031165657214,0.10360072481469865,1.34 +1386,1.7661780715275084,0.1049146900547902,1.72 +1387,1.0896723522844267,0.10459121543837097,1.08 +1388,1.6884722105478813,0.10428665760054083,1.7 +1389,1.0527725751568555,0.10447562315391636,1.1 +1390,2.3206811290029483,0.10719037459880132,2.32 +1391,2.4653067216331896,0.10669698795294191,2.38 +1392,1.1798652105267253,0.10397515905900903,1.28 +1393,-0.1854201573626968,0.14185343998802227,-0.14 +1394,0.4631806053423366,0.1067429178745017,0.48 +1395,0.5478962343405813,0.10542978651306495,0.54 +1396,0.5542227997575928,0.10578607746004545,0.52 +1397,1.601489009467623,0.10454920825558663,1.58 +1398,1.354888632320697,0.1035234281761682,1.38 +1399,2.242586251451292,0.10568039271234594,2.26 +1400,1.4387279959178647,0.10382023204103329,1.48 +1401,2.1894392958116553,0.1052501852191363,2.06 +1402,2.6481122719406995,0.10697196892381346,2.6 +1403,0.5222963712692481,0.10609416872058869,0.56 +1404,1.1506419158063208,0.10422314933671734,1.24 +1405,1.7530126467186937,0.10441675317794848,1.72 +1406,1.229274146326321,0.10378752275216883,1.2 +1407,1.3940322615041696,0.10396292721807925,1.46 +1408,1.6028654071072728,0.10428735041850057,1.58 +1409,2.1338338748080536,0.10581089111487312,2.2 +1410,1.0957568750795472,0.10440660404696545,1.14 +1411,0.7466273560550443,0.10474434234606077,0.7 +1412,2.2635190088383714,0.10524208255148139,2.26 +1413,0.47145662813775946,0.10629552101189552,0.54 +1414,0.7816410910834017,0.10486944932155345,0.8 +1415,1.8262846334097835,0.10422231256916047,1.84 +1416,1.59878985977734,0.10403688933055108,1.64 +1417,1.5620111065361675,0.10396530863816149,1.5 +1418,0.8760931588912921,0.10487796655737304,0.9 +1419,2.905395373187676,0.10963353185875169,2.92 +1420,-0.025249185246395633,0.12357487815834559,-0.12 +1421,1.9139106146507308,0.10446231596759346,1.94 +1422,1.6886251040697706,0.10448345720960028,1.62 +1423,1.9216928261677557,0.10418742340775093,1.9 +1424,1.667082613590778,0.10412534155077785,1.64 +1425,1.6367913008267072,0.10450034352056252,1.72 +1426,0.6618664177130089,0.10496068634254845,0.62 +1427,1.1109845697478091,0.1046091013150356,1.08 +1428,1.157123787076336,0.10438674241195571,1.24 +1429,1.562616596897068,0.10394881106263437,1.54 +1430,1.1149822869352475,0.10433903221258109,1.14 +1431,1.2655656567066442,0.1039437770876551,1.28 +1432,3.189452559370145,0.11322434665379341,3.2 +1433,1.758021680113532,0.10442914865176223,1.7 +1434,1.1662023550746303,0.10485214605023059,1.04 +1435,1.688364375879316,0.10451472184614413,1.68 +1436,2.4235570202412005,0.1061054737117019,2.4 +1437,1.5181681887180316,0.10399711373390913,1.46 +1438,1.4714674518274853,0.10458072147850166,1.44 +1439,1.5562056302706493,0.10478188701285261,1.5 +1440,1.1233033052312562,0.10436118151971299,1.1 +1441,1.9366200791498178,0.1046598534229464,1.9 +1442,0.14922434919948646,0.11332446479206874,0.08 +1443,0.7535445018331055,0.10605126547971007,0.76 +1444,0.38946712742026346,0.10696681878013192,0.42 +1445,0.6456637467702437,0.10575239300481355,0.68 +1446,0.7007695641789828,0.10557640910597581,0.7 +1447,1.221874368996592,0.10386792621640498,1.18 +1448,1.2661714930033012,0.10395575331326982,1.22 +1449,1.493108217576455,0.10417298745446249,1.46 +1450,3.1099202354670785,0.11087113699894183,3.12 +1451,0.4654950790338521,0.1065810657620705,0.46 +1452,1.8785440097700876,0.10479354800004238,1.84 +1453,1.6310320492124921,0.10415154620322035,1.7 +1454,1.6631254197015357,0.10470442444848042,1.68 +1455,0.898054466685891,0.10441426054577119,0.92 +1456,1.9452287456659105,0.10444103350553437,2.1 +1457,1.0870683505756178,0.10421708149596094,1.02 +1458,0.8205313415857729,0.10491061716463869,0.82 +1459,0.8260810992632264,0.10613996037757772,0.84 +1460,0.8133145487160851,0.10468943120357914,1.0 +1461,2.6142048627871253,0.10691213220682953,2.6 +1462,1.232987338714234,0.10391634682417784,1.16 +1463,1.9033174317228747,0.10446005992816795,1.84 +1464,2.715312361958744,0.10749149970485453,2.68 +1465,1.683798665645468,0.104560333069321,1.68 +1466,1.048109493423385,0.10439466076205103,1.08 +1467,1.6821483288638666,0.1041187024802869,1.62 +1468,1.4892801857256819,0.10380702064645922,1.4 +1469,2.368647374068721,0.1058252431929859,2.34 +1470,1.381215046411545,0.10442092887132462,1.26 +1471,0.4800847890776323,0.10630268692020367,0.54 +1472,0.9789665730000658,0.10455966467141703,0.98 +1473,1.0295496490100033,0.1046334423644987,1.1 +1474,2.1962621631655166,0.10546946915766545,2.22 +1475,2.294883307995554,0.10694185871990661,2.36 +1476,0.21208300942848002,0.10941057744225573,0.18 +1477,3.3575182023814927,0.11623139375929094,3.24 +1478,1.6949700489519222,0.1049279886917364,1.6 +1479,1.622955285082127,0.10431182973403494,1.64 +1480,1.4672601998075967,0.10384304425700033,1.46 +1481,1.4145906711325074,0.10372121291193416,1.38 +1482,2.490764667090608,0.10652723230514724,2.46 +1483,1.391232104747588,0.10448499989679978,1.38 +1484,0.05764315164546474,0.11456956168347997,0.1 +1485,2.521844064476883,0.10664271733802119,2.54 +1486,1.657204472571439,0.10508427708292988,1.68 +1487,0.9445083815239466,0.10510134801299717,1.06 +1488,2.8091995664556775,0.10830120795364508,2.7 +1489,0.9900516555903591,0.10470828534863005,1.04 +1490,0.48607375377744777,0.10627924037932497,0.34 +1491,0.5002186919541431,0.10972716690273619,0.5 +1492,2.296952036460925,0.10591178411002487,2.32 +1493,1.9734533113782993,0.10448843906053275,1.98 +1494,1.7050442585469758,0.10428468086751107,1.76 +1495,1.1474257603274163,0.10417413290453922,1.14 +1496,1.119716907404512,0.10468093050072981,1.1 +1497,1.0082763148758245,0.10441948838489915,1.08 +1498,2.656697855844384,0.10713671654154681,2.74 +1499,1.4437200861945287,0.10371840464045773,1.5 +1500,0.9631274692641396,0.10453331112536317,0.9 +1501,1.5372011869699014,0.10418882928612944,1.56 +1502,1.4932733441966226,0.10392310599724731,1.48 +1503,0.7917058639290984,0.10491698279717318,0.78 +1504,2.3646751622865834,0.10603839259661646,2.36 +1505,3.05658500893385,0.11036013719626704,2.96 +1506,0.9024531181486877,0.10447424842732544,0.86 +1507,0.4060051319847977,0.10668390703417197,0.38 +1508,1.48487472584977,0.104016370706469,1.46 +1509,1.6771536740645443,0.10392708575289962,1.54 +1510,0.8603416517814324,0.10485039755274611,1.02 +1511,2.8175820394533906,0.10854756480998823,2.82 +1512,1.0804314588321153,0.10483504957163757,1.22 +1513,1.5225497879361702,0.10410618766356146,1.48 +1514,1.7032376827434552,0.10436943709086656,1.7 +1515,1.2448055239690339,0.10385186706849737,1.4 +1516,0.17297328992239525,0.11067666014778683,0.16 +1517,1.8663535559048183,0.10418233450468815,1.96 +1518,0.6760081882235731,0.10512174577819791,0.64 +1519,1.0575616922110678,0.1048061644420502,1.02 +1520,0.8323953140798874,0.10490375076580781,0.8 +1521,1.3149977497878291,0.10420929416748763,1.34 +1522,0.8600824829252334,0.10472251612732254,0.86 +1523,1.393840093328655,0.10375902516003621,1.42 +1524,2.1785230598441307,0.10533354593257689,2.14 +1525,1.1412495295842602,0.10440092200588362,1.1 +1526,1.3603484207187497,0.10436111817710221,1.4 +1527,4.041904188253283,0.12245183177000059,3.62 +1528,0.25184650441718315,0.10852909103923253,0.34 +1529,1.253191862785239,0.10388202283623514,1.3 +1530,0.7730130987961674,0.1052016371570069,0.86 +1531,0.939046394073074,0.10560013895086477,0.9 +1532,0.9246972979179082,0.10441111154416571,0.86 +1533,0.6854426139525271,0.10556989719763525,0.7 +1534,2.2359679015452576,0.10552721733756401,2.26 +1535,0.8059947955969973,0.10449256275942334,0.66 +1536,3.0636239348267003,0.11038134933517338,2.8 +1537,1.0489411067879404,0.10485306567914437,1.12 +1538,1.2946823705226604,0.10449684850145156,1.34 +1539,0.6764717317466697,0.10612366831226647,0.68 +1540,0.9019595834503074,0.10485581957393812,0.84 +1541,1.4103359707962744,0.10423622694456888,1.5 +1542,0.8833127936533947,0.10640765725933854,0.92 +1543,2.152170818414528,0.10497406718594507,2.14 +1544,0.7234952816277742,0.10472879109147455,0.68 +1545,1.1735258583300476,0.10383911149099499,1.06 +1546,0.9537684975400147,0.10501050545281863,1.0 +1547,1.2956913648230701,0.10363355865931424,1.28 +1548,1.6511872443753708,0.10442225548635488,1.68 +1549,0.7705643628457279,0.10465584858357967,0.86 +1550,0.506534185409933,0.10591710463405887,0.56 +1551,0.44948204445026096,0.10705653291842679,0.48 +1552,0.5293503453938717,0.10730820544284754,0.48 +1553,1.2323939803935753,0.10383153045954324,1.2 +1554,1.5851141090728254,0.10414672372462788,1.58 +1555,1.9484261335403437,0.10448086002134688,1.9 +1556,1.5059364010876903,0.10399826230537612,1.52 +1557,1.536386800071127,0.10428483139709284,1.52 +1558,0.8830116605666634,0.10441608640397042,0.9 +1559,1.545882610471348,0.10417906272383406,1.54 +1560,2.1078128051437544,0.10502258849397753,2.04 +1561,2.5982566934879747,0.10730986497525347,2.28 +1562,0.6667852486884263,0.10555680599805684,0.7 +1563,2.014503267522282,0.1048130964121657,2.04 +1564,1.716870035352179,0.10505507589626484,1.7 +1565,1.759952367646739,0.10430738804851158,1.72 +1566,1.447721919617238,0.10383979503085529,1.5 +1567,1.4606762459595588,0.10465854320321633,1.38 +1568,1.451060421555078,0.10429586778747092,1.44 +1569,2.984391439591273,0.11019322911716194,2.84 +1570,0.9230795810172756,0.10709741392486483,1.0 +1571,1.4896584391115395,0.10437271275253808,1.56 +1572,2.187291850872536,0.10549885251410729,2.16 +1573,1.8203219697629818,0.10450421494657218,1.8 +1574,1.4820398855604209,0.10451255290543914,1.42 +1575,0.793781608020443,0.10456480501524912,0.82 +1576,0.7844792783854952,0.10484767851315879,0.84 +1577,1.4361219109442205,0.10387312462159584,1.38 +1578,0.6935397737572586,0.10514808673266596,0.82 +1579,1.5960901847387374,0.10408985745252078,1.58 +1580,1.3840411080584536,0.1037424266254172,1.36 +1581,0.5959195094835055,0.10597218048285477,0.76 +1582,0.9947157164756311,0.1043168594119548,0.84 +1583,2.3859081938526634,0.10616406843711897,2.5 +1584,0.84018345193837,0.10473669584150364,0.9 +1585,1.4163394798166271,0.1040727433755306,1.5 +1586,1.1488044971285651,0.10426591226543626,1.14 +1587,0.7552368145358015,0.10478162688462328,0.76 +1588,2.407981236647898,0.10622114626854885,2.34 +1589,0.9537794623921618,0.1044961120405604,1.0 +1590,1.299986580963405,0.10362375806545009,1.26 +1591,2.132317648083908,0.10491868252026244,2.12 +1592,2.3226098885584703,0.1057294223589213,2.32 +1593,0.9446915420516993,0.1045669974742055,0.96 +1594,3.141836887808121,0.11139497167717442,3.16 +1595,2.6459265935663323,0.10824423970371394,2.7 +1596,0.8843096094153298,0.10471370338264951,0.86 +1597,3.0909455124324507,0.11082205066518472,3.04 +1598,2.7379119868004507,0.1083600325244415,2.82 +1599,3.258437312676299,0.11268250625856832,3.26 +1600,3.5312434315798518,0.11285369162238144,3.42 +1601,1.5608925854238676,0.10432677059353021,1.54 +1602,1.1097190368037664,0.10428808040252154,1.14 +1603,1.1127390573731537,0.10439274766743152,1.12 +1604,1.2254190289256632,0.10437735768277659,1.3 +1605,0.5772361813076197,0.10576942409835183,0.64 +1606,1.9553979833264625,0.10417336662871515,1.92 +1607,1.1937425605898566,0.10383735476333748,1.26 +1608,1.4796158612426842,0.10407374624131543,1.42 +1609,0.8059478899334573,0.10472075249963714,0.8 +1610,1.879747609101833,0.10472633432487051,1.78 +1611,1.5335314966693536,0.10410996364831046,1.48 +1612,1.6548186293500171,0.10467527112285603,1.62 +1613,2.1793988270490585,0.10498122347301664,2.18 +1614,1.0534424285333097,0.10473480490154562,1.04 +1615,1.2463280165103159,0.10402283634314045,1.26 +1616,1.0204207534897334,0.10456659432187226,1.1 +1617,0.7707625737201047,0.10508778569716316,0.72 +1618,2.7436942656646037,0.10760436578234467,2.72 +1619,1.4007799023321796,0.10451791277294294,1.36 +1620,1.508549781789145,0.1041206694537397,1.52 +1621,2.102229363337943,0.10500304554656952,2.04 +1622,0.951061197023912,0.1083362740258545,0.98 +1623,0.4869695606348712,0.10693243499420112,0.56 +1624,1.3840447381477317,0.10419267262691363,1.48 +1625,1.0253398981043285,0.10450107794302735,1.1 +1626,1.0032767207300077,0.10464225805666004,1.0 +1627,1.37226335745292,0.10439364577813062,1.26 +1628,0.6310368187978534,0.10542401327099747,0.66 +1629,1.2642466521513631,0.10391080993864191,1.34 +1630,1.0162531108791795,0.10447404237103498,0.98 +1631,1.49579325775722,0.10419724972949933,1.52 +1632,1.7628841459441906,0.10470221494717591,1.8 +1633,3.4931022201488764,0.11369303759111679,3.4 +1634,1.6148429077612425,0.10435531845024991,1.6 +1635,0.7849336822181803,0.10501395986229488,0.76 +1636,1.6566433210922922,0.1045005109421306,1.8 +1637,1.1528007178951105,0.10493497488365616,1.2 +1638,0.9804027448701005,0.10453908141403324,1.12 +1639,3.5025992045958434,0.11403164379805662,3.7 +1640,1.131353962088414,0.1043754548833407,1.16 +1641,2.923722435889011,0.10978099570239512,3.04 +1642,1.711869236883774,0.10464941561651497,1.6 +1643,1.3805881684995027,0.10389827240701921,1.38 +1644,0.9776374213844177,0.10483007998086347,0.96 +1645,0.9759677633455999,0.10452570043561621,0.96 +1646,2.2739781194551147,0.10613739059912176,2.26 +1647,1.559650525642545,0.1041276911283023,1.6 +1648,1.417872694555201,0.10422224452373884,1.38 +1649,1.4782855269111623,0.10431600765131738,1.42 +1650,0.45088472007261604,0.10688566538882957,0.56 +1651,0.9702125344269197,0.10437834804553774,1.06 +1652,2.711647092963914,0.10742738492836523,2.66 +1653,1.2880829947705665,0.10407558817548167,1.3 +1654,3.9989287139568708,0.12379253698698502,4.04 +1655,1.297783714562482,0.10433293962532247,1.34 +1656,2.640663662212538,0.10691830687572006,2.56 +1657,1.470862401477766,0.10443487869535559,1.48 +1658,2.090880414493035,0.10497470420748031,2.12 +1659,0.5751459993023227,0.1059814005581816,0.6 +1660,1.4586030805374373,0.10394985328507571,1.46 +1661,2.90724725851988,0.10907318136790321,2.78 +1662,1.0284566991323603,0.10465585171043792,0.92 +1663,2.0581042948532753,0.10483933505978457,1.98 +1664,1.2821152075723967,0.10417219936655585,1.18 +1665,1.2580459759476819,0.10457208489960045,1.14 +1666,0.5133442648898567,0.10633112760533935,0.52 +1667,2.242140491833662,0.10511749879670573,2.2 +1668,1.8716049361140845,0.10416242526326393,1.92 +1669,-0.23381113915206875,0.14745652904014075,0.04 +1670,1.8836463239909973,0.10433963190073309,1.86 +1671,0.7632563741305729,0.10501315543724929,0.74 +1672,2.2756951948708375,0.10546303654695467,2.36 +1673,2.4777659916884636,0.1062861160658711,2.46 +1674,1.4877607258984087,0.10377790107273036,1.56 +1675,1.0196782230492145,0.10592401153120176,1.04 +1676,2.7551271225209772,0.10884161678245446,2.84 +1677,1.7449162657961095,0.10467528329855989,1.8 +1678,2.3749738677715007,0.10625067402904276,2.4 +1679,1.1790888527788423,0.10415875438082108,1.22 +1680,1.489219274524781,0.10392288887068904,1.52 +1681,1.61027078172956,0.10411056956540389,1.6 +1682,0.15510877834475778,0.11249964032801282,0.0 +1683,0.49514942409255625,0.10659928812230407,0.46 +1684,0.4134678335141979,0.10744600169262382,0.42 +1685,0.9424683461878578,0.10482057654384692,0.9 +1686,1.0154516566528242,0.10472902776266922,1.04 +1687,1.616804229789131,0.10410111419359971,1.66 +1688,0.19232904233645964,0.11028219901381751,0.26 +1689,1.8360809790314674,0.1044317287828345,1.72 +1690,1.1136662128452484,0.10453764069972919,1.12 +1691,1.5116049098659188,0.10594122974947948,1.46 +1692,2.221705224451184,0.10564976490720081,2.16 +1693,0.9736845192739496,0.10445203131801532,0.9 +1694,0.45073855221549675,0.10640035513537702,0.46 +1695,1.7918084686508022,0.10437515252331955,1.72 +1696,3.6109019552430768,0.11305233139584611,3.6 +1697,2.0537257350265667,0.10456785669066189,1.94 +1698,0.7802515003973811,0.10491725061975207,0.76 +1699,0.8970741590765394,0.10442247524094253,0.96 +1700,1.2887606841725932,0.10380001244310244,1.3 +1701,1.586850294045127,0.10447764344451314,1.6 +1702,0.11162413427330087,0.11507863119979032,0.04 +1703,1.3889214549213724,0.10349851389809768,1.32 +1704,1.83402119051562,0.10432195004317596,1.82 +1705,2.493760383873009,0.10658731804199989,2.44 +1706,2.005041080981612,0.10471711704928766,1.92 +1707,1.2530654577674527,0.10396166157286581,1.24 +1708,0.6500254849013762,0.10534287926581588,0.7 +1709,1.8231146268626963,0.10424605290140723,1.88 +1710,1.7556998109680917,0.10464794443110614,1.8 +1711,2.2067616771172416,0.10525752130622872,2.14 +1712,3.2086608008937967,0.11599775764149901,3.22 +1713,0.7568171106953594,0.10493019163171251,0.68 +1714,1.8743936262369187,0.10472995019404824,1.8 +1715,1.4494239276338936,0.10452553944458169,1.5 +1716,1.7774143936684537,0.10411391845972581,1.7 +1717,2.7747998007472736,0.10898596587242752,2.84 +1718,0.8633456213677126,0.10488011569584003,0.78 +1719,0.7783917918740899,0.10488696586481316,0.86 +1720,1.618057279569654,0.10394164348102244,1.58 +1721,0.7159270234366284,0.10506373595586183,0.74 +1722,0.5740463960065272,0.10558478824168964,0.54 +1723,0.6100265617009022,0.1054426634126189,0.62 +1724,1.9937141717294287,0.10444256811606424,1.84 +1725,0.794641720752419,0.10483405442869703,0.76 +1726,1.0798438885850627,0.10440879867646231,0.98 +1727,2.2272827547907204,0.10548605360661407,2.24 +1728,1.7074342527808133,0.10434785682936645,1.76 +1729,1.0260625277588646,0.10469463044136477,1.0 +1730,1.1075601227192235,0.1043481580773379,1.18 +1731,1.5448457110050908,0.10433962510387118,1.54 +1732,0.6075669491994065,0.10583648764289351,0.64 +1733,2.424125872570289,0.1063652446034398,2.46 +1734,1.1999850475885685,0.1041377503091337,1.18 +1735,0.9806634572667923,0.10444731631696828,1.02 +1736,1.3785713442697451,0.10436180142264127,1.38 +1737,2.3411246131979935,0.10609000863155217,2.42 +1738,0.7435112392314114,0.10467470534517158,0.8 +1739,0.8642166839286212,0.10508483982462684,0.9 +1740,0.961739828599911,0.10444383124104116,0.96 +1741,1.3025579878587843,0.10383560145995961,1.28 +1742,1.2884208257411158,0.10449070585665322,1.3 +1743,1.42198927946498,0.10398423229447054,1.42 +1744,0.18401364625619987,0.11191459307503529,0.22 +1745,1.625859673001112,0.10455649570446833,1.66 +1746,1.6034567790925314,0.10432518330988166,1.58 +1747,1.6449428680619773,0.1045921345214147,1.84 +1748,1.0388299513749741,0.10456656176545376,1.08 +1749,1.8459135823623454,0.10442116358554139,1.84 +1750,1.115948813135442,0.10455294438114583,1.1 +1751,1.6030253926003786,0.10416834027221711,1.66 +1752,1.627273992843473,0.10433201330801921,1.6 +1753,1.6699798380391107,0.10428705076900217,1.76 +1754,2.142819099623277,0.10542168906592658,2.08 +1755,1.5121698140700088,0.10485134252386345,1.56 +1756,2.4022700600387656,0.10638395762186613,2.46 +1757,0.7028492546080081,0.10491532742381249,0.76 +1758,0.5101292570446887,0.10648923134017561,0.44 +1759,1.4858982773429465,0.10428040457550576,1.44 +1760,0.6859756797660426,0.1052352106957798,0.72 +1761,2.5025479474040457,0.10662060786291898,2.56 +1762,1.2933808519935655,0.10389888532212938,1.26 +1763,0.7900812741070125,0.10477123447217698,0.82 +1764,1.0147142319582434,0.10443305850629503,1.02 +1765,0.7109934817682815,0.10545537726397108,0.66 +1766,1.246689889708093,0.10379904145185818,1.24 +1767,1.903791278286529,0.10436004080385286,1.52 +1768,1.0949837290371667,0.10446454728481505,1.1 +1769,1.7853532590695975,0.10433785534065247,1.76 +1770,2.6485049889066934,0.10756727285040614,2.66 +1771,1.26466151364827,0.10402318784518863,1.24 +1772,1.5187304068515237,0.10423794993689997,1.54 +1773,1.1252685875576693,0.10444911114090932,1.12 +1774,1.9915885087787961,0.1046781428173415,2.02 +1775,1.3445814553120767,0.10370203735292846,1.32 +1776,2.2243609185269646,0.10540341329809705,2.16 +1777,1.7694988207407247,0.10432785860051288,1.68 +1778,0.8077329285517107,0.10502410679017431,0.88 +1779,1.8725857945143956,0.10446929596846383,1.86 +1780,2.024069272715759,0.10564210209794059,1.96 +1781,0.8805175729389427,0.10444483414163086,0.9 +1782,1.0219504039709362,0.10443641042810543,0.98 +1783,1.2130307194839345,0.10437797308417368,1.12 +1784,0.267291756648274,0.10890927696454672,0.2 +1785,1.4046305266333254,0.10408451095300465,1.22 +1786,3.933709727906284,0.12924393347452418,3.94 +1787,0.6626065964379171,0.10512651970848196,0.66 +1788,1.963986934725944,0.1043503220920925,1.82 +1789,0.9119348835103027,0.10440015062253298,0.86 +1790,1.2677273611422288,0.10349934142641827,1.26 +1791,1.4657891569546377,0.10391718842365515,1.5 +1792,4.9969318755720495,0.4642525938543595,4.98 +1793,1.1095124271497818,0.10421509930929326,1.08 +1794,1.8818427685025183,0.10421637034882164,1.94 +1795,1.9347782167724317,0.10455847657890224,1.92 +1796,1.073550058958653,0.10472879098333654,1.12 +1797,0.5602168739376916,0.10634441866946291,0.68 +1798,0.6921047390578634,0.10518747723896364,0.74 +1799,0.6083842958395014,0.10547167931441201,0.64 +1800,1.6551863635952975,0.10452952522800706,1.64 +1801,1.735894112840163,0.10491206908742082,1.56 +1802,0.9142213087505064,0.10442698775068103,0.94 +1803,1.0071970803802826,0.10448341514919818,1.02 +1804,1.7349094506986793,0.10442013575529391,1.7 +1805,1.4177051048325113,0.10419483998529461,1.38 +1806,1.7133758933151695,0.10473079762467084,1.74 +1807,1.3193443466458783,0.10402897587597157,1.28 +1808,4.216329847232514,0.13999806259989078,4.24 +1809,1.035248724543087,0.10463817617537632,1.08 +1810,2.082221549503603,0.10488199921605923,2.0 +1811,0.7098695956818117,0.10530844137219006,0.74 +1812,2.2068937163002316,0.10522638180966894,2.18 +1813,1.996184982767235,0.10457764426605283,1.92 +1814,1.3471899958035864,0.1037980860884323,1.34 +1815,0.8615538531859794,0.10559891751977067,0.78 +1816,1.6119347878385666,0.10478486392102515,1.62 +1817,1.5512991339246645,0.1040157425371801,1.58 +1818,0.7671634581322735,0.10452331836939037,0.72 +1819,1.104610822921381,0.1045478289663685,1.12 +1820,1.2263808596956318,0.10383672094695318,1.34 +1821,1.8855470290255907,0.10449168581385468,1.86 +1822,3.355774028565741,0.11311390933013482,3.34 +1823,0.906299241198119,0.1047196272944418,1.02 +1824,1.6423227704875556,0.10493459267977441,1.6 +1825,1.4884349679126805,0.10399508297932054,1.44 +1826,1.456386352228102,0.10408807394350342,1.36 +1827,1.6885924654221318,0.10475220825549146,1.7 +1828,0.6843564494526122,0.10509469067428892,0.78 +1829,1.616966282968348,0.10422680821494369,1.6 +1830,0.5440218141657747,0.1058831075538223,0.6 +1831,1.113633311063313,0.1043516786662932,1.14 +1832,1.399547754363902,0.10437082148385948,1.38 +1833,0.5964167027992078,0.10551055673103972,0.54 +1834,1.6630544577483617,0.1042212466611745,1.78 +1835,1.0174679843261165,0.10449378125564575,0.98 +1836,2.34975512565921,0.10775935750785197,2.36 +1837,3.766636420625905,0.12124897788246364,3.7 +1838,0.5777637312776145,0.10550505415630214,0.58 +1839,1.1531241720371002,0.1040012356908822,1.26 +1840,1.9704056483704404,0.10452898406855046,2.0 +1841,1.635023293141205,0.10445303761510427,1.56 +1842,1.2540140001225266,0.10414263169507007,1.26 +1843,1.7266325204250519,0.10450125493816512,1.66 +1844,2.0245707968464286,0.10464081314497191,1.94 +1845,2.149414698805926,0.10502262562645753,2.0 +1846,0.5119809081474074,0.10677554782704102,0.56 +1847,1.9537483117194538,0.10457683424108487,1.86 +1848,1.7358250839295861,0.103927261205435,1.76 +1849,1.6181748296951843,0.10441622028634409,1.62 +1850,2.463130539513659,0.10651795945507293,2.54 +1851,1.1478138249622907,0.10490705450676757,1.02 +1852,1.785391597930988,0.1048858170347621,1.82 +1853,1.3924820815108623,0.10370105259257399,1.44 +1854,0.8976747058034595,0.1043675367404018,0.96 +1855,0.5275819692127763,0.10585186404527529,0.86 +1856,0.6155577311740403,0.10607080116823193,0.64 +1857,0.8590688979014534,0.10473577713804474,0.88 +1858,2.1807331905296534,0.10529597606274416,2.2 +1859,1.7553137890216872,0.10452422054293735,1.66 +1860,-0.17444716169149377,0.13996143253030557,-0.1 +1861,0.8925652085059976,0.10537483906226199,0.84 +1862,2.0401655192721107,0.10542762391363358,2.02 +1863,0.3018953952877679,0.10909550480679191,0.28 +1864,1.383399002100803,0.10381308226030453,1.28 +1865,2.461778748136232,0.10640677558607088,2.48 +1866,1.5942254354755816,0.10424147964365155,1.62 +1867,1.3529389400229581,0.10373955869725977,1.3 +1868,1.734188149955691,0.10482578394375239,1.68 +1869,0.6288742897416588,0.10510931522023506,0.56 +1870,0.6869853477417749,0.10515965119519086,0.72 +1871,0.93652328914441,0.10482795777154734,0.94 +1872,1.3025908244905358,0.10365541433818605,1.24 +1873,0.8367936991308209,0.10448041499090786,0.88 +1874,2.5946073413745827,0.10675360178958986,2.58 +1875,1.538163355358182,0.10438237282435066,1.44 +1876,1.7958138460128223,0.10496332675422547,1.8 +1877,1.4270539740773858,0.10452355229379352,1.66 +1878,1.0073480414675116,0.10448338385709273,1.06 +1879,1.1767472188547385,0.10419606576129904,1.18 +1880,0.4928105430607568,0.10639613357781516,0.56 +1881,1.0441745660969959,0.10502653809154237,1.12 +1882,3.0899951064866675,0.11096739425953416,3.02 +1883,1.0990454641604197,0.10467612000291016,1.08 +1884,0.7825597711669845,0.10502618117197561,0.58 +1885,1.4794063965434203,0.10415941359652983,1.5 +1886,1.1294774769004468,0.10478719231961778,1.22 +1887,2.182593188443799,0.105080705337334,2.2 +1888,0.9156208814250197,0.10442791593658383,0.98 +1889,1.841750777521912,0.10452527145534482,1.86 +1890,1.8592243971831506,0.1044199772458125,1.86 +1891,2.325884238152322,0.10632121294205335,2.34 +1892,0.8190584368792129,0.10552765594253809,0.7 +1893,0.8401199221328772,0.1046063509966745,0.84 +1894,1.4274099375480693,0.1042731635266111,1.4 +1895,0.8894433063337681,0.10454935270069304,0.78 +1896,1.0399467071299595,0.10443459276316246,0.98 +1897,1.1129102977627658,0.1044536023400921,1.1 +1898,0.9768433856067977,0.10449037385927276,1.02 +1899,0.6166606857114045,0.10638581840580713,0.62 +1900,2.0076834004137813,0.10459793325039168,2.0 +1901,1.342437486749497,0.10372756113600082,1.34 +1902,0.6850703330608452,0.10500847677611712,0.74 +1903,1.166305290711768,0.10423535280201303,1.16 +1904,0.9400505530019077,0.10453834928654884,0.82 +1905,1.0550923604329467,0.10461654284540392,1.94 +1906,1.4248418168421102,0.10427114963812663,1.46 +1907,2.304365489534905,0.10582576229179175,2.26 +1908,1.0512288949377995,0.10435713098026038,1.04 +1909,2.3140367727585156,0.10618762559024669,2.34 +1910,1.2261695001442368,0.10382574537554025,1.26 +1911,1.6396519607641045,0.10397463045564712,1.8 +1912,0.5164544318568671,0.10590652597447649,0.56 +1913,1.1579110411881297,0.10451095394716388,1.12 +1914,1.6038636575278096,0.10445310238172203,1.52 +1915,1.1343889386054853,0.10483688911091812,1.12 +1916,0.9104414948949122,0.10440365700506558,0.78 +1917,3.071860103278328,0.11177687243336416,3.18 +1918,1.5479780917925323,0.10438493924754609,1.58 +1919,2.2408002511790484,0.10562889411155017,2.18 +1920,1.2325995525603952,0.10396580386455118,1.22 +1921,1.6223796615320145,0.10493062362126461,1.64 +1922,0.9703734077323327,0.1048149857228515,0.94 +1923,1.1661305063979244,0.10422632726156951,1.18 +1924,1.1493082962734968,0.10423119901680207,1.16 +1925,1.3072097987136404,0.10340449418104256,1.32 +1926,1.6477736835965713,0.10417127096068578,1.7 +1927,1.9293481358606064,0.10460925195776792,1.98 +1928,1.56202062295701,0.10409940579133466,1.54 +1929,1.5518581538263367,0.10416038478561078,1.48 +1930,1.642770198653376,0.10453726753489115,1.58 +1931,2.248560810582723,0.10574007352905444,2.18 +1932,2.29409343582532,0.10569393361189904,2.2 +1933,0.4678224762132377,0.10669772041440566,0.52 +1934,1.1171043578847355,0.10460018333590745,1.2 +1935,1.64746179069214,0.10459678513192557,1.64 +1936,1.840785596766401,0.10477003648677477,1.74 +1937,1.3690673432666491,0.10454561746732191,1.4 +1938,0.8002463185609603,0.10730392638149518,0.98 +1939,1.2649232286865475,0.1039823845503185,1.3 +1940,0.9637940408759773,0.10438300115242412,0.92 +1941,0.4641967373333964,0.10670322802329808,0.38 +1942,0.32784422308947203,0.10750390795262567,0.36 +1943,0.7736285462593857,0.10463903818018447,0.76 +1944,1.4973456342092772,0.10407988773480474,1.48 +1945,2.917098594132322,0.10900307695321612,2.82 +1946,0.31949865774633324,0.10753649714039049,0.32 +1947,0.403410237907619,0.10774190017552991,0.42 +1948,1.536703072168037,0.10460710129150856,1.36 +1949,1.0970988237607218,0.1050799136191129,1.06 +1950,1.4969481679204746,0.10456223675225343,1.46 +1951,0.7576079397305744,0.10486442432787065,0.82 +1952,1.6379440913649104,0.10437828351499025,1.68 +1953,0.673952138090832,0.1060695513929263,0.62 +1954,1.152082547663876,0.1042579909824934,1.16 +1955,0.5029069937468718,0.10735931105582644,0.46 +1956,1.2968714830687462,0.10438940997239847,1.24 +1957,1.1467725682431142,0.10410784633554669,1.18 +1958,0.7115237124912275,0.1051463729302349,0.7 +1959,0.8153037478562011,0.1046887068126299,0.78 +1960,3.4032252053643566,0.11296555937651731,3.32 +1961,1.5321341013390102,0.10435892082983875,1.46 +1962,0.7511392015078799,0.10502250136006896,0.8 +1963,1.4709266416960842,0.10426826134334038,1.44 +1964,1.2447328967661955,0.10365444973920189,1.38 +1965,1.0537298292819495,0.10438238326636126,0.98 +1966,0.6778821264478703,0.10515531900090513,0.7 +1967,1.257441304366826,0.10393396355678615,1.18 +1968,0.4166548420250029,0.10668200682876279,0.38 +1969,3.6681478006354356,0.1378692580186572,3.54 +1970,0.8122261682591576,0.1046563072934113,0.84 +1971,1.2489737670786054,0.10433224402218413,1.3 +1972,0.2810683240973031,0.10879505295560511,0.36 +1973,0.9812433668000748,0.10434863174713639,0.86 +1974,1.372005433934306,0.10426653503753981,1.52 +1975,1.2939802473403033,0.10409674815702448,1.3 +1976,1.0949394546133258,0.10442433612743271,1.04 +1977,2.1243601058772255,0.10535154241608484,2.04 +1978,1.7967672114367543,0.10467288371208583,1.74 +1979,1.6591692010023946,0.10389767484935487,1.58 +1980,2.6478727050621904,0.10716078133513249,2.6 +1981,1.1090953876220366,0.10442495598886581,1.1 +1982,1.4379158271690065,0.1038409928932661,1.46 +1983,2.0040425834303397,0.10447668829131274,2.02 +1984,1.2612556442154021,0.10378933737817245,1.28 +1985,0.29695346237391274,0.10785714551670743,0.42 +1986,1.6850079667002928,0.10447306290953422,1.6 +1987,1.2529167689353864,0.10355142680487847,1.26 +1988,1.0740997566875494,0.10430570885522797,1.08 +1989,1.385524988928645,0.10422858803800295,1.4 +1990,0.974852556563607,0.10460441663777993,1.0 +1991,0.980758624445488,0.10452738944775386,1.0 +1992,1.4346890636812004,0.10492329863323314,1.32 +1993,1.7515367837567792,0.10420462361605934,1.66 +1994,1.5056589210606708,0.10405032379763678,1.46 +1995,1.312128576879119,0.10367603112849315,1.38 +1996,1.3539207995875975,0.10432075785895295,1.32 +1997,1.7675177068566965,0.10486296241848979,1.74 +1998,1.777585676716206,0.10537461010328394,1.84 +1999,0.8746173613124872,0.10446917304749564,0.76 +2000,1.7320633390377926,0.10427984185293182,1.74 +2001,1.1536619019000716,0.10431303967771746,1.18 +2002,1.8669919987597963,0.10413227319644183,1.9 +2003,1.8464904736292302,0.10473936456731876,1.96 +2004,1.671056065865403,0.10558762602530919,1.8 +2005,1.5029767343713543,0.10432873969933666,1.48 +2006,2.9332394870602583,0.10917148772931608,2.96 +2007,1.3566414559946223,0.10375589817880748,1.3 +2008,2.7339641957537166,0.1079645015135537,2.82 +2009,1.5967461515269639,0.10478959516922659,1.72 +2010,1.0884069251545414,0.10467024909057278,1.28 +2011,2.4769876185487716,0.10664034264092215,2.56 +2012,4.584381858840302,0.20890026785316232,4.22 +2013,1.1610084672126169,0.10410321616077624,1.14 +2014,1.0961317287101258,0.10433703501885436,1.1 +2015,1.703236626528585,0.10421686452573824,1.72 +2016,1.8120940073595575,0.10443434610775017,1.72 +2017,4.455699816920478,0.2098376370586093,4.4 +2018,1.3157136209885936,0.10410262366027874,1.32 +2019,2.073442525141817,0.10451780291248723,2.0 +2020,2.1551793716397993,0.10498438581138382,2.12 +2021,0.7718876521978384,0.10479083301199377,0.7 +2022,0.1800345529108549,0.11009707849007797,0.2 +2023,0.7870989205243246,0.10799996007576594,0.62 +2024,1.7780324558605,0.1044600634413256,1.8 +2025,0.9874777689102698,0.10460931982103967,1.02 +2026,1.587219033124632,0.10453858900064669,1.66 +2027,3.049617194863422,0.11123249765880984,3.1 +2028,1.2975308498902907,0.10374308004631497,1.32 +2029,1.7924182976518273,0.10459653516103837,1.76 +2030,2.2224251244029523,0.10564844146536358,2.16 +2031,1.171877893931474,0.10426063952440659,1.08 +2032,1.1213849765665875,0.10473495388145038,1.18 +2033,0.7569162097708402,0.1054946768673565,0.7 +2034,2.023603947841891,0.10501718334660318,2.02 +2035,2.6455376023570834,0.10692219978023863,2.56 +2036,1.366079541869838,0.10446605728802963,1.36 +2037,2.044404236912963,0.10476186213582846,2.0 +2038,1.5827692516082967,0.10426963964345631,1.64 +2039,1.0366173607496973,0.10456070285545208,1.14 +2040,1.0987922526730562,0.1041761719416794,1.1 +2041,1.0797190335254152,0.10445025829002372,1.0 +2042,1.876783946436979,0.10459831907024436,1.86 +2043,2.1553274849548236,0.10529196577656157,2.04 +2044,1.1856008417588173,0.10402461461166417,1.1 +2045,1.4977293767447746,0.10405551851605531,1.5 +2046,1.7161810101446404,0.10445210367983342,1.76 +2047,1.1652670788621178,0.10483081682301722,1.12 +2048,0.4583773293204283,0.10624641967184528,0.38 +2049,2.4643080283841092,0.10641432759432841,2.38 +2050,0.6063377313155742,0.10557111080640588,0.62 +2051,1.164053935203028,0.10426961617682477,1.16 +2052,2.4675886064814767,0.10699488518637477,2.48 +2053,1.3088015636379966,0.10340776977540368,1.3 +2054,1.695427946197337,0.10458319530100711,1.72 +2055,3.3709227791034317,0.11342814138275109,3.44 +2056,1.6497908029229071,0.10483293531359895,1.64 +2057,0.8563071032129974,0.10509586881498437,0.94 +2058,3.2189644168178875,0.11253967371563214,3.2 +2059,1.1049378117433362,0.10434896255195085,1.2 +2060,1.1419686047153084,0.10425182589825321,1.2 +2061,3.9171876921822237,0.11710627308172593,3.82 +2062,0.5918452249158053,0.10624521599820881,0.64 +2063,1.5323487875949864,0.10413984449012635,1.5 +2064,1.6400432956039692,0.10503812380886342,1.3 +2065,1.0592008509376898,0.1047049349842778,1.12 +2066,1.6274915307712474,0.10427116315125323,1.54 +2067,0.8932215027252584,0.10468885140497795,0.88 +2068,2.203135836960146,0.10550409231881736,2.18 +2069,1.191655669425244,0.10451534999426026,1.16 +2070,2.67922336048312,0.10712605363758837,2.74 +2071,0.8305231192967968,0.10454820278527266,0.82 +2072,1.2285253042898665,0.1038469781406301,1.28 +2073,1.136184489817123,0.10415700141194394,1.2 +2074,3.0145158623268093,0.11013283148643911,3.08 +2075,1.542424464919253,0.10441157041002572,1.56 +2076,1.540839376653568,0.1041691144993095,1.58 +2077,2.176261628635401,0.1053195262160385,2.1 +2078,2.6333572908515803,0.10694031772554852,2.6 +2079,1.8374539379569432,0.1045721919438308,1.88 +2080,2.0219856659921858,0.10464639213442069,2.02 +2081,1.0377728601234741,0.1049344766929345,1.0 +2082,1.3167516183616685,0.10380171098695619,1.34 +2083,0.7975408232115564,0.10494651788113386,0.92 +2084,0.6875080952409975,0.10523101439987798,0.64 +2085,0.5322813435423424,0.10607557911708779,0.44 +2086,1.3830827749726131,0.10434071388558626,1.46 +2087,0.668808191025831,0.10525222544126323,0.8 +2088,1.3121305888918355,0.10382778464636172,1.28 +2089,0.7871185234725653,0.10499352872577088,0.7 +2090,1.028178779139739,0.1043824787047044,1.04 +2091,2.7658843778046984,0.10802343027736556,2.74 +2092,2.145985719504764,0.10531289023614322,2.06 +2093,0.5290270206691465,0.10580834468156142,0.62 +2094,1.5832231501501175,0.10435285852729269,1.56 +2095,2.133390238481627,0.10504363635539424,2.12 +2096,1.421014172606296,0.10452076633712719,1.38 +2097,0.30046613171607905,0.10858369991169653,0.24 +2098,1.2315237346466157,0.1043281860131047,1.2 +2099,1.6014580219006396,0.10460098451172552,1.64 +2100,0.7037451312404182,0.10515553164081233,0.66 +2101,1.9707845610863144,0.10475174460091718,1.92 +2102,1.4426914751606672,0.10408501268357785,1.38 +2103,1.1091938678394984,0.1045186588706366,1.12 +2104,0.7060114080933904,0.10501044776291911,0.78 +2105,1.8953868090805335,0.1047657262356628,1.84 +2106,1.5205226522733843,0.10404130719107774,1.52 +2107,0.43940229728837377,0.10651857740057855,0.42 +2108,2.2975446745922268,0.10575783477249757,2.18 +2109,4.46632244959926,0.1834798140127973,4.22 +2110,1.4236407862551177,0.10384022232765813,1.42 +2111,4.713864209636653,0.2685578059031767,4.56 +2112,1.0396260366606773,0.10453675754694289,0.9 +2113,0.8207377654285475,0.10462369471837642,0.94 +2114,0.5567800992920597,0.10603845574250914,0.58 +2115,1.128082879231168,0.10522357216604548,1.12 +2116,1.1053459103222378,0.10433878009999142,1.1 +2117,0.8767055354684077,0.10440445074739717,0.96 +2118,0.6193637907500298,0.10530936325555411,0.64 +2119,2.586604207578712,0.10678170730821372,2.42 +2120,0.7830384931296006,0.10562507565792721,0.82 +2121,1.0601118531193299,0.10443895511187636,1.12 +2122,1.185722418898,0.10396877317730709,1.2 +2123,1.4300663583277382,0.10415825554380505,1.38 +2124,1.7727862127714706,0.10421260483766379,1.84 +2125,0.7009523914181406,0.10505850752072098,0.74 +2126,1.0565194742437667,0.10480212059027226,1.08 +2127,1.7916287259656931,0.10439929681473295,1.82 +2128,1.1012425268358674,0.10434229294404405,1.06 +2129,1.5273555671279189,0.10384175861118605,1.48 +2130,2.219124542219382,0.10515698194267703,2.26 +2131,1.6704775661521536,0.10441698285529022,1.5 +2132,3.304807806363672,0.11529234452951913,3.44 +2133,2.0410603431632373,0.10447478885586821,2.06 +2134,0.9681749824369001,0.10471775561667337,0.98 +2135,0.7713241007430414,0.10500435406969807,0.8 +2136,1.4450543095258146,0.1041582641476315,1.48 +2137,2.3171154130284064,0.10577935698553843,2.32 +2138,1.3965635729131867,0.10402927531926655,1.42 +2139,-0.12240203135138916,0.13350400006724658,-0.16 +2140,0.7394510610147451,0.10505221296466795,0.68 +2141,1.135515476343735,0.10455642814647888,1.2 +2142,1.4981774349533223,0.1041880338150662,1.5 +2143,2.021665768969462,0.10482502499339583,2.0 +2144,0.5724407908263389,0.10551030685197435,0.54 +2145,3.426415162989609,0.11328056919434985,3.3 +2146,2.0908096240931497,0.10512109043599047,2.06 +2147,2.204633314417655,0.10535348617616483,2.12 +2148,1.422654108670831,0.10415476367199825,1.4 +2149,1.1287723532901586,0.10436127987393004,1.18 +2150,1.3512628423589321,0.10350824866128477,1.4 +2151,2.802764546530695,0.10835352071489551,2.82 +2152,0.9250475515760668,0.1044248722414097,0.96 +2153,2.248286630232509,0.10571083486440251,2.22 +2154,2.210315283655798,0.10537241950312223,2.1 +2155,1.6064327113550858,0.10491415611625421,1.78 +2156,2.5352890061432793,0.10670982309668609,2.48 +2157,1.5008953052386813,0.10426226131375667,1.46 +2158,2.2598821922542127,0.10552054471679795,2.22 +2159,1.1897218804296097,0.10434965849444841,1.24 +2160,1.5530322607683003,0.10417648526382259,1.52 +2161,0.5784043272171058,0.10592689085421678,0.56 +2162,2.945436665060213,0.11056237262660547,2.96 +2163,0.5843619468583441,0.10571072904385602,0.66 +2164,0.8413917660860903,0.1055506936603321,0.78 +2165,1.4054204523863243,0.10404404525328569,1.42 +2166,1.296916133292,0.104009313539086,1.28 +2167,1.1673639650720977,0.1045643168161647,1.18 +2168,0.761059863353382,0.10547440756509452,0.72 +2169,2.015481843325893,0.10456151338386055,1.98 +2170,2.6984685644965145,0.10738809422032809,2.72 +2171,3.907632877263544,0.117737940533924,4.06 +2172,1.0931273246081554,0.10435616752556438,1.22 +2173,1.1346567681328716,0.10546243092616946,1.2 +2174,2.7014530150603866,0.10837532555303872,2.88 +2175,0.8889411668842007,0.1047777912312534,0.84 +2176,1.4741323324001394,0.10397138749283409,1.38 +2177,3.3346603409744704,0.1130020545629413,3.34 +2178,1.6078787125685343,0.10448127846163573,1.64 +2179,0.5620677807441448,0.10565070824711384,0.64 +2180,0.7747036916966801,0.10494582372755633,0.76 +2181,1.6450273173177434,0.10515839872516462,1.68 +2182,1.0185639680554983,0.10439576363001493,1.02 +2183,-0.06612351611403344,0.12538449387273745,0.04 +2184,2.6292522772851354,0.10680207975608544,2.54 +2185,0.7900320894144341,0.10478916707131958,0.84 +2186,2.798497897608782,0.10859189390795412,2.8 +2187,3.4015430871551393,0.11726716375764439,3.34 +2188,1.7085865203359658,0.10460882268277907,1.74 +2189,2.0645429895479372,0.10488468626375394,2.04 +2190,0.6845606655302481,0.10504074766396924,0.7 +2191,1.3085775987448214,0.10417575717793778,1.3 +2192,1.5090877469551023,0.10393779496817193,1.56 +2193,0.5563608822406776,0.10678788449934812,0.48 +2194,1.689121353753996,0.10398264222892532,1.76 +2195,2.5752278680881906,0.10681542823286454,2.48 +2196,1.0766830893610022,0.10443829783790118,1.14 +2197,1.4266296592851644,0.10413055361414086,1.32 +2198,0.7888280361030491,0.10486346237002064,0.82 +2199,2.145368633065469,0.10490448879097428,2.0 +2200,1.1942156271168303,0.10454959514152405,1.24 +2201,1.690745034954765,0.10391900262545993,1.7 +2202,1.1840062312340587,0.10394173056487926,1.26 +2203,1.4428808590439948,0.10417112160806746,1.32 +2204,1.2441853906197275,0.10411462969117671,1.28 +2205,1.6459202139846942,0.10433899879711073,1.62 +2206,3.1793051207729404,0.11186885104976631,3.2 +2207,1.189043961978503,0.10404512050478743,1.2 +2208,0.5676553605489163,0.10727424605797911,0.48 +2209,2.2544558388522153,0.10566278013980399,2.3 +2210,1.8291315934671948,0.10444309800813795,1.84 +2211,1.0776890763918852,0.10450735536872807,1.06 +2212,1.4538202002774954,0.10409931559679121,1.42 +2213,2.702143588943261,0.10741972329521017,2.7 +2214,0.5923641692467507,0.1058175063581254,0.64 +2215,1.6668069683887685,0.10425904004726423,1.58 +2216,1.5237783495254318,0.1043354498399739,1.5 +2217,1.8083441623602452,0.10454372783580777,1.72 +2218,1.2088765925039828,0.10393184209640195,1.26 +2219,1.349843672340186,0.10398283121014212,1.36 +2220,0.9200206520187413,0.10478871014507915,0.88 +2221,1.0666396787140942,0.10449827396755548,1.04 +2222,0.6612200397928589,0.10535574248411751,0.58 +2223,1.4415530903015261,0.10447807776999309,1.44 +2224,1.2003025139654797,0.10396333465338693,1.22 +2225,1.7531616001276786,0.10440299730228594,1.74 +2226,0.4517191915121801,0.10619368970961238,0.52 +2227,0.43409080091638064,0.10673366251632715,0.48 +2228,1.2780174555281354,0.10379273776371274,1.26 +2229,0.6596390600721991,0.1069044051558636,0.66 +2230,1.2285031491402565,0.10370177475613139,1.22 +2231,0.3904219616855267,0.10671605347219175,0.42 +2232,0.9799918792075788,0.10441979267590729,0.88 +2233,4.725477952949578,0.29361529219276045,4.62 +2234,0.3448637514411148,0.10720434791734139,0.4 +2235,1.5256980718646274,0.10461246655571987,1.42 +2236,2.1663401095133237,0.1050584753309516,2.12 +2237,2.566525985509794,0.10665187978856445,2.46 +2238,1.6992519686330239,0.10430713510973995,1.7 +2239,0.997452661367265,0.10480490075469104,1.02 +2240,1.483325616823799,0.10397609675871308,1.3 +2241,1.0176898764332902,0.10508378163556932,0.98 +2242,3.165076749781133,0.11402213972631953,3.24 +2243,1.6525658686402265,0.10433215729138604,1.76 +2244,2.3475199822621553,0.1063643756814886,2.3 +2245,1.1398789771524696,0.10438926678659646,1.18 +2246,1.3622757664551424,0.1040818541963713,1.28 +2247,0.8123222007473325,0.105207326388028,0.84 +2248,3.975005532076497,0.1492575460090705,4.18 +2249,1.8531526665492875,0.10419770261170026,1.82 +2250,1.3637054483744349,0.10402518004681396,1.42 +2251,0.19327164345696257,0.11140456937149314,0.16 +2252,2.604680654220796,0.10722398168394222,2.56 +2253,2.855528520381827,0.10907288974006629,2.86 +2254,1.176135107511036,0.10411211855914597,1.3 +2255,1.3635518064494319,0.10395403279726698,1.36 +2256,1.6617076940849236,0.10415608152390034,1.64 +2257,0.5664415011997592,0.10560616441423183,0.72 +2258,1.1987219822060888,0.10500951286195252,1.2 +2259,1.3529249916195356,0.10367510224317657,1.42 +2260,1.674499716789458,0.10398524929705906,1.68 +2261,1.742885042543107,0.10393678110903898,1.68 +2262,1.5512346661662688,0.10426486832680755,1.58 +2263,0.925657323586786,0.10444444914412022,0.96 +2264,2.0928813395761408,0.10493509472495884,2.1 +2265,1.6126498947576797,0.10437941217921382,1.62 +2266,0.38780083468454585,0.10689400036922993,0.46 +2267,2.346003697538115,0.10614856342367612,2.46 +2268,1.0435474257707744,0.10471515035344527,1.0 +2269,1.1162223492909673,0.10460351752348875,1.1 +2270,1.7111656017966288,0.10414198026705844,1.62 +2271,0.8802425154227311,0.10480347060760287,0.9 +2272,0.8504292975436636,0.10525369707205695,0.86 +2273,1.6696815266899234,0.10509822693598943,1.64 +2274,1.640595496682418,0.10443233367282762,1.76 +2275,1.043330091927106,0.10513202392093038,1.06 +2276,1.2401337426453685,0.10390087165638118,1.24 +2277,1.3268013681473514,0.10373264231791737,1.26 +2278,1.2015606727547246,0.10442365942704973,1.2 +2279,1.2383331859137288,0.10381518979944387,1.26 +2280,3.397103943888019,0.11371307315831586,3.48 +2281,1.0923638155987296,0.1045102314128564,1.12 +2282,2.504842216271853,0.10645852456571187,2.46 +2283,0.9000251227072749,0.10457360532304724,0.92 +2284,0.9333016663168179,0.10461135315982531,0.92 +2285,0.8912966852325139,0.10444702139392613,0.82 +2286,1.1985296365796847,0.10413216412757281,1.18 +2287,1.5835147026688743,0.10446808069058086,1.54 +2288,2.7488356713983135,0.10769038987876471,2.82 +2289,2.241560743907111,0.10558939650260442,2.28 +2290,1.1851445567238441,0.10446790612674807,1.2 +2291,1.4534089577041511,0.10398381526264767,1.4 +2292,1.5787414714541503,0.10473461821792722,1.54 +2293,0.5415477628435115,0.10606961481651694,0.54 +2294,0.6708221486226424,0.10595105883721097,0.66 +2295,1.3574964303627288,0.10397790739289758,1.4 +2296,1.7511868018786165,0.10536239336767005,1.72 +2297,1.8616659387951016,0.10478848975366586,1.84 +2298,2.4073652974182123,0.10627185185578732,2.4 +2299,1.7561031504312927,0.10449001584882386,1.86 +2300,0.8932441403968392,0.10479403135702471,0.88 +2301,1.8955813505639503,0.1041318363268924,2.0 +2302,1.2179696107683844,0.10493455060184213,1.36 +2303,1.7816332653139915,0.10430506362675651,1.82 +2304,1.246310365556373,0.10391221952263494,1.14 +2305,2.4995391786003784,0.1067233197120172,2.54 +2306,3.115769876776276,0.11094295687847516,2.96 +2307,0.7843912015500187,0.10454914560195973,0.82 +2308,1.1600490894337705,0.10423341665172972,1.12 +2309,3.853188627662127,0.11932539276001052,3.76 +2310,0.8955905237596467,0.10470375818218622,0.86 +2311,2.16637149736881,0.10568725047401621,2.14 +2312,1.0923887876407905,0.1044448042290531,1.04 +2313,1.651216298252879,0.10418381710498681,1.62 +2314,0.7844449033823144,0.1050119140796644,0.74 +2315,1.772461187742162,0.10451445947084627,1.74 +2316,1.0808568610957527,0.10459338995174841,1.1 +2317,1.2701181777098283,0.10380740288685408,1.34 +2318,0.5877722148475018,0.10667216361997583,0.52 +2319,3.120483435189338,0.11574406674393457,2.96 +2320,0.8875126877056969,0.1048037239900642,0.82 +2321,1.8340519406450886,0.10416496318219143,1.8 +2322,0.3221737088083545,0.10826273248694625,0.24 +2323,2.1627980058033733,0.10508380341975086,1.96 +2324,1.0649190243525526,0.10480521056685421,1.04 +2325,1.4952877198312882,0.10419388449263335,1.4 +2326,1.377783506103726,0.10373150241198978,1.26 +2327,2.0753154974325474,0.10492985904314577,2.08 +2328,1.8482870236642972,0.10497270560309169,1.8 +2329,1.1814029378860775,0.10428087113897633,1.16 +2330,0.6123955040288758,0.10543562721401087,0.6 +2331,0.3857718770049514,0.10779795084057639,0.3 +2332,1.169328527844562,0.10429387125276136,1.14 +2333,0.8135463200249236,0.10537606811519219,0.68 +2334,0.8135986261315047,0.10630668321513342,0.84 +2335,1.5967036906961942,0.10434340439447462,1.62 +2336,1.6288687140959714,0.1044585252210702,1.76 +2337,2.981001438061319,0.11061265348736662,3.04 +2338,1.1515456310587302,0.10386475718479973,1.14 +2339,1.8282279215436708,0.10442522401056005,1.92 +2340,1.2249973464817208,0.10415675337732476,1.2 +2341,1.3217579079781094,0.10434104161156647,1.32 +2342,1.3928767048985717,0.10423697912520799,1.36 +2343,1.1627935012151758,0.10440488057474234,1.2 +2344,0.8595638169557498,0.10450037112955803,0.86 +2345,1.4798235675420406,0.10418314266960622,1.66 +2346,3.940862929056059,0.13827056081196004,3.92 +2347,1.6380395522805555,0.10443637513079157,1.68 +2348,1.6189034541288363,0.10437452609795723,1.58 +2349,1.1972144980852262,0.10436878126280819,1.28 +2350,0.8747462822258951,0.10465023992163959,0.84 +2351,1.4536144772014632,0.10394927552906069,1.4 +2352,2.8603792277188687,0.10872874709924316,2.78 +2353,2.1240367661190183,0.10481404026816919,2.12 +2354,1.1734224048840067,0.10408407739488888,1.3 +2355,1.8081456168083454,0.10444632204757291,1.8 +2356,1.5462807908777227,0.10417253502248501,1.52 +2357,0.8151122080643161,0.10469920512086764,0.78 +2358,0.7161805269160855,0.10489324642314461,0.68 +2359,1.1507396631699782,0.10453157626678233,1.26 +2360,2.0755924513343933,0.10488129213011535,2.1 +2361,1.2112268558230417,0.10464992178520206,0.98 +2362,0.810159603532254,0.10475825183839256,0.82 +2363,0.9464818675795081,0.10641519208197327,0.76 +2364,0.7938936819700455,0.1045815543680433,0.82 +2365,1.6680663482137872,0.10456834255486486,1.62 +2366,2.4215518723960576,0.1062399888853557,2.42 +2367,1.1897286075603057,0.10439083905906218,1.2 +2368,1.1567506947445763,0.10429931597417415,1.1 +2369,1.5896169294008002,0.1041185742299793,1.7 +2370,0.9647361127463965,0.1045855141912514,0.98 +2371,1.0490004235100203,0.10446646314202908,1.02 +2372,0.8672500843909896,0.1046226298439777,0.9 +2373,1.0200232305140249,0.10438053504499926,1.1 +2374,0.849580117160051,0.10457728373960888,0.9 +2375,1.101385176287656,0.10483146799378716,1.12 +2376,1.6237338880034065,0.10429803261308392,1.68 +2377,1.3836441134305675,0.10395195561699039,1.3 +2378,2.3061823284973206,0.10557241103402445,2.24 +2379,1.1918845073203448,0.10394962044250268,1.12 +2380,0.8473253576402753,0.10471898263681455,0.84 +2381,3.704464534404692,0.11573534806007357,3.68 +2382,1.4567794440965427,0.10455652273275212,1.54 +2383,2.460871204505419,0.10667365546017786,2.4 +2384,0.9369201517699475,0.10444158862912745,0.88 +2385,1.296920890601048,0.10358572250013075,1.2 +2386,1.0334917613991559,0.10466661883369192,1.12 +2387,1.441613401047829,0.10386279990132817,1.52 +2388,0.7811784808669842,0.10490933049245459,0.88 +2389,1.3084773561772094,0.10402619937264264,1.36 +2390,2.117743739314334,0.10510995777517297,2.08 +2391,2.028866620536955,0.10461790535474347,2.02 +2392,0.6669914374542829,0.10532399534899435,0.7 +2393,2.0702584205718564,0.10486504748266937,2.02 +2394,1.697307249529092,0.10531260232589518,1.52 +2395,0.8310581938688868,0.10462830988365186,0.82 +2396,0.4243358926487515,0.10762388731609754,0.4 +2397,0.8964999679597492,0.10439144218778047,0.88 +2398,2.1478721180474087,0.10577726338119796,2.32 +2399,2.130463684072658,0.10506341970183511,2.26 +2400,1.7818103433122188,0.10471864757502554,1.74 +2401,1.5444811640863554,0.10408511878192486,1.52 +2402,2.4942765150545325,0.10698021777138388,2.4 +2403,0.9361020289788353,0.10492008176781535,0.98 +2404,2.2875626414559624,0.10636331887678184,2.3 +2405,1.946965433488713,0.10451108814205687,2.04 +2406,1.162782973233683,0.10476812500750148,1.12 +2407,1.661970962464479,0.10439963561649623,1.72 +2408,1.0963402495598134,0.10461194713125727,1.04 +2409,0.6259561776614317,0.10535563528140081,0.74 +2410,2.5083567429514764,0.10645997379111435,2.44 +2411,1.7388907750752542,0.10420579706013704,1.78 +2412,0.5019722098577528,0.10609369009959359,0.48 +2413,0.4952125479968803,0.10643405116806323,0.5 +2414,0.26926766588884643,0.10832191697860427,0.28 +2415,1.0556108987004782,0.10458863263871904,1.0 +2416,1.3353231417409939,0.10512772214492025,1.36 +2417,1.6881990618161948,0.10456062413201615,1.68 +2418,3.8112032475717674,0.11780816871679466,3.74 +2419,1.508252910647065,0.10409131375082212,1.6 +2420,2.17044066855357,0.1054128628994454,2.2 +2421,1.3309623266088915,0.10402154812386345,1.28 +2422,1.9947741808090766,0.1048803206366561,1.96 +2423,2.385156037696034,0.10598859256285904,2.3 +2424,1.3130200237677583,0.10400475293828415,1.3 +2425,1.070304112178241,0.1044833887914406,1.08 +2426,2.0174738160204155,0.10434256984702206,2.0 +2427,0.8604446159768022,0.10503280440925905,0.82 +2428,0.9189373626132413,0.10573755946733017,0.96 +2429,2.5010587786789094,0.10667930444540426,2.58 +2430,0.8056595209026733,0.10505928268199849,0.9 +2431,1.0201962218226415,0.10440811104290905,0.94 +2432,1.6154860919740832,0.10452796707790672,1.56 +2433,2.3694134402608915,0.10637426212329344,2.32 +2434,1.5449129160382293,0.10412766771548097,1.46 +2435,2.6236761981980825,0.10729660911778903,2.62 +2436,1.2622079179807022,0.10406480410750277,1.22 +2437,1.8735741109354995,0.10479520388535483,1.76 +2438,2.660417297584284,0.1075227559966196,2.56 +2439,1.5577203995027409,0.10404953775531994,1.54 +2440,1.9040716191528828,0.10441523736323266,2.04 +2441,1.1246518122810896,0.10458989680766971,1.04 +2442,1.1118355401501487,0.10488667997537393,1.18 +2443,3.5939569869085988,0.12082088222748728,3.28 +2444,0.7277610909791337,0.1048442978920338,0.8 +2445,2.5827538445013465,0.10662875296254501,2.52 +2446,2.4931179054314248,0.10750438020167338,2.6 +2447,0.7343112035087955,0.10500373899381181,0.68 +2448,1.8124202085220231,0.10434045585552196,1.82 +2449,1.2601275786374755,0.10391454999540627,1.14 +2450,1.288241580659684,0.10389483966344917,1.26 +2451,0.3843991945556171,0.10680395391447639,0.44 +2452,1.169447196992535,0.10406685289861536,1.16 +2453,1.346731070018353,0.10378736120148012,1.4 +2454,0.9258014959443424,0.10460547243070357,0.94 +2455,1.6877728681157,0.10467138840447208,1.68 +2456,1.7461948340239983,0.10496593487938831,1.7 +2457,2.659547054776758,0.10744684342537414,2.66 +2458,0.42074188918301925,0.10637842497002396,0.54 +2459,0.35406887479086624,0.10920159438897115,0.28 +2460,3.831098576720236,0.11713731947023504,3.82 +2461,0.4967736653203234,0.10602157828366707,0.44 +2462,1.0324841387178525,0.10422186061371497,0.9 +2463,0.44051110777778124,0.10666041333000695,0.44 +2464,1.3702781102811512,0.10384149311413701,1.58 +2465,0.7479490306891412,0.10485955852628523,0.76 +2466,1.5682392866845545,0.10435887264869696,1.48 +2467,3.2177367634449068,0.11281296222821507,3.24 +2468,0.8566389144988618,0.10550605209398098,1.06 +2469,1.4520787916991091,0.10368802707439198,1.42 +2470,0.9065721047979372,0.10446204859109622,0.96 +2471,3.6213654622961036,0.1130664087267882,3.72 +2472,1.5825290742856941,0.10387433851863358,1.46 +2473,1.1737065079974114,0.10410015355626709,1.18 +2474,1.1685374875113554,0.10468220149895625,1.12 +2475,3.189513426708827,0.11588730565598464,3.14 +2476,0.9100323015719658,0.10441745163026944,0.94 +2477,1.6061474184190478,0.10399768504195109,1.48 +2478,4.236733417589865,0.13947332744183835,4.18 +2479,1.4761225212111198,0.10398800898306017,1.48 +2480,1.5005703554146193,0.10386197600947897,1.6 +2481,0.10571439204023658,0.11246542880149986,0.18 +2482,3.198980471812585,0.11303686292877843,3.22 +2483,0.368705502121653,0.10723717674669107,0.34 +2484,2.932705358990744,0.10992293352667515,2.84 +2485,0.49979245763062075,0.10617062047735203,0.56 +2486,0.9411764647747711,0.10455607938532431,0.92 +2487,1.2259588291741474,0.10363161841219588,1.28 +2488,1.1997083134841473,0.1041912842998267,1.2 +2489,1.4463400442467345,0.1040317521780313,1.36 +2490,1.038102251127465,0.1046612009723207,1.1 +2491,0.16301027703520177,0.11352973433496204,0.1 +2492,1.1361521313343745,0.10412562214498938,1.18 +2493,1.5926023528071793,0.10533035306739226,1.42 +2494,1.543128463711919,0.10448980898283963,1.58 +2495,0.4131461785416475,0.10664060531464108,0.48 +2496,0.6198916720709136,0.10551935966395203,0.64 +2497,1.3544292802980022,0.10374462705930461,1.38 +2498,1.1713885639673771,0.10424572788752334,1.24 +2499,1.5322669380572007,0.10431813545810693,1.5 +2500,1.794335553914645,0.10461380198154455,1.92 +2501,1.9277247206586763,0.10451102563617448,1.9 +2502,0.8079914845157541,0.10510718566223418,0.78 +2503,1.2553520830357323,0.1036397833017877,1.24 +2504,1.2530774899099137,0.10439869888091757,1.24 +2505,1.48357817508571,0.1040290414573073,1.38 +2506,1.6347753931369473,0.10462176830815242,1.66 +2507,2.107126919115667,0.10519327919571181,2.14 +2508,1.2190172403693333,0.1039454324571593,1.2 +2509,1.6337846586174143,0.1044662732979066,1.6 +2510,1.495713651575982,0.10399651893535215,1.5 +2511,1.1004760234828437,0.10439019105342738,1.1 +2512,1.268212954160611,0.10425656137139278,1.32 +2513,0.4316843302570348,0.10650819647714788,0.44 +2514,2.13044576618008,0.10716349010178038,2.12 +2515,1.0936159612226115,0.10455189259123923,1.16 +2516,1.2855905053068932,0.10378243964652942,1.3 +2517,1.150151914815793,0.10429353061547553,1.1 +2518,1.5498013274073257,0.1045127383453111,1.52 +2519,0.8684909966454013,0.10473314334437968,0.9 +2520,1.0158448728507858,0.10446113061424746,0.88 +2521,1.5577265401800018,0.10408796659759942,1.6 +2522,1.3021873018259518,0.10368403789300802,1.3 +2523,0.7893774345715174,0.10468456626186952,0.84 +2524,3.619615943422402,0.1170381174392337,3.64 +2525,1.4083513558300504,0.10375034320475143,1.42 +2526,1.2451263885804194,0.10389161948868765,1.34 +2527,0.8479381150515488,0.10453370211314714,0.86 +2528,1.8179318178381676,0.10449245363365821,1.74 +2529,0.8040658344548772,0.10492369269445656,0.84 +2530,0.8882533771759737,0.10450582911718742,1.0 +2531,1.1755545427322174,0.1040312846898683,1.18 +2532,1.4198946046382845,0.10381280553550738,1.44 +2533,2.2194840609494255,0.10521578461533287,2.22 +2534,2.86223625840164,0.10966221282240146,2.86 +2535,0.8424733570733105,0.104475298428987,0.86 +2536,2.39779569494669,0.10615002040204453,2.38 +2537,0.7697346457887653,0.10478085616417446,0.92 +2538,1.1915658779700893,0.10412811766712526,1.24 +2539,1.1671218649571928,0.10431996948003734,1.12 +2540,1.667750649475173,0.10440723019275529,1.74 +2541,4.275111236046324,0.15158884823322158,4.22 +2542,2.1097940973527676,0.10539452444467823,2.16 +2543,0.6376133196214626,0.10529151732428872,0.64 +2544,2.206530697183122,0.1050315805279046,1.98 +2545,2.1274695906918444,0.10545956655390674,2.1 +2546,0.3885418792645181,0.10672897881149716,0.44 +2547,2.6022564051726276,0.10679513655447846,2.56 +2548,1.8360824897355235,0.10450622777393902,1.82 +2549,0.8404410996197624,0.10449193375031658,0.82 +2550,1.6158199558132216,0.10427730893765123,1.6 +2551,1.6539107242256312,0.10483934684660644,1.56 +2552,0.8728927488690621,0.10481841533027803,0.84 +2553,0.962804783053083,0.10465213055224463,0.86 +2554,0.5248955110647655,0.10616117843495922,0.52 +2555,0.7161545854779439,0.1053247936681938,0.78 +2556,1.16480132684186,0.1042969102293184,1.24 +2557,1.2106753154984817,0.10412699505536674,1.3 +2558,0.3241636576015461,0.10759160589416213,0.4 +2559,1.1108025168088327,0.1045363615710237,1.16 +2560,1.4017937216561434,0.10421177104218435,1.36 +2561,1.6147248830482956,0.10456104960251499,1.6 +2562,1.5473592750573166,0.10449596907098718,1.52 +2563,0.5105179782953799,0.1059165426731773,0.64 +2564,2.395085746477011,0.10607138012331191,2.38 +2565,0.6514250227181249,0.10528163182028577,0.6 +2566,1.5709579992223608,0.10444156082260574,1.6 +2567,1.5994878895366709,0.10377833179205156,1.48 +2568,1.011110620437747,0.1045213931728365,1.02 +2569,2.770186366556344,0.10899036204001823,2.84 +2570,1.0796404524079497,0.10448082977078539,1.08 +2571,2.092953861987506,0.10493713954920049,2.02 +2572,0.8415200327758834,0.10480390636549028,0.84 +2573,1.5883755489181786,0.10477558142079314,1.72 +2574,0.9642328144290362,0.10531378408221864,0.88 +2575,2.905728345055109,0.10917511955736887,2.98 +2576,1.1134345350687207,0.10450652393469566,1.08 +2577,1.3719487556673746,0.1037464234993915,1.42 +2578,2.098069384773342,0.10475979638036831,2.04 +2579,1.6308846698202073,0.1043141890517824,1.58 +2580,1.1858091158385031,0.10450690301569311,1.12 +2581,1.4634399979128512,0.10413364979262686,1.4 +2582,2.0656075053045795,0.10470600458431994,2.18 +2583,1.3356399065683684,0.10375474940863225,1.38 +2584,3.4964442527273976,0.11579712683487182,3.52 +2585,0.6719411705013725,0.10551760544286323,0.68 +2586,1.2791750386200595,0.10400585703898675,1.36 +2587,1.2523115483252338,0.10384399226057259,1.22 +2588,3.3979767527661933,0.11702474064371196,3.4 +2589,1.1225290176105043,0.10497642024396034,1.12 +2590,1.4013828427190402,0.1038407657702792,1.48 +2591,1.89985043243309,0.10433560381272104,1.86 +2592,2.2505093982036675,0.10564468282233948,2.26 +2593,1.8808567543504209,0.10469314109575371,1.84 +2594,0.6515977085947142,0.10517289207656334,0.58 +2595,2.1961106718217165,0.10546170870282692,2.1 +2596,0.9551908944931613,0.1045632351739035,1.08 +2597,2.1430135229338374,0.10511676431920026,2.12 +2598,1.8136300989135412,0.1042603671390684,1.88 +2599,1.5163014438579365,0.10403715884676473,1.6 +2600,1.7562434481073543,0.10403425173847948,2.08 +2601,2.0840419122195817,0.10490160835211283,2.06 +2602,1.0191702008235142,0.10437210486306464,1.08 +2603,0.6896092151231779,0.10548333672484218,0.76 +2604,0.944610137721738,0.10442138773033757,0.88 +2605,1.5229908536100707,0.10443113226768776,1.46 +2606,0.6985129378042725,0.10514968007168074,0.7 +2607,0.4890476619534736,0.1060354566987472,0.48 +2608,1.8671375577400715,0.10493994654769029,1.84 +2609,1.373082003472656,0.10389708077431953,1.28 +2610,1.4244465523127827,0.10425983963994982,1.42 +2611,1.3355944854235675,0.10397898980097812,1.3 +2612,0.5573704050163517,0.10583105030920226,0.58 +2613,1.294362086292442,0.10380711806357636,1.08 +2614,0.7302308125927883,0.10529826774588226,0.8 +2615,1.2069705294856616,0.10407608351842652,1.22 +2616,1.8143366276505857,0.10437428433043974,1.76 +2617,3.7702192648437594,0.1140926281417715,3.8 +2618,1.1295988536118413,0.1050152476673526,1.0 +2619,1.6758895423597364,0.1041273715780906,1.68 +2620,1.6273818435675578,0.1039885562931927,1.6 +2621,1.1954993105227194,0.10435944591040788,1.32 +2622,2.244346871475506,0.10577218135163921,2.28 +2623,0.8362511401367732,0.10469964703494428,0.9 +2624,1.56199889122946,0.10423909327570566,1.56 +2625,1.3239097253274137,0.10370009899953278,1.34 +2626,3.1551705804951906,0.11165587046713821,3.2 +2627,3.151009687202685,0.11178267542705973,3.2 +2628,0.9660365243205122,0.104635970452054,0.9 +2629,0.4979692389649095,0.10685639664156464,0.46 +2630,2.487384765301914,0.10640931509987019,2.5 +2631,1.8482225074340155,0.10444912542419738,1.86 +2632,0.7302142822486841,0.10520198953823681,0.78 +2633,0.9431974082337993,0.10445216834181158,0.94 +2634,1.4864629882225655,0.10389530483043075,1.46 +2635,0.9165039043147063,0.10458507370745725,0.9 +2636,2.437276070472005,0.1062788467477093,2.36 +2637,2.1135983146057766,0.10469840445247516,2.0 +2638,0.3462539127192672,0.1075142652368368,0.36 +2639,0.9701398754424799,0.10467292513233821,1.04 +2640,1.1282594348880215,0.10432614230613893,1.04 +2641,1.138762000721857,0.10452869935024835,1.18 +2642,1.2241348155986165,0.10418765217056314,1.34 +2643,1.1351593504807846,0.10419343575497622,1.12 +2644,1.8282035611572445,0.10443457677556417,1.86 +2645,1.738306912824437,0.10408026625128747,1.66 +2646,1.886906995095159,0.10424257089896877,1.88 +2647,0.7717854587690551,0.10487527346752812,0.74 +2648,1.562575798939501,0.10447434903201071,1.54 +2649,1.2693933417665653,0.10379841088570131,1.22 +2650,1.6655921205772826,0.10459900169815725,1.62 +2651,0.9391379103417057,0.10467723820503981,0.9 +2652,1.3726174913365918,0.10399054217461702,1.36 +2653,2.38953033266544,0.10611184901011614,2.44 +2654,1.008534100162918,0.10447768410659257,1.08 +2655,0.49199779971416113,0.10610333919119586,0.56 +2656,1.8212419441038064,0.1044287581280019,1.76 +2657,2.002743442767989,0.10459409301845149,1.8 +2658,1.924482321927253,0.10393915220847105,1.9 +2659,1.8163641638473846,0.10454792960233791,1.7 +2660,0.9189839484627447,0.10474712473980247,0.94 +2661,3.904223895107722,0.13142354122870764,3.2 +2662,0.7245730254979996,0.10508468993199324,0.72 +2663,0.8392830419577244,0.10499863915473003,0.9 +2664,0.9847614317141558,0.10445889385163798,0.92 +2665,1.6531472603364987,0.10453709093947494,1.7 +2666,0.9631913973070416,0.10453436275750942,1.04 +2667,1.2039838179443274,0.10392460937188784,1.1 +2668,2.353234622611576,0.10712654892008702,2.48 +2669,0.4095294571066743,0.10778053428413514,0.42 +2670,1.0343589868556018,0.10444963981873304,1.02 +2671,0.9984925348003069,0.10444078587596212,1.0 +2672,1.0821137426369392,0.10435525246509333,1.06 +2673,1.4028840780141492,0.10371793429607573,1.38 +2674,2.027299487974065,0.10515763928447493,1.84 +2675,1.595152752041396,0.10440434489995996,1.48 +2676,2.536014331459625,0.10665251705452888,2.46 +2677,1.5584735555485514,0.10438239805586952,1.46 +2678,2.266303103877571,0.10592935445683192,2.28 +2679,1.0020808846675715,0.10446704348261543,0.94 +2680,2.089361037435725,0.10482151609069652,1.84 +2681,2.877328657909877,0.10992100199400652,2.82 +2682,1.4507536418877107,0.10420821718951713,1.46 +2683,1.3245167668211701,0.10375629529080195,1.32 +2684,0.0430219757809871,0.11556187671093823,0.1 +2685,0.6831025110863278,0.10544030353773336,0.7 +2686,2.0596607070740367,0.10459526448968684,2.06 +2687,1.4423938392405669,0.10403940732618416,1.42 +2688,1.1127332491321988,0.10438480132909653,1.22 +2689,0.8701929390959089,0.10479577414020987,0.82 +2690,2.020456828683126,0.10448075610486743,2.02 +2691,2.012083779012399,0.10458570222856521,2.12 +2692,0.5737343813326579,0.10576045130040779,0.64 +2693,1.6581725879474858,0.10446122813141283,1.86 +2694,1.235663491600243,0.10365988076067482,1.26 +2695,1.9724935325367268,0.10453293702928476,1.9 +2696,0.16023833476538218,0.11091639973974578,0.2 +2697,3.2943247419513453,0.11471097640737388,3.24 +2698,2.105676728755099,0.10475298040233832,2.08 +2699,0.8945552191772057,0.10451508155032083,0.8 +2700,0.7099612871353163,0.10576355341433767,0.78 +2701,1.9278870023976102,0.10497151297049812,1.96 +2702,1.565862484288611,0.1042987210018318,1.36 +2703,1.4486112926339763,0.1038910538975865,1.4 +2704,1.678366709320044,0.10449158872775902,1.8 +2705,1.1101837014816427,0.10505170602261316,1.14 +2706,1.7304508573154633,0.10434830227066005,1.76 +2707,0.9604230780377128,0.10491772500642586,0.9 +2708,1.8148750402571556,0.10451390063229962,1.62 +2709,1.1244756305545378,0.10453273507254199,1.08 +2710,1.3589927366741579,0.10374103008983075,1.26 +2711,0.7156966269746912,0.10495521147223477,0.74 +2712,1.680466065469882,0.1041550857257687,1.54 +2713,1.2274899130532377,0.10397632589765322,1.24 +2714,1.1532125165996936,0.10458621540586958,1.18 +2715,1.7663994451034801,0.10435698947129851,1.76 +2716,1.3465290331047042,0.10397058247814481,1.46 +2717,1.3158043703113433,0.1036781187868255,1.3 +2718,1.8115382849272548,0.10410950381313426,1.76 +2719,1.1063673680985096,0.10439529954204874,1.1 +2720,0.988332526265407,0.10440873167598484,0.94 +2721,1.3566201268944154,0.10383882387683814,1.32 +2722,2.4410815477145027,0.10633076539181255,2.48 +2723,0.6741509261944474,0.10587621873431799,0.86 +2724,3.5940469151364516,0.11315702132482755,3.58 +2725,1.3508745398073847,0.10472877355224439,1.3 +2726,0.5886327460476606,0.10563656795923848,0.62 +2727,2.34327253602149,0.10596928105324048,2.36 +2728,1.4364670190439943,0.1041495455223733,1.36 +2729,0.9704421886626227,0.10442460523039995,0.94 +2730,0.992831202500807,0.10456936918773373,1.16 +2731,0.9341867052305419,0.10428817867004832,1.0 +2732,1.4819592791478593,0.10441041963567359,1.42 +2733,1.3949847338834855,0.10422316897452927,1.48 +2734,1.645982195475205,0.10445982440233646,1.72 +2735,2.498546378240845,0.10631579038327366,2.46 +2736,2.1319787710672378,0.10489754458240161,2.08 +2737,1.6243058332204177,0.10416935182981636,1.54 +2738,2.560971452657074,0.10669012174601761,2.56 +2739,1.190419747172574,0.10400418629303677,1.22 +2740,1.34362804161574,0.1039266425205738,1.34 +2741,1.7007783179121914,0.10439170678794067,1.58 +2742,2.9327198817140667,0.10911547991764059,2.96 +2743,1.5390718167738795,0.10479969688286114,1.5 +2744,1.1364505963821907,0.10438541466842732,1.04 +2745,2.0343253982670033,0.10444789729763965,2.08 +2746,0.8656557608758861,0.10449691210437058,0.9 +2747,1.008981234726675,0.10482650705529428,0.92 +2748,1.269931346689984,0.10361927320890732,1.16 +2749,0.7442711073023665,0.10467847159287944,0.74 +2750,1.8260473825610246,0.1046382981010365,1.9 +2751,2.2689325885919827,0.10594400806659625,2.24 +2752,2.3091154906143982,0.10606364534578407,2.18 +2753,0.8738873428494065,0.10450145401699533,0.94 +2754,2.7915194586547214,0.1080872365681741,2.76 +2755,1.658330857773783,0.10405860611587774,1.58 +2756,2.1869320420965677,0.10598891070090385,2.12 +2757,3.743425221866331,0.11428673847100632,3.8 +2758,0.2638059273051869,0.10843696373948543,0.18 +2759,2.5215672647814307,0.1067562596446401,2.28 +2760,0.5260756679133083,0.1064282238732072,0.52 +2761,1.70256326211486,0.1044953680879166,1.68 +2762,1.1774656898159526,0.1044134745948112,1.2 +2763,0.429047077159427,0.10700718917778597,0.46 +2764,1.1305148006866785,0.10458040974043314,1.08 +2765,0.9047413304810918,0.10460653701439693,0.88 +2766,2.0323389058971975,0.10459843991599109,2.04 +2767,1.656999456103022,0.10406205305726172,1.64 +2768,0.5587426923824133,0.10615455804735925,0.72 +2769,2.2730240927080727,0.10746526461656943,2.28 +2770,0.8624971564993063,0.10456191198458599,0.92 +2771,-0.10237670016763989,0.1281657542416295,-0.08 +2772,1.5826184977447388,0.10451534869256038,1.62 +2773,2.50205230233741,0.1064658803194554,2.46 +2774,2.1396576224097705,0.10551945221650263,2.14 +2775,1.7630143242381342,0.1040811259041119,1.8 +2776,1.340932099715979,0.1043408665883649,1.36 +2777,1.4525498729745605,0.10405445738247485,1.42 +2778,0.2847301483270437,0.10794975823963922,0.18 +2779,1.338468880682112,0.10374226820261212,1.4 +2780,1.5726371171919267,0.10440085922961113,1.56 +2781,2.3326990575625706,0.10673390465006269,2.34 +2782,1.6085482261256052,0.10425251817503994,1.72 +2783,0.9675574542363021,0.10455941159772138,0.92 +2784,1.6924015699782116,0.10478224997848931,1.6 +2785,2.0122540277928342,0.10449545693250496,1.98 +2786,1.4676237331050173,0.10392361052351458,1.52 +2787,3.4245068370371916,0.11283882818579712,3.28 +2788,1.2482688094534486,0.10428716512985037,1.32 +2789,1.3408452256806394,0.10345571157095013,1.36 +2790,1.5803075026228468,0.10439812971268726,1.78 +2791,0.9539184834809484,0.10447796143743787,0.98 +2792,1.4976241942903377,0.10432680221415822,1.36 +2793,1.3080422379932886,0.10392373447815861,1.26 +2794,1.3422243970410284,0.10415362423935971,1.34 +2795,1.8208602919986197,0.10488169639091575,1.8 +2796,1.072244414171652,0.10448214227887656,1.06 +2797,1.7019210264331575,0.10407334572723828,1.6 +2798,1.1612106188360398,0.10457611803772301,1.22 +2799,1.1906415515837194,0.1040785237029919,1.16 +2800,0.39064170332317527,0.10668445580097395,0.36 +2801,0.3434524988062728,0.10789215950566382,0.38 +2802,0.6480402446783646,0.10548073290558234,0.6 +2803,1.8173695212067846,0.10490406285322317,1.84 +2804,1.2133372694630404,0.10427591384512314,1.28 +2805,1.0641020554590535,0.10443353474962479,1.0 +2806,0.7712289153300764,0.10490002868933389,0.84 +2807,1.4890418745474827,0.1038273891273757,1.26 +2808,2.119152991788961,0.10486739378770803,2.08 +2809,2.1666735728871727,0.10507634825603501,2.08 +2810,0.5876577351303398,0.1054908493330662,0.6 +2811,0.7506665203476102,0.10555013075509198,0.84 +2812,1.6556350619700622,0.10439815624931018,1.66 +2813,0.5712466814169943,0.10614857711399082,0.62 +2814,0.8481048463864935,0.10455230166112117,0.84 +2815,1.7567896412011796,0.10508637764621497,1.68 +2816,1.7487297436429783,0.1044481261848441,1.82 +2817,0.6065213746844877,0.10559409826500966,0.5 +2818,1.255538197475043,0.10387214980560365,1.3 +2819,1.6151992753322117,0.10462330603630215,1.64 +2820,1.538067898862855,0.10467356405507103,1.54 +2821,0.4143609040236056,0.10647584037424399,0.4 +2822,3.9353242435641773,0.12101382671588458,3.88 +2823,1.214905318555977,0.1041193606636223,1.26 +2824,2.5305062955072612,0.1068422923574258,2.6 +2825,0.6173049729730584,0.10576805840864277,0.68 +2826,0.8408371094057907,0.10446357277467641,0.78 +2827,1.8631469069660076,0.10447269745487467,1.92 +2828,0.7389982356123257,0.10485405398988283,0.64 +2829,1.1070979314581537,0.10429052526577688,1.1 +2830,1.1299865170556265,0.10463978264020127,1.2 +2831,1.4829410461297128,0.10398502889117912,1.48 +2832,2.2018083240743946,0.1053852062471024,2.18 +2833,2.0055516652207883,0.10451494561361795,2.06 +2834,0.9169515262273071,0.1045346945302947,0.88 +2835,1.66252309322656,0.10484945703396797,1.68 +2836,0.8007369753177018,0.10498211098321301,0.8 +2837,1.6851492532347931,0.10483498244637024,1.62 +2838,1.7210077708463833,0.10475555180436172,1.66 +2839,1.379481006308544,0.10367376418888262,1.28 +2840,1.5637016457628041,0.10419808573392574,1.5 +2841,2.339664220280432,0.10637987032735494,2.42 +2842,0.38336524343182266,0.10734761285218002,0.32 +2843,1.6445708220044066,0.10495064264814306,1.62 +2844,0.7291333686048267,0.10537742250477806,0.66 +2845,2.4916889988200337,0.10649653626731756,2.52 +2846,0.9466430242987647,0.10460502147409177,0.9 +2847,1.1776221645562979,0.10503831966899901,1.04 +2848,1.7404889755176916,0.10485944010444895,1.7 +2849,1.5822349077824738,0.10457721100967433,1.6 +2850,1.0884578418404667,0.10449753319902463,1.14 +2851,1.52643024464028,0.10395257708371189,1.44 +2852,2.3052264518758667,0.10594977445756733,2.2 +2853,1.6696666890178653,0.10514229732220562,1.68 +2854,1.0187549750406655,0.10447268894711499,1.02 +2855,1.6370210243775452,0.10509493742278417,1.7 +2856,0.6564113027870384,0.10569152350136152,0.76 +2857,1.4349220890023782,0.1040112599579315,1.46 +2858,0.08261958866538688,0.11347715095436005,0.16 +2859,0.9059101142769022,0.10441622148735925,0.94 +2860,1.8442987286121229,0.1046699808339668,1.78 +2861,2.2528872435077565,0.10565911402896892,2.18 +2862,0.7721157643362533,0.10490132278570878,0.74 +2863,0.47398546214091386,0.10609833497417252,0.54 +2864,0.5418869288501211,0.1061139490651531,0.62 +2865,1.1882930316696365,0.10434210164375354,1.22 +2866,1.3143101944680646,0.10355728443440755,1.34 +2867,1.2239329919346558,0.10439706023134288,1.22 +2868,1.662793189511084,0.10408630378752451,1.62 +2869,1.9172467695731568,0.1043815788561022,1.88 +2870,1.0863520146201902,0.10441174803876116,0.92 +2871,0.892646755826962,0.10450345219920078,0.94 +2872,2.2496448259067376,0.10550247092611795,2.32 +2873,2.2465813851353564,0.10555638603186424,2.3 +2874,0.7663003106114852,0.1047406251281622,0.86 +2875,1.2222818335815822,0.10446518355709965,1.26 +2876,3.5339047653567794,0.11410508620217161,3.5 +2877,1.8191257079861805,0.10484989039873643,1.8 +2878,2.680743935192111,0.10754579574384204,2.72 +2879,1.9546429543060375,0.10436539941226859,1.96 +2880,0.8427048455897346,0.10450760030770656,0.88 +2881,1.2868917239786741,0.10376192893035019,1.36 +2882,0.6805098873041358,0.10525741341077953,0.76 +2883,1.7352750304110165,0.10446968744423568,1.72 +2884,1.6258151875380937,0.10417016315906531,1.62 +2885,1.7884676433525852,0.10452641183904224,1.74 +2886,0.7752088073827457,0.10490593944042427,0.86 +2887,1.2509226805314198,0.10405148830754386,1.28 +2888,1.226634656646481,0.10434224889608598,1.28 +2889,1.6845574583751448,0.10445056092623292,1.64 +2890,1.4275937366681601,0.10397671394460244,1.5 +2891,3.6335219190188157,0.11353344504434319,3.46 +2892,1.7691047089614917,0.10451091634650815,1.76 +2893,1.3500061099939904,0.10450674441807091,1.48 +2894,2.079741882563275,0.10508304284604078,2.06 +2895,2.6252096827716676,0.10675382017248312,2.64 +2896,1.5699773997395168,0.10408103689982216,1.52 +2897,1.5860982670066504,0.10491734774286932,1.58 +2898,0.4681609850335038,0.10629702182053281,0.52 +2899,1.995262940326934,0.10485141125658559,1.92 +2900,1.3092965550471698,0.10387202432488914,1.32 +2901,1.0415273559274523,0.10444412522511497,1.08 +2902,1.5461965897258052,0.10415714517847732,1.44 +2903,1.0932123368489828,0.1043778589230917,1.12 +2904,1.2665460181366148,0.10394329565436984,1.12 +2905,2.385867447556616,0.10617006719381404,2.38 +2906,2.1805938747778013,0.10529253245663792,2.06 +2907,0.6663817605846543,0.10515928035972887,0.72 +2908,0.8440307173644754,0.10468568338195573,0.86 +2909,1.0714331567289905,0.10488807870040191,1.04 +2910,0.22760673019919597,0.10956530215639841,0.2 +2911,0.9847482596551105,0.10454761724737711,0.98 +2912,1.2718933945175275,0.10400442318864962,1.22 +2913,0.3201151798190809,0.10927766561493882,0.28 +2914,1.163592707367422,0.1040566084661368,1.16 +2915,0.9965626018148646,0.10464829450705218,1.02 +2916,3.295026682031863,0.11275464523916681,3.26 +2917,0.4752063994970852,0.10818145688377323,0.5 +2918,1.2910080388261784,0.10395344311448171,1.24 +2919,2.5830103783005667,0.10678612139171713,2.56 +2920,0.9454925439425583,0.10477101120094365,1.06 +2921,1.4581117854738261,0.1039677914292639,1.4 +2922,2.759839867490988,0.10849266171344,2.82 +2923,0.9796674465756743,0.10449827190045391,1.0 +2924,2.762530679866166,0.10763354070133242,2.76 +2925,1.3799272871261463,0.10398901577723628,1.38 +2926,0.5950560244881187,0.10602606124826486,0.7 +2927,1.550321289129747,0.10427691965142792,1.46 +2928,0.25123785940064813,0.10992165385784673,0.26 +2929,2.3661212277243164,0.10598175175960688,2.36 +2930,1.047854994562937,0.10453072823635676,1.04 +2931,0.3172477474955757,0.10755384209194552,0.38 +2932,0.8088565745515988,0.10469754402673442,0.84 +2933,0.08439228319932202,0.11383579460957273,0.0 +2934,2.251075649142396,0.10608566924000161,2.18 +2935,1.7409935162494703,0.10532754623418444,1.74 +2936,1.8902967604432588,0.10419090669592251,1.8 +2937,1.8813883970211398,0.10451954378063592,1.84 +2938,1.170482660700844,0.10417851908235512,1.24 +2939,1.8712380017904335,0.10438607307808545,1.86 +2940,0.3141700334518651,0.10813549478298387,0.28 +2941,3.1374543989916637,0.11280224606094337,3.18 +2942,1.644119049079122,0.10431095390880075,1.68 +2943,0.6970971916644446,0.10543094985026903,0.68 +2944,1.1097924938305423,0.10457674767500393,1.08 +2945,1.4724668252441697,0.10436317130921537,1.48 +2946,2.2013724453605574,0.1058286384782477,2.1 +2947,1.3850974254006347,0.10403817147021543,1.3 +2948,1.056746227588536,0.10445461054520552,1.06 +2949,1.4039501511303625,0.10391167809134384,1.36 +2950,2.144346485569417,0.10478140026462114,2.18 +2951,1.2108545730835738,0.10380643869185424,1.2 +2952,1.445348723736413,0.10397573992728576,1.44 +2953,2.283476235825794,0.10590271723338476,2.32 +2954,1.3494996300194613,0.10372288483117839,1.44 +2955,2.904262950855201,0.10903754455280604,2.88 +2956,2.4931632950139564,0.10681800691832084,2.46 +2957,0.6723761600069773,0.1051534883950939,0.74 +2958,2.4765864944228175,0.10642434982265145,2.5 +2959,1.7583767826285515,0.10463477515692371,1.68 +2960,0.8515289469410208,0.10467357766774196,0.76 +2961,2.246129148429417,0.10576118101588439,2.18 +2962,1.851877575200585,0.10460217003937926,1.76 +2963,0.6956871092184587,0.10518767865977074,0.74 +2964,1.0491585080667383,0.10474006425352748,0.98 +2965,1.9628141803692563,0.10466423556300797,1.96 +2966,1.2562397695038063,0.10410284558431593,1.34 +2967,0.2796974185277099,0.10843679916534932,0.28 +2968,1.088983638084554,0.10462437823151895,1.12 +2969,1.6000590071926544,0.10460159917157594,1.58 +2970,0.9082750813000215,0.104523713758474,1.1 +2971,1.5719994588831865,0.10414196775858095,1.56 +2972,0.6045762829429817,0.10541172520927365,0.64 +2973,1.4863075114537585,0.10432799608635092,1.4 +2974,1.4736471901321169,0.10440414019188168,1.54 +2975,4.222115980898873,0.1435915343916124,3.9 +2976,1.1488809457967077,0.10448962602337061,1.22 +2977,1.8565037456915183,0.1050636788783197,1.74 +2978,0.521995332376151,0.10624875261124095,0.56 +2979,1.2605362978724335,0.10382967881393744,1.28 +2980,0.5743785500111622,0.10586304777729845,0.6 +2981,1.370135595512159,0.10466018702627759,1.4 +2982,0.28324646898698713,0.10794309581214877,0.28 +2983,1.3570422327076797,0.10418355181069255,1.22 +2984,1.6958516213703438,0.10436869294045024,1.62 +2985,0.5866769774581657,0.10604740944439575,0.58 +2986,1.5538695613406466,0.10436804269342216,1.52 +2987,1.4577837136448908,0.10404945382157453,1.5 +2988,1.411924580248896,0.10372998690340496,1.38 +2989,1.7753337056525416,0.10525375450782595,1.7 +2990,0.1282157314455672,0.11200617736134798,0.08 +2991,1.305698321666621,0.10414297141601869,1.34 +2992,1.592614062110978,0.104726983045482,1.56 +2993,2.004191120815551,0.10506570351836216,1.98 +2994,1.5708468254192764,0.10434637772679822,1.6 +2995,1.5580507507151173,0.10386459460249942,1.56 +2996,1.597918132896388,0.1039774556832303,1.68 +2997,0.9269345339942499,0.10437545997012362,0.84 +2998,1.047457275572465,0.10460808667258997,1.12 +2999,1.2061449185206472,0.10456199936222664,1.18 +3000,1.629717551938831,0.10466562857427293,1.68 +3001,0.9799019864117531,0.10456663427446226,0.84 +3002,0.2575052752021696,0.10868241724955083,0.22 +3003,1.2615618690216648,0.10401707185854786,1.28 +3004,2.011788962058339,0.1057903709419656,1.96 +3005,2.148099983900276,0.10499433103501012,2.12 +3006,1.356760852865551,0.10396285514148311,1.3 +3007,2.8386654985993323,0.10820565294844624,2.8 +3008,0.7429870320850469,0.10510219523263448,0.72 +3009,1.421682440094819,0.10438265741319085,1.36 +3010,1.8397095428728951,0.10465611963250428,1.86 +3011,0.8548702815563649,0.10474372427050625,0.8 +3012,0.8757601120006573,0.1047447313998612,0.86 +3013,1.0852228317139874,0.10458074438846945,1.08 +3014,1.7057871637475932,0.10428508945282512,1.7 +3015,1.7849982505978188,0.10437573422329526,1.8 +3016,1.679440459583641,0.10445074624291811,1.64 +3017,1.0829680599492226,0.10466948069039207,1.04 +3018,1.3305923931689057,0.104513315409842,1.26 +3019,1.4783846640683782,0.1046669867637996,1.42 +3020,1.166421211853069,0.10424894069589744,1.22 +3021,1.4498646413391567,0.1040897474408383,1.4 +3022,0.5464191375347438,0.10620925012786694,0.6 +3023,2.3053421251694983,0.10556228917388324,2.32 +3024,1.2395314175054315,0.10374762143713595,1.18 +3025,1.0722620063440056,0.10463630230861112,1.06 +3026,1.3853029733924602,0.10387803744173014,1.42 +3027,1.0833648633209654,0.10429983638790505,1.1 +3028,0.5021869577619578,0.1059234480204362,0.52 +3029,1.1358503029944087,0.1043033700861299,1.18 +3030,2.1536807573949366,0.10776299212747523,2.22 +3031,2.212476127881362,0.10531563205344867,2.02 +3032,0.8979655279925529,0.10625643321559984,0.9 +3033,1.7851848994442916,0.10459453803313443,1.74 +3034,1.6612909479273616,0.10435819535110305,1.6 +3035,1.1618746201638865,0.10418445157427447,1.16 +3036,2.9578465187303413,0.10942343195148105,2.96 +3037,3.3195900914916683,0.12056148551594977,3.34 +3038,0.7023760341043088,0.10550134699961711,0.68 +3039,0.9600312478154072,0.10447002340062361,1.06 +3040,1.1451909859489389,0.10492732219689974,1.1 +3041,0.2769535428933416,0.10880186524973769,0.28 +3042,0.6482224763160316,0.10550302121763,0.6 +3043,2.3240634380618763,0.10595332329967042,2.26 +3044,2.1069308323196934,0.10469570217226902,1.96 +3045,0.5115298522694296,0.10626220918314816,0.6 +3046,0.26607166838276,0.10828586444745843,0.38 +3047,2.1054244715078587,0.10459446530322446,2.1 +3048,1.2832955432097046,0.1036061085266029,1.24 +3049,3.6322610498079717,0.11698403708346643,3.58 +3050,1.6034686245173253,0.10438134716998473,1.64 +3051,1.8294369532055113,0.10496745616194482,1.88 +3052,1.7719455572445062,0.10471636464109378,1.82 +3053,1.0715672419046411,0.10455157085846797,1.1 +3054,2.9338068680716587,0.10921957508175235,2.86 +3055,1.4499022284002239,0.10365138903926666,1.4 +3056,0.6630424238011638,0.10529954641496742,0.66 +3057,0.46650145416430444,0.10641191962825293,0.44 +3058,1.6186452749831615,0.1042463376872249,1.58 +3059,1.6619751577747506,0.10407275090005602,1.62 +3060,1.3318654076148144,0.10419500677505282,1.28 +3061,2.5220342414663213,0.10651659774517666,2.46 +3062,0.6260301258818641,0.1055611352394852,0.68 +3063,1.823477229001841,0.10409743503415861,1.96 +3064,1.4794089532661223,0.10436483930564962,1.46 +3065,1.3009518765267094,0.10371344726413627,1.32 +3066,2.23150637981309,0.10509792872898328,2.2 +3067,1.285152190714622,0.10372039350293806,1.34 +3068,0.06958831198281867,0.11335692224390537,0.1 +3069,1.4997480905301197,0.10397798843183444,1.54 +3070,1.1810805219482736,0.104321261446986,1.2 +3071,1.4729304830842258,0.10420747703119089,1.48 +3072,2.455845306582865,0.10673188799997822,2.54 +3073,0.4832687937498745,0.10618452380027378,0.46 +3074,2.032768733951161,0.10571415972209156,2.04 +3075,1.591299479854544,0.10418724360808113,1.6 +3076,3.0381742496478195,0.11084262405276836,2.76 +3077,1.782182695873181,0.10462581878270541,1.76 +3078,0.9794786024241704,0.10457859571635605,1.0 +3079,2.0693785299260616,0.10506947701133561,2.06 +3080,1.7701903855471803,0.1049768626344368,1.8 +3081,0.6404967606415619,0.10530472469093523,0.6 +3082,1.1665722552924906,0.10403188067399734,1.14 +3083,2.087282847131582,0.1046416609509562,2.08 +3084,0.8930622190032569,0.10466908346522386,0.96 +3085,1.976888960055315,0.10456254596494007,1.96 +3086,1.916442188450886,0.10424718574570957,1.82 +3087,1.148592119085598,0.10437446934220236,1.32 +3088,1.6415781840445005,0.10422123107245646,1.76 +3089,1.8377320483262087,0.10440749734165604,1.82 +3090,0.8431122096559518,0.10496009325992182,0.84 +3091,2.0215101663958377,0.1044698535640103,2.04 +3092,1.5654000766102731,0.10405989907974324,1.3 +3093,1.3385735841722246,0.1039529999951615,1.3 +3094,2.1000371381601566,0.10482357966332397,2.18 +3095,1.831313326424051,0.10403979852297668,1.98 +3096,1.090608748208667,0.10438493968365016,1.16 +3097,2.2313522191738135,0.10603687567518023,2.32 +3098,1.0029634434580865,0.10467025097842472,1.04 +3099,0.6317135145969841,0.10625850212255258,0.62 +3100,1.5118295213695978,0.10405755605724794,1.5 +3101,1.8378821686851046,0.10447306540880705,1.86 +3102,0.529501206000373,0.10623463483489934,0.44 +3103,1.1934678365688702,0.10447665080070843,1.22 +3104,1.2648514935932225,0.1037991654208854,1.36 +3105,1.8870934585320382,0.10431078810686681,1.82 +3106,1.1567756856712554,0.10441368606992725,1.22 +3107,0.19389568186700057,0.10962050444249748,0.3 +3108,1.5630087735823563,0.1044762097875943,1.46 +3109,0.8453782535302228,0.10452167060055378,0.74 +3110,0.7350344703945231,0.10491357599882505,0.74 +3111,2.096872147039675,0.10456971759987146,2.06 +3112,1.2204999198852766,0.10483939725328716,1.16 +3113,2.2813489092120838,0.10601041215185775,2.36 +3114,0.9313383597066087,0.10466280564237598,0.92 +3115,0.280404643534208,0.10804171127685767,0.3 +3116,0.9570640328376614,0.10451065403093587,1.0 +3117,0.76285524950619,0.1049176497528601,0.86 +3118,0.7937805596441603,0.10476062288329978,0.7 +3119,0.6374336197954849,0.10576727723210774,0.68 +3120,1.1964608482675994,0.10464146674816388,1.16 +3121,2.4030135128901895,0.1061587547690765,2.38 +3122,1.9630363110519964,0.10466626752757908,1.98 +3123,0.7951392720254296,0.10661940321734428,0.84 +3124,1.332297881059577,0.10449335616167317,1.36 +3125,0.6545414061910977,0.10530128250889817,0.66 +3126,1.334685149879209,0.10372442540189258,1.28 +3127,1.0837623219932313,0.10465100494451714,1.04 +3128,0.7460483036376617,0.10465459765064804,0.72 +3129,2.7712157354619817,0.1082090078302916,2.82 +3130,1.0434957922792618,0.10476979485744199,0.98 +3131,0.9857071637170476,0.10458854869327151,0.98 +3132,0.5000798593483555,0.10606869361116356,0.5 +3133,1.3304771288940556,0.10389671425402847,1.32 +3134,3.1821601198699083,0.11355210629196937,3.2 +3135,1.2137031649863337,0.10435557656336682,1.3 +3136,1.7243604942533244,0.10430168414402256,1.74 +3137,1.1539821749128203,0.10436081230365811,1.16 +3138,2.3293006700734997,0.10600035968953363,2.66 +3139,2.2022915291768923,0.10671179941439797,2.14 +3140,1.5490518496284897,0.10424440130790344,1.5 +3141,3.131572177444439,0.11141210957436919,3.0 +3142,0.8683169213382023,0.10474809842995768,0.9 +3143,1.9783305983390447,0.10467947120697325,1.96 +3144,0.9808563689388938,0.10501123963145931,0.9 +3145,1.0304728439934179,0.10467532081921485,1.0 +3146,1.5921639041745292,0.10448093772299463,1.56 +3147,1.5210634295820205,0.10415578784671502,1.46 +3148,1.2568852182623784,0.10379898634946431,1.28 +3149,2.8531023778630553,0.11085823148692306,2.9 +3150,1.1680802666549441,0.1042292244077572,1.24 +3151,1.5385792861283667,0.10409068861939565,1.52 +3152,0.8375340259835005,0.10506723503502155,0.78 +3153,1.3571222660097808,0.10421343445826498,1.4 +3154,1.159760226299805,0.1039750853279604,1.12 +3155,0.5813710931826099,0.10550672145317759,0.62 +3156,3.153836935028319,0.11229223961415966,2.96 +3157,2.8866932963828615,0.10879817960261573,2.84 +3158,2.431726780121074,0.10670851083577869,2.38 +3159,1.068313877645017,0.10451110694146319,1.1 +3160,0.7249762677340286,0.10500582280817064,0.68 +3161,0.5824310357478977,0.10637895030757338,0.52 +3162,1.431497815168453,0.10388187463566009,1.48 +3163,0.25775612690925787,0.10895523273425033,0.26 +3164,1.611087206168377,0.10432990357763364,1.7 +3165,1.465222469822197,0.1040299579507854,1.38 +3166,1.6544911048841149,0.10442019787933693,1.64 +3167,2.4283498741392426,0.10619800054459042,2.34 +3168,0.3717245008861356,0.1069679067348325,0.4 +3169,2.3434213896456866,0.10652123889136053,2.3 +3170,0.38129458110197856,0.10771914137542675,0.42 +3171,1.8851908480972446,0.10455625266570606,1.68 +3172,1.5077947419936093,0.10417519122626788,1.44 +3173,0.3246120912506738,0.10785036199141027,0.42 +3174,1.3961851867656945,0.10389270032323646,1.44 +3175,2.032172266100143,0.10720092320237222,1.84 +3176,0.5151888886960494,0.1070831359545796,0.48 +3177,2.348372037590045,0.10719387062463151,2.2 +3178,2.9567311139671757,0.10986962857051479,2.98 +3179,2.4288900880932074,0.10613065691618405,2.38 +3180,0.7520513062661331,0.10497279410414406,0.78 +3181,2.443596525337912,0.1063067370793116,2.42 +3182,3.0992483689396435,0.1107976672709386,3.52 +3183,-0.10310538883884313,0.12902102840373766,-0.06 +3184,1.9868141934245065,0.10448239650703132,1.94 +3185,-0.18203542091592428,0.14303911274302672,-0.18 +3186,0.8307723269782015,0.10459417965242701,0.94 +3187,2.3737880181697646,0.10701979921031704,2.48 +3188,1.3753848954893781,0.10389325052603315,1.3 +3189,2.1894153613751994,0.10530003220373432,2.26 +3190,1.5267739570129022,0.10387824763368107,1.66 +3191,1.0673883786278457,0.1044392430494047,1.04 +3192,1.2351568927549659,0.10411442414582008,1.18 +3193,2.303855660555178,0.10663017841938635,2.24 +3194,1.3525080206404079,0.10410627607161009,1.34 +3195,1.497131467069564,0.10418693436493764,1.52 +3196,0.6175431146415002,0.10539113248222479,0.66 +3197,2.0760609976834123,0.10476852693219817,2.0 +3198,3.035505828880992,0.11305115340226214,3.08 +3199,1.0715099890659294,0.10433870700389998,1.1 +3200,0.7987998869075108,0.10527322344114588,0.88 +3201,1.2589094230982196,0.10483075977097545,1.34 +3202,1.261517713299125,0.10378157647463297,1.16 +3203,2.1605816904865476,0.10507365079820649,2.06 +3204,0.9378846472127611,0.10442676690914038,1.0 +3205,3.311622350332736,0.11699543642059715,3.64 +3206,1.4726329178979496,0.10442137882514423,1.48 +3207,1.9963379281501785,0.10464018561351689,1.84 +3208,1.470524417018285,0.1038982103153383,1.44 +3209,1.7318686713860698,0.10516749883224369,1.58 +3210,1.3154578992872077,0.1036171007934208,1.3 +3211,1.711933381662802,0.1043193681529696,1.8 +3212,0.803118320388462,0.10455970118517458,0.76 +3213,1.8407763109115853,0.10448020639937491,1.76 +3214,0.5314930072224611,0.10579642182454471,0.46 +3215,1.7807271488220477,0.10490634155085884,1.78 +3216,0.6592834046031166,0.10539723783481608,0.6 +3217,0.7670017444147392,0.10483806604854891,0.68 +3218,0.7977905134859276,0.10470326387650546,0.68 +3219,0.8642729410840735,0.10480635349543507,0.84 +3220,1.077774565666025,0.10441379993673265,1.04 +3221,1.022057863738321,0.10485708735173638,0.98 +3222,0.7022141888875,0.10516754139696648,0.68 +3223,1.1367749480018778,0.10453280659014075,1.1 +3224,1.2203608250530076,0.10478808091620344,1.14 +3225,1.2901901671233054,0.10373532943389512,1.32 +3226,1.129612413073457,0.10561789067153082,1.1 +3227,1.0466659780690355,0.10449920768701969,0.98 +3228,1.2768654271795485,0.10361864168988545,1.34 +3229,1.8005054089848676,0.10450395163829877,1.72 +3230,0.6206741059555396,0.10556319671472929,0.74 +3231,1.0490302256600392,0.1046088271997957,1.14 +3232,2.795061206756926,0.10803555531222551,2.82 +3233,1.847524515178697,0.10426074299178702,1.72 +3234,1.079358539881743,0.10439451705967039,1.1 +3235,2.9751874956069697,0.10969934996208859,3.06 +3236,1.4310516130828548,0.10385630311206409,1.3 +3237,1.6797852211881397,0.10424105557057198,1.68 +3238,1.0367888563689407,0.1048629678161513,1.08 +3239,2.775202497957493,0.10893471395278743,2.9 +3240,0.46053050667245454,0.10711180189402159,0.5 +3241,3.6130407776822375,0.11705439122492509,3.7 +3242,0.5105846976531714,0.10798484040471576,0.64 +3243,1.8466604262244344,0.10450492178004868,1.74 +3244,1.2596531871684897,0.10351941260266655,1.24 +3245,1.4987014545433093,0.10400752208863374,1.44 +3246,1.4294577832209976,0.10415366381005475,1.16 +3247,0.3584298003013382,0.10735238999411906,0.32 +3248,0.49176657788305267,0.10794763908877199,0.54 +3249,0.35681550346871393,0.10785394991914153,0.36 +3250,0.8933353950763907,0.10452878694911119,1.0 +3251,1.6363474169023169,0.10401453503955263,1.64 +3252,2.016064500256948,0.10661498634671322,1.96 +3253,1.8189587337621331,0.10429610872837647,1.82 +3254,1.2494439547315848,0.10387891263193978,1.2 +3255,1.3957236745895818,0.10428563594177032,1.3 +3256,1.5292677858464243,0.103885119636493,1.5 +3257,1.9944527200011306,0.10472905289016492,1.92 +3258,1.925536383697902,0.10452367062250098,2.02 +3259,1.7781937441340565,0.10464961707171576,1.72 +3260,0.9573136995364324,0.10452848308386703,0.9 +3261,1.3324613121900155,0.10359622203786657,1.36 +3262,1.0362060086927416,0.10440740847957242,1.12 +3263,1.2962141083976748,0.10415662749376559,1.38 +3264,0.5380758803401706,0.10580444060048301,0.54 +3265,1.1154525186267117,0.10438591495110815,1.16 +3266,1.3537442068106307,0.10360564160243373,1.36 +3267,2.3540927397003477,0.10639840959885556,2.34 +3268,1.9132628418794644,0.10436032254031465,1.86 +3269,0.7256966912380696,0.105139178436261,0.76 +3270,2.3414057394041086,0.10716099676218127,2.26 +3271,1.626464343838335,0.10394680817527452,1.54 +3272,1.9995240778322119,0.10435346399566134,2.06 +3273,1.0045429277072833,0.10458819025399628,1.0 +3274,1.012318722505678,0.10483595204047516,1.0 +3275,2.258479742811427,0.10596398277729602,2.34 +3276,1.7484728751413874,0.10435080259142361,1.76 +3277,1.3931389217049608,0.10420328846361358,1.4 +3278,1.3536346733843425,0.103727724572644,1.32 +3279,1.4843026906322967,0.10429876402125092,1.48 +3280,1.4224434868322584,0.10428768177838071,1.58 +3281,1.7020149199136325,0.10841355567391407,1.58 +3282,0.33370690342639,0.10788604991550432,0.42 +3283,1.668934117865958,0.10427762963165546,1.62 +3284,1.6310142568627013,0.10456901151194742,1.6 +3285,3.1928585491797667,0.1133274954079406,3.26 +3286,1.6211684422399868,0.10398420072720062,1.62 +3287,1.4729857612656732,0.10425875351355503,1.48 +3288,1.7217404777237517,0.10469143141335335,1.76 +3289,1.4918961049598698,0.10382303720398312,1.5 +3290,2.2414250917303944,0.10568267689565904,2.22 +3291,1.9414309982718008,0.10428902524208722,1.94 +3292,2.1031829142205387,0.10481647310805195,1.96 +3293,1.7849845673975926,0.10430324792492152,1.78 +3294,0.4801352038881559,0.10692317172686656,0.48 +3295,2.285782004599695,0.10721643199393206,2.34 +3296,1.4596839850989936,0.10370873757684763,1.4 +3297,1.2458466270771362,0.1041038483939522,1.3 +3298,0.9850340752285591,0.10479292873246678,1.08 +3299,0.9747898399612618,0.10501577918512596,1.0 +3300,2.8245846517712456,0.1087688496289087,3.0 +3301,1.1510193404903282,0.10486286030418422,1.14 +3302,0.8112559993878987,0.10501191505414777,0.72 +3303,0.8082947469741919,0.10455571685316338,0.86 +3304,1.2114759432284048,0.10370269948852154,1.28 +3305,0.977213875633697,0.10447388080501807,0.96 +3306,1.1143397898532585,0.10432399850386341,1.22 +3307,4.047788672195334,0.12244831730026857,4.2 +3308,1.820919475919733,0.1040845634382382,1.76 +3309,1.4446483141684423,0.10380624116855441,1.34 +3310,2.1624849819615113,0.10538431471226901,2.08 +3311,0.569088365767298,0.10574415091779191,0.62 +3312,1.9051997141005428,0.10463822305660636,1.86 +3313,1.9771492848052992,0.1043232669107224,2.0 +3314,1.4808168015056742,0.10419331527249431,1.54 +3315,2.2659455764816085,0.10578329504049314,2.22 +3316,2.649394682484842,0.1081198922870714,2.68 +3317,1.7670848730088968,0.10463081990117623,1.68 +3318,2.4293743362128373,0.10646344357057697,2.36 +3319,1.0534779220127417,0.10497265185109653,1.08 +3320,0.8891866858912056,0.10472502235934164,0.9 +3321,1.424471879070773,0.10394060401329232,1.36 +3322,1.3691090032293163,0.1036418698330546,1.36 +3323,1.6761271561958813,0.10476193867630984,1.66 +3324,3.3923107132105477,0.11604459544205617,3.42 +3325,1.098271796955271,0.10450489084440241,1.18 +3326,1.2547804170718697,0.10424743435197753,1.32 +3327,0.855975628315881,0.10511931480038263,0.86 +3328,1.118831571675,0.10412566469052423,1.12 +3329,1.5382804252190132,0.10444663660719654,1.58 +3330,0.8820613434627669,0.10442564841640554,0.9 +3331,0.09895520417844583,0.11367819249246065,0.02 +3332,2.7275350960468527,0.10789709412527046,2.76 +3333,1.2260108450290597,0.10399040767944677,1.26 +3334,0.5671983375169907,0.10632979860936846,0.52 +3335,2.6105649986768986,0.10693821149994255,2.62 +3336,0.9055179236562347,0.10454224038691359,0.84 +3337,1.625581882325398,0.10403272619411337,1.62 +3338,1.6333835306468734,0.10415693845978496,1.58 +3339,0.9097086571308051,0.10480973572777215,1.0 +3340,0.8288488520272983,0.10517636133753068,0.76 +3341,1.4183291991108193,0.10406332611836736,1.38 +3342,1.1933607448611818,0.10412964604806493,1.28 +3343,0.6950341139696858,0.10503991696761138,0.64 +3344,2.33134367037018,0.10646738487129412,2.32 +3345,1.2837219447898756,0.10356524883927735,1.24 +3346,1.2103536043601073,0.10409986333932501,1.18 +3347,1.6275513654558678,0.10425093205779422,1.66 +3348,1.558382515989659,0.10420774921501846,1.52 +3349,2.0706750624382755,0.10507949323993611,2.02 +3350,1.8055700600701234,0.10452560146253241,1.74 +3351,1.0884053042858648,0.10482894482918628,1.1 +3352,1.5630557630215618,0.10432192815546777,1.58 +3353,1.8910698112811657,0.10433477685924618,1.86 +3354,1.242711340808401,0.10387965745463096,1.3 +3355,1.1142757672448136,0.10408946095409216,1.08 +3356,2.898666129674619,0.11045678771817202,2.94 +3357,2.013791207108425,0.10460997440695642,1.94 +3358,3.1349084870325035,0.1116681424683141,2.98 +3359,0.9798880934331953,0.10501583460356591,0.98 +3360,1.9325098086300114,0.1041417102381752,2.08 +3361,2.0737020671954864,0.10485289351509323,1.96 +3362,1.0108500352950118,0.10481427672061037,1.08 +3363,0.755860226502139,0.10470793160862268,0.7 +3364,2.209776573615577,0.10504136748761633,2.38 +3365,1.654983861513247,0.1044480750102192,1.62 +3366,3.4195273381619584,0.11525001471418116,3.6 +3367,1.0017851135213585,0.10471147501156595,0.96 +3368,1.1575670903563227,0.10436092917050332,1.22 +3369,0.7715181034796972,0.10489015793539715,0.84 +3370,1.903027414605563,0.1045436364526123,1.92 +3371,1.2911610971475804,0.10373337549460562,1.22 +3372,2.6159668482120493,0.10670720382751503,2.56 +3373,0.6149384712977728,0.10624904514526864,0.52 +3374,1.290911283687394,0.10371869456927446,1.26 +3375,1.3759788162781712,0.10349173316311991,1.42 +3376,1.4994723687053861,0.10402196135071844,1.54 +3377,0.22170696358885866,0.10981756841326061,0.24 +3378,2.532508745532833,0.1067403863672589,2.56 +3379,1.6869908484618454,0.10446244716574708,1.68 +3380,1.0591221964168378,0.10466384434135412,1.04 +3381,2.1270057868432053,0.10491786402647231,2.1 +3382,1.867764977956404,0.10422060272171645,1.84 +3383,2.542926178184831,0.1070639074025543,2.52 +3384,1.750528205917358,0.1041640537285598,1.68 +3385,1.6312054364130892,0.1045805696112566,1.54 +3386,0.7226057703109339,0.10499032609289026,0.68 +3387,1.5188451844244986,0.10402236283700278,1.64 +3388,1.6394382647401065,0.10435909962782491,1.74 +3389,0.7221221416285006,0.10525354503310844,0.72 +3390,0.013513530629844617,0.11881975266400889,0.02 +3391,0.3559326176027051,0.1072490189265467,0.34 +3392,0.7903199214280034,0.10483188588722377,0.86 +3393,1.1713042957578912,0.10435403357951901,1.22 +3394,1.4022681842777223,0.10370694473339426,1.4 +3395,2.6011536524983994,0.10683287387030889,2.74 +3396,1.8107622171591187,0.10439716885583493,1.86 +3397,1.468432792812803,0.10392620936489728,1.44 +3398,1.6311387721601625,0.10444813366631449,1.58 +3399,1.027039747926577,0.1044028845001514,0.96 +3400,0.8805829015184088,0.10465361940554009,0.86 +3401,0.5842906804727344,0.10819531702847596,0.5 +3402,3.692348030196558,0.1135308601113596,3.62 +3403,1.0795924000453416,0.10452230140915797,1.12 +3404,1.9193662652173833,0.10464974944848567,1.86 +3405,1.7813162244418619,0.10473065240964091,1.7 +3406,2.448522281583865,0.1065684479365826,2.54 +3407,1.209030654773982,0.10438602408126661,1.22 +3408,0.8948102471334805,0.1046491597701633,0.9 +3409,1.150059049746976,0.1043046093974229,1.22 +3410,1.6090190275753562,0.10438607848980455,1.52 +3411,1.1832696611181186,0.10388847519408421,1.22 +3412,0.8546533771026468,0.10460032079129118,0.82 +3413,1.2093982990899113,0.10425154317701507,1.24 +3414,0.8901517032038013,0.10434270205737338,1.04 +3415,0.13222231722797506,0.11185630275781241,0.08 +3416,0.9374655097950386,0.10458115210210803,0.92 +3417,0.8844608287940128,0.10449314758120089,0.82 +3418,1.7534744292552267,0.10396452900647912,1.68 +3419,2.6167121242040094,0.10737999629342504,2.6 +3420,1.3171672059348856,0.10378100200622174,1.32 +3421,3.5547300874389753,0.11437418969425836,3.54 +3422,0.44409065616164956,0.10645106267362207,0.5 +3423,0.7692152691757359,0.10489820570002889,0.72 +3424,1.8613212464355646,0.10419131689064919,1.92 +3425,2.112772256790218,0.1051180943092963,2.02 +3426,0.8687185421944692,0.10462982026696944,0.78 +3427,1.7212536869386836,0.1043325363763586,1.74 +3428,1.4341597523810892,0.10393525562388843,1.3 +3429,1.538109163185669,0.10415715306047925,1.46 +3430,1.0840848630154953,0.10449732412847727,1.06 +3431,2.4890591040886205,0.10667537567608357,2.38 +3432,0.8075747631429353,0.10499220683364696,1.02 +3433,1.5882757534834395,0.10392596821178315,1.48 +3434,0.9411893610634747,0.1056345748210153,0.92 +3435,1.211192828128767,0.10390807636579115,1.2 +3436,1.977111962301854,0.10435604397765087,1.9 +3437,1.4740604469806646,0.10415319213456008,1.38 +3438,1.3893881922770097,0.10379410177557084,1.4 +3439,2.1308160304695845,0.1046407236711936,2.38 +3440,0.9664163488009168,0.10590376419123365,1.0 +3441,0.9862450154564035,0.10461606970544447,0.94 +3442,0.8491814164822555,0.10467829402789587,0.88 +3443,0.7619633067802196,0.10488504281949276,0.72 +3444,1.234062909770084,0.10440185614073953,1.22 +3445,3.884471863875169,0.11536316739167324,3.72 +3446,1.8586339158700609,0.10432004722522041,1.82 +3447,1.3640445259481977,0.10397818195201632,1.3 +3448,0.43697369384130624,0.10778414334397789,0.46 +3449,2.3232589528800736,0.10644889543651796,2.22 +3450,2.814034042917565,0.10823929756596051,2.72 +3451,0.8742125604854243,0.10473797168416026,0.84 +3452,0.1976822490867125,0.11106429447266965,0.26 +3453,1.5404422939061808,0.1040324919563042,1.54 +3454,2.3160600614624682,0.1061743225646738,2.32 +3455,2.280609688174457,0.1061191924489564,2.3 +3456,0.8716428477046572,0.10467888099804458,0.84 +3457,1.6982755323638896,0.10465377174622628,1.82 +3458,1.0125808296448957,0.10513883536760131,1.06 +3459,0.2164632293910449,0.11030337374490054,0.28 +3460,0.8489634459961657,0.10476005191223163,0.88 +3461,1.8657717581867272,0.10496170527471058,1.86 +3462,2.0770748639807364,0.10517408157447557,2.18 +3463,3.6643130870709006,0.11334789907874149,3.64 +3464,0.9131033479675876,0.1045154567208481,0.94 +3465,1.5550499383361283,0.10437631810510337,1.5 +3466,1.120061237933382,0.10463175912195577,1.06 +3467,1.9830098237488043,0.10675584348145299,1.98 +3468,2.126784332859212,0.10469420456774628,2.16 +3469,0.5376241766527192,0.10617182544921956,0.7 +3470,1.7982925485396448,0.10483549784160079,1.76 +3471,2.0989942419483567,0.10464028994684503,2.02 +3472,0.45168623250600426,0.10665509313669179,0.42 +3473,1.5849032747162566,0.10451275384052816,1.52 +3474,2.60285673238248,0.1067904832367292,2.58 +3475,0.5417772708604076,0.10632203818317139,0.54 +3476,0.5965994638061431,0.1054039255917538,0.68 +3477,0.8396204255909909,0.10509332440298003,0.72 +3478,1.4667986918315181,0.10386448941724123,1.48 +3479,0.8878597565720199,0.10448268278160379,0.76 +3480,0.9678311748495139,0.10451325914830054,0.94 +3481,4.756509481606634,0.31611765649318757,4.66 +3482,1.4520840818952,0.10447778025088204,1.44 +3483,1.0299971767899487,0.10452085763903501,1.04 +3484,1.3031110613040768,0.10384487158709556,1.28 +3485,1.2820109492808625,0.10374612398615629,1.28 +3486,1.5086787540610294,0.10442593361250767,1.56 +3487,1.2437942546494751,0.10417106369100103,1.22 +3488,1.6804426319477406,0.10454681570277233,1.7 +3489,1.751913472517141,0.10488612531445808,1.74 +3490,1.1140695798385112,0.10441104228788964,1.14 +3491,0.9152365654419183,0.10437658200212338,0.94 +3492,1.707014772826052,0.10463811870218703,1.66 +3493,0.5092095999224053,0.10619099561158639,0.52 +3494,1.608149859944798,0.10461631001459464,1.52 +3495,2.5742100565829302,0.10680184754587423,2.5 +3496,1.044834388336226,0.10439358296258291,1.0 +3497,1.8969646259957385,0.10414523823587783,1.54 +3498,2.095704521719031,0.10478999063985327,2.14 +3499,1.6833901036732994,0.10395967285295889,1.78 +3500,1.991510593366928,0.10459025818467164,1.88 +3501,0.506707128936223,0.1062889203913547,0.56 +3502,1.0772017026561693,0.10470630785159407,1.04 +3503,0.5351591172768257,0.10607934268510359,0.58 +3504,1.8295896796823454,0.10456748806432455,1.8 +3505,1.2463136014780938,0.10481254797497959,1.32 +3506,0.924761945560701,0.10440095245803244,0.9 +3507,1.1073951777747615,0.10450447265080674,1.06 +3508,1.3596937338101727,0.10385953139029641,1.44 +3509,1.3851664871838993,0.10380050314329603,1.44 +3510,0.8288047864845192,0.10450847644480332,0.82 +3511,2.0865982757786794,0.10496840065626566,2.04 +3512,1.984165342160451,0.10465727390585074,2.02 +3513,1.7529807682135106,0.10495944175765726,1.76 +3514,1.1599828344811174,0.104387963885986,1.2 +3515,1.5218369164017984,0.10405086076355663,1.54 +3516,2.214356140864516,0.10568829636962809,2.5 +3517,1.2354517009118817,0.10381323773672695,1.22 +3518,1.746332673897796,0.10673576433702334,1.62 +3519,1.4464784503263308,0.10392009918786509,1.44 +3520,1.7193432903872283,0.10418170701744184,1.78 +3521,1.745439437886687,0.10427090756260125,1.76 +3522,1.8600407537185495,0.10457781263141146,1.88 +3523,1.587393057770142,0.10403864914500745,1.54 +3524,2.9757395906585904,0.11004627385672047,2.94 +3525,2.0215015153500024,0.10467952748396814,1.98 +3526,1.6396495566220919,0.10425205076622827,1.6 +3527,1.0167053105890025,0.10452965025472442,1.02 +3528,0.9931666255659506,0.10478556073711257,1.02 +3529,2.7855454767643932,0.1082591311913627,2.72 +3530,0.8250035192963399,0.10490596302063844,0.78 +3531,0.6812315865259375,0.10557426691071461,0.7 +3532,1.6537735188544245,0.10417654504752777,1.62 +3533,1.5050247524204847,0.10448707723825097,1.6 +3534,3.798539877368504,0.12189049055965728,3.88 +3535,1.0361462220053488,0.10443526068542001,1.0 +3536,1.9221229738219554,0.1042010462407892,1.38 +3537,1.2966393809915049,0.10402385523657472,1.2 +3538,1.4596119414770525,0.10434578149876421,1.44 +3539,1.8158593078113503,0.10453002363395875,1.74 +3540,2.846853862015993,0.10847819617526472,2.74 +3541,0.8172903806555469,0.10468097367441181,0.88 +3542,0.9804668241812378,0.10454873727832581,0.98 +3543,1.2333851846715858,0.10433607750968558,1.26 +3544,0.3262513295984544,0.1075516567485646,0.36 +3545,3.3201747841710683,0.11302380977378954,3.4 +3546,2.7937103818888316,0.10875701564887129,2.88 +3547,1.9018101697358594,0.1042865062339492,1.86 +3548,1.2090414891420478,0.10428062084396274,1.18 +3549,1.094877186506948,0.10443360176761313,1.1 +3550,2.6996474150812544,0.10910405206976603,2.7 +3551,0.8741249518333367,0.10532220261675412,0.94 +3552,1.8305684962905628,0.10444997240302752,1.76 +3553,1.7706423194262042,0.1042152155360528,1.74 +3554,0.6838588308224756,0.10636126015478617,0.62 +3555,0.9105474077338398,0.10460747783513667,0.98 +3556,1.1237113598787163,0.1048458535866002,1.1 +3557,0.9823284866223831,0.10446470972842622,0.92 +3558,1.5768308899074794,0.10405521122815835,1.54 +3559,0.716184215129898,0.10519702973463131,0.78 +3560,0.6653558608012817,0.10527916697489784,0.72 +3561,1.1805964914732057,0.10459702191227227,1.22 +3562,1.4564088026191788,0.10657174218415245,1.92 +3563,2.9076554538278776,0.109014351962587,2.96 +3564,0.8056569831843072,0.1048526950412816,0.92 +3565,1.1407888649650255,0.10416496242217681,1.22 +3566,0.9853301877091392,0.10443011717210138,1.0 +3567,2.134686741742132,0.10473282882917637,1.92 +3568,0.10831301996370524,0.11342849641252617,0.14 +3569,1.5820365716787839,0.10411905660479172,1.52 +3570,0.6428556567965868,0.10615053203010597,0.62 +3571,1.112742215710674,0.10435437233584939,1.14 +3572,0.9880810802646627,0.1044320603343254,1.04 +3573,1.8309129685341352,0.1056557833199364,1.82 +3574,0.8580124751250251,0.10483057146306163,0.86 +3575,1.2518025308601688,0.10372956935785796,1.3 +3576,1.556888654416297,0.10540796268087997,1.56 +3577,0.5126315353378788,0.10614508587989095,0.54 +3578,1.6878126341692399,0.10431585915716675,1.6 +3579,1.0043358837609757,0.10437665799134516,0.98 +3580,3.815912242608321,0.1160603257741256,3.82 +3581,1.30666873082924,0.10407259899880612,1.32 +3582,0.4858033979127985,0.10635215802351444,0.58 +3583,0.21767627681559976,0.1090758554647577,0.22 +3584,1.5292666720649875,0.10395928600698287,1.44 +3585,2.1104051557011116,0.10466972234610225,2.14 +3586,1.340724328090471,0.10398372674014636,1.34 +3587,0.45059335145491897,0.10631260627472523,0.44 +3588,2.14293629810136,0.10527334494259302,2.18 +3589,1.7994988167664934,0.10439545181920798,1.82 +3590,1.0412511446393689,0.10434652417754794,1.02 +3591,0.46931484759938247,0.10676382469159153,0.44 +3592,0.9171659660281817,0.10440341850178286,1.06 +3593,1.454673448806088,0.1041053636980194,1.54 +3594,1.4659928735574175,0.10431216274940673,1.42 +3595,1.802246147625108,0.10432069319962206,1.78 +3596,0.555355997338844,0.10562169782082846,0.6 +3597,1.364191995829569,0.10372143590828646,1.3 +3598,1.8929502192861838,0.10485504984649872,1.82 +3599,2.2371620141554684,0.1057781286999359,2.16 +3600,1.8657187540081095,0.10485347642308919,1.94 +3601,0.6660275165511722,0.10514776394288253,0.6 +3602,0.5893847744289298,0.1065748053185142,0.68 +3603,4.15025889235372,0.12473042430923784,4.14 +3604,2.444212110741396,0.10619625667852411,2.32 +3605,2.1451769826234672,0.10501926665499034,2.04 +3606,0.4482812073927631,0.10774269840572513,0.36 +3607,1.4039643173636245,0.10373315982623176,1.34 +3608,1.3084646058207285,0.10434136459632506,1.3 +3609,1.5104166232776342,0.10450341194105257,1.42 +3610,1.2287647281929557,0.10514468330131013,1.16 +3611,2.3990808669344217,0.10614315346710068,2.28 +3612,1.8392590498384989,0.10409749587122019,1.84 +3613,0.7601131233978426,0.10645939932910319,0.76 +3614,1.1968047060372973,0.10384718428889782,1.3 +3615,1.200052219881127,0.10434280796429497,1.22 +3616,2.203188284474666,0.10534162757476456,2.14 +3617,1.1580460968160553,0.10447558731298137,1.1 +3618,1.186437132169762,0.10453950162714139,1.22 +3619,0.6606194426678647,0.1050672180959756,0.54 +3620,1.4237430412678131,0.10410553478604796,1.34 +3621,1.227742428034989,0.10384415646949229,1.36 +3622,0.6240723842099616,0.10580479057487646,0.62 +3623,1.454964792299612,0.10410750749546885,1.4 +3624,0.9868783282339555,0.10469093971993788,0.92 +3625,1.2469027190990412,0.10432004165343572,1.22 +3626,1.1494336759374724,0.10429762313627723,1.16 +3627,1.6189700300459569,0.104106732509413,1.66 +3628,0.518064456340861,0.10624210891807209,0.56 +3629,1.3950542074103707,0.1040420061408168,1.34 +3630,1.4199199049342388,0.104189594878547,1.42 +3631,0.9070939029852694,0.10445004958192305,0.96 +3632,2.2931974845163543,0.10567669545275088,2.22 +3633,2.1699997860899343,0.10512593167098105,2.14 +3634,1.2054474616495208,0.10427159700418649,1.24 +3635,3.6712866465042167,0.11673119353096234,3.66 +3636,2.6010723176899466,0.10697899837552287,2.54 +3637,1.0244314679489657,0.10567932239426954,0.98 +3638,-0.1782631757605495,0.13715727856941254,-0.14 +3639,1.5174067395446142,0.10438056949791989,1.56 +3640,1.6602866869549748,0.10449050772125512,1.72 +3641,1.7083113528349605,0.10443394057454844,1.76 +3642,0.10009206302552176,0.11326310078436999,0.16 +3643,0.52854639289784,0.10673908967927574,0.62 +3644,0.628303720433645,0.10541169340408732,0.7 +3645,1.556463866868273,0.10426964532924873,1.5 +3646,1.1548623145851105,0.10429161963549018,1.14 +3647,1.0008337116814792,0.10432382621556287,0.88 +3648,0.9111443189090291,0.10495606580790183,0.84 +3649,1.1096071476913965,0.10456392055617438,1.1 +3650,1.0235541169894224,0.10476566795740525,0.9 +3651,1.44661192157871,0.10395430504923607,1.5 +3652,0.8830184891227573,0.10448667878347162,0.96 +3653,1.0188802114804192,0.10450252067470102,1.06 +3654,1.0334978506934638,0.10441873460862812,1.08 +3655,1.4088338087719654,0.1038325804302832,1.42 +3656,1.9077520355777215,0.10438359953264416,2.3 +3657,1.4973395239381473,0.10394936058674491,1.42 +3658,1.2093668858759399,0.10382962936299567,1.26 +3659,1.2398361885303766,0.10348811187448119,1.26 +3660,1.72439382209427,0.10442648577273268,1.72 +3661,1.1843231611901155,0.1044674476048615,1.18 +3662,2.2216709047198604,0.10559082134232481,2.04 +3663,0.8712933001492722,0.10447557293250258,0.82 +3664,0.9196386676609682,0.10457917837079336,0.9 +3665,1.107321185756601,0.10414091377703455,1.2 +3666,1.9989692041144655,0.10452534246151919,2.02 +3667,2.6247463282451724,0.10737310717486337,2.66 +3668,0.910060575973846,0.10554252509278413,0.9 +3669,2.0123928332833563,0.10512739065598473,1.88 +3670,1.18018026698629,0.10444339577654776,1.18 +3671,2.1754376652649183,0.10554185576464668,2.18 +3672,1.5006479988523003,0.10415945583220103,1.44 +3673,0.4029974269139105,0.10670779859507688,0.44 +3674,1.3912504245885655,0.10380966993207491,1.3 +3675,4.216652813869795,0.13677574945820833,4.12 +3676,1.7832275367118369,0.10467378770817558,1.78 +3677,0.9428021652337941,0.10454673514890211,0.98 +3678,1.2615868274091175,0.10364653058181958,1.24 +3679,1.801066143737919,0.1043910435338601,1.92 +3680,1.0272512758971297,0.10445369336356006,1.02 +3681,1.5839203404183761,0.1041939489218996,1.42 +3682,0.8396714635138647,0.10465529909450719,0.86 +3683,0.24913727824136256,0.1087003088635147,0.28 +3684,1.9534405751169812,0.10466992554496697,1.92 +3685,1.481529624413624,0.1044847309710399,1.5 +3686,0.808784343883798,0.10545147831130226,0.9 +3687,3.296514858087069,0.11334734241527791,3.42 +3688,3.0696661091828927,0.11484257300627433,3.12 +3689,3.0007812064063755,0.11086729439921446,3.08 +3690,0.9948899397194007,0.10433589486459192,1.04 +3691,2.1536905283992622,0.10577380878246358,2.14 +3692,2.459740838454219,0.10652344143455082,2.4 +3693,1.5279501391644308,0.10406458042665324,1.4 +3694,1.2131740514729676,0.10417033854810602,1.32 +3695,1.7282741908768555,0.10465983305329996,1.7 +3696,2.012861069421578,0.10462594858138284,1.94 +3697,0.9967848060928786,0.10435891634433805,0.98 +3698,1.489794211970092,0.10406142989262317,1.44 +3699,1.4549791030864272,0.10464503988969084,1.4 +3700,1.5204918027384258,0.10404927096133343,1.48 +3701,1.966119004169765,0.10430458634049301,1.8 +3702,1.2527554738451157,0.1040419248048791,1.22 +3703,1.7135799873395205,0.10428166986854068,1.74 +3704,0.7816179586500782,0.10625779293895599,0.76 +3705,1.0172605981912293,0.10440949253183433,1.04 +3706,1.139914520701093,0.10503882761081086,1.08 +3707,0.9977887504221945,0.10433537751986781,1.04 +3708,1.651963129229574,0.10449636931619406,1.62 +3709,1.357548767528356,0.10359001185491425,1.36 +3710,1.4152152968156129,0.10404308083499199,1.4 +3711,1.247353334236398,0.10433973715937038,1.22 +3712,1.5814554281067918,0.10514078483074259,1.7 +3713,0.9420784818945878,0.10446058775623149,0.92 +3714,1.1453774338232057,0.10514521269505431,1.02 +3715,1.4680483366827088,0.10422947353907377,1.34 +3716,0.4515911464341622,0.10649180210252959,0.5 +3717,0.7671317550633399,0.10491126579098836,0.78 +3718,2.340995776040642,0.10650324144579418,2.3 +3719,1.3330420731341226,0.10429087336688965,1.36 +3720,2.372987509617448,0.10611419557720887,2.44 +3721,0.9999608100841444,0.10554296799383782,1.0 +3722,1.3446608409540497,0.10394880645475123,1.4 +3723,0.606537723607171,0.10624381301844485,0.66 +3724,1.498749417325107,0.10427217455157593,1.46 +3725,0.724074957499572,0.10467306860897359,0.68 +3726,1.0288659291575106,0.10456628502334095,1.0 +3727,1.5116942781478029,0.10390031669528868,1.56 +3728,2.3250252997906697,0.10596276953469283,2.32 +3729,1.3130890645502022,0.1035076726207618,1.3 +3730,1.1437431627139594,0.10402772871999928,1.18 +3731,1.8575291564281136,0.10429949744598176,1.88 +3732,2.139815676802985,0.10501761374611514,2.08 +3733,0.9633823270669533,0.10459339669227657,0.86 +3734,1.5971714767578247,0.10435276934693213,1.64 +3735,1.4128459992744409,0.10420262502001282,1.4 +3736,1.3612929748439617,0.10407740273861835,1.4 +3737,2.721157605343115,0.10790481312098378,2.72 +3738,1.2425836009268396,0.10413014245958233,1.24 +3739,1.8793177481192194,0.10416831972182466,1.98 +3740,2.4384169406986755,0.10622768180422505,2.46 +3741,0.9882757690420574,0.1043428397941682,0.94 +3742,0.5782383927461465,0.10566556397665298,0.56 +3743,2.9879083285367214,0.11055493995898104,3.16 +3744,0.9904024581932722,0.1044441371384806,1.12 +3745,2.2723732157268293,0.10740433639263555,2.16 +3746,1.1155795239552964,0.10427509192980804,1.12 +3747,1.0033627576008177,0.10460563272160389,1.0 +3748,0.4772577635451709,0.10604252177680731,0.56 +3749,1.533527438107348,0.10457762270443503,1.44 +3750,2.0665196239990555,0.10504251243452932,2.14 +3751,0.5004130199662091,0.10606122695962983,0.54 +3752,1.759779151552464,0.10473991504628817,1.76 +3753,1.7726688933337504,0.10446680269568466,1.74 +3754,1.024847041760645,0.10459503047589679,0.98 +3755,2.1913749016115593,0.10538632934752258,2.46 +3756,1.3926673596862988,0.10368726433624155,1.46 +3757,1.5561696827520803,0.10481444512404484,1.6 +3758,2.545886386259279,0.10664187320843242,2.5 +3759,0.9249120997618698,0.10488123811933131,0.98 +3760,2.3820374721075757,0.1073090165742972,2.24 +3761,0.9338373157259943,0.10456536242591283,0.9 +3762,2.0382490567791605,0.10536428206368988,1.9 +3763,1.9953437982165232,0.104563558767698,1.98 +3764,1.0460898561053389,0.10448613481193282,0.98 +3765,0.9219904320927226,0.10450171420548865,0.94 +3766,1.9451504622617959,0.10445542040677133,1.94 +3767,1.253900150226781,0.10419638464209846,1.28 +3768,2.657471214022382,0.10760621640210465,2.62 +3769,0.9844570169497286,0.10453890430068015,0.92 +3770,1.8519306941184253,0.10462941969720008,1.84 +3771,3.402650397591189,0.11551172633979657,3.32 +3772,1.677910900461998,0.10447548710589605,1.64 +3773,0.7571847050634579,0.10489739713032349,0.8 +3774,1.3870694095440532,0.10390757781046753,1.5 +3775,0.912382380581394,0.10456249786454516,0.9 +3776,0.9101090002304195,0.10437009655065606,0.86 +3777,1.3743421330611332,0.10412842800878976,1.36 +3778,1.5775106416397824,0.10411301045916842,1.56 +3779,0.2584275328852881,0.10826840032955541,0.16 +3780,1.7300670197742596,0.10408425807174917,2.04 +3781,2.1071863817546648,0.10485396800730203,2.2 +3782,2.235259151275911,0.10578519218103061,2.16 +3783,2.45539207920364,0.10624944841575436,2.48 +3784,1.0753742767464987,0.10435393671196863,1.06 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/val-metrics-2022.02.11.10.44.43.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/val-metrics-2022.02.11.10.44.43.csv new file mode 100644 index 0000000..a11d4e8 --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/val-metrics-2022.02.11.10.44.43.csv @@ -0,0 +1,7 @@ +,0 +nll,-779.392623997222 +sharpness,0.10611622792797913 +variation,0.0775854540681253 +mae,0.057046455785243685 +mse,0.0067637016471267875 +rmse,0.08224172692208492 diff --git a/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/val-metrics-2022.06.23.16.53.58.csv b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/val-metrics-2022.06.23.16.53.58.csv new file mode 100644 index 0000000..cbb748e --- /dev/null +++ b/benchmarking/matbench/results/metrics/perovskites/prob/matbench_perovskites-500-4/val-metrics-2022.06.23.16.53.58.csv @@ -0,0 +1,7 @@ +,0 +nll,-779.4089422448375 +sharpness,0.10612758733183675 +variation,0.07753856629751289 +mae,0.057041569943217546 +mse,0.006762241019386511 +rmse,0.08223284635342809 diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-0/2021.12.30.18.59.35/train/events.out.tfevents.1640890775.node-e00a-003.myriad.ucl.ac.uk.159967.4727.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-0/2021.12.30.18.59.35/train/events.out.tfevents.1640890775.node-e00a-003.myriad.ucl.ac.uk.159967.4727.v2 new file mode 100644 index 0000000..f99b560 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-0/2021.12.30.18.59.35/train/events.out.tfevents.1640890775.node-e00a-003.myriad.ucl.ac.uk.159967.4727.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-0/2021.12.30.18.59.35/validation/events.out.tfevents.1640890799.node-e00a-003.myriad.ucl.ac.uk.159967.28154.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-0/2021.12.30.18.59.35/validation/events.out.tfevents.1640890799.node-e00a-003.myriad.ucl.ac.uk.159967.28154.v2 new file mode 100644 index 0000000..dff35e8 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-0/2021.12.30.18.59.35/validation/events.out.tfevents.1640890799.node-e00a-003.myriad.ucl.ac.uk.159967.28154.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-0/2022.01.02.16.22.11/train/events.out.tfevents.1641140531.node-f00a-001.myriad.ucl.ac.uk.102573.4727.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-0/2022.01.02.16.22.11/train/events.out.tfevents.1641140531.node-f00a-001.myriad.ucl.ac.uk.102573.4727.v2 new file mode 100644 index 0000000..326a0a1 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-0/2022.01.02.16.22.11/train/events.out.tfevents.1641140531.node-f00a-001.myriad.ucl.ac.uk.102573.4727.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-0/2022.01.02.16.22.11/validation/events.out.tfevents.1641140547.node-f00a-001.myriad.ucl.ac.uk.102573.28154.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-0/2022.01.02.16.22.11/validation/events.out.tfevents.1641140547.node-f00a-001.myriad.ucl.ac.uk.102573.28154.v2 new file mode 100644 index 0000000..7f2e146 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-0/2022.01.02.16.22.11/validation/events.out.tfevents.1641140547.node-f00a-001.myriad.ucl.ac.uk.102573.28154.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-0/2022.01.05.17.58.12/train/events.out.tfevents.1641405492.node-j00a-001.myriad.ucl.ac.uk.58672.31120.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-0/2022.01.05.17.58.12/train/events.out.tfevents.1641405492.node-j00a-001.myriad.ucl.ac.uk.58672.31120.v2 new file mode 100644 index 0000000..505fcff Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-0/2022.01.05.17.58.12/train/events.out.tfevents.1641405492.node-j00a-001.myriad.ucl.ac.uk.58672.31120.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-0/2022.01.05.17.58.12/validation/events.out.tfevents.1641405511.node-j00a-001.myriad.ucl.ac.uk.58672.54549.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-0/2022.01.05.17.58.12/validation/events.out.tfevents.1641405511.node-j00a-001.myriad.ucl.ac.uk.58672.54549.v2 new file mode 100644 index 0000000..c00d1d3 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-0/2022.01.05.17.58.12/validation/events.out.tfevents.1641405511.node-j00a-001.myriad.ucl.ac.uk.58672.54549.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-0/metrics.csv b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-0/metrics.csv new file mode 100644 index 0000000..4f24a49 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-0/metrics.csv @@ -0,0 +1,3 @@ +,0 +mse,6910.783662288439 +mae,52.26913812596196 diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-1/2021.12.30.19.00.47/train/events.out.tfevents.1640890847.node-f00a-001.myriad.ucl.ac.uk.287658.4727.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-1/2021.12.30.19.00.47/train/events.out.tfevents.1640890847.node-f00a-001.myriad.ucl.ac.uk.287658.4727.v2 new file mode 100644 index 0000000..2da0ec0 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-1/2021.12.30.19.00.47/train/events.out.tfevents.1640890847.node-f00a-001.myriad.ucl.ac.uk.287658.4727.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-1/2021.12.30.19.00.47/validation/events.out.tfevents.1640890865.node-f00a-001.myriad.ucl.ac.uk.287658.28154.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-1/2021.12.30.19.00.47/validation/events.out.tfevents.1640890865.node-f00a-001.myriad.ucl.ac.uk.287658.28154.v2 new file mode 100644 index 0000000..435cc75 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-1/2021.12.30.19.00.47/validation/events.out.tfevents.1640890865.node-f00a-001.myriad.ucl.ac.uk.287658.28154.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-1/2022.01.02.16.23.05/train/events.out.tfevents.1641140585.node-e00a-005.myriad.ucl.ac.uk.53321.4727.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-1/2022.01.02.16.23.05/train/events.out.tfevents.1641140585.node-e00a-005.myriad.ucl.ac.uk.53321.4727.v2 new file mode 100644 index 0000000..2d4ae60 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-1/2022.01.02.16.23.05/train/events.out.tfevents.1641140585.node-e00a-005.myriad.ucl.ac.uk.53321.4727.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-1/2022.01.02.16.23.05/validation/events.out.tfevents.1641140605.node-e00a-005.myriad.ucl.ac.uk.53321.28154.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-1/2022.01.02.16.23.05/validation/events.out.tfevents.1641140605.node-e00a-005.myriad.ucl.ac.uk.53321.28154.v2 new file mode 100644 index 0000000..bea7fe3 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-1/2022.01.02.16.23.05/validation/events.out.tfevents.1641140605.node-e00a-005.myriad.ucl.ac.uk.53321.28154.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-1/2022.01.05.17.58.15/train/events.out.tfevents.1641405495.node-e00a-017.myriad.ucl.ac.uk.193325.31120.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-1/2022.01.05.17.58.15/train/events.out.tfevents.1641405495.node-e00a-017.myriad.ucl.ac.uk.193325.31120.v2 new file mode 100644 index 0000000..9489bd5 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-1/2022.01.05.17.58.15/train/events.out.tfevents.1641405495.node-e00a-017.myriad.ucl.ac.uk.193325.31120.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-1/2022.01.05.17.58.15/validation/events.out.tfevents.1641405511.node-e00a-017.myriad.ucl.ac.uk.193325.54549.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-1/2022.01.05.17.58.15/validation/events.out.tfevents.1641405511.node-e00a-017.myriad.ucl.ac.uk.193325.54549.v2 new file mode 100644 index 0000000..c3b10cc Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-1/2022.01.05.17.58.15/validation/events.out.tfevents.1641405511.node-e00a-017.myriad.ucl.ac.uk.193325.54549.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-1/metrics.csv b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-1/metrics.csv new file mode 100644 index 0000000..4b2339d --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-1/metrics.csv @@ -0,0 +1,3 @@ +,0 +mse,3492.439999060428 +mae,36.19219664483582 diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-2/2021.12.30.19.15.45/train/events.out.tfevents.1640891745.node-j00a-001.myriad.ucl.ac.uk.153129.4727.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-2/2021.12.30.19.15.45/train/events.out.tfevents.1640891745.node-j00a-001.myriad.ucl.ac.uk.153129.4727.v2 new file mode 100644 index 0000000..4e6fe02 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-2/2021.12.30.19.15.45/train/events.out.tfevents.1640891745.node-j00a-001.myriad.ucl.ac.uk.153129.4727.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-2/2021.12.30.19.15.45/validation/events.out.tfevents.1640891760.node-j00a-001.myriad.ucl.ac.uk.153129.28154.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-2/2021.12.30.19.15.45/validation/events.out.tfevents.1640891760.node-j00a-001.myriad.ucl.ac.uk.153129.28154.v2 new file mode 100644 index 0000000..e828722 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-2/2021.12.30.19.15.45/validation/events.out.tfevents.1640891760.node-j00a-001.myriad.ucl.ac.uk.153129.28154.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-2/2022.01.02.16.31.05/train/events.out.tfevents.1641141065.node-f00a-001.myriad.ucl.ac.uk.152964.4727.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-2/2022.01.02.16.31.05/train/events.out.tfevents.1641141065.node-f00a-001.myriad.ucl.ac.uk.152964.4727.v2 new file mode 100644 index 0000000..eaaba62 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-2/2022.01.02.16.31.05/train/events.out.tfevents.1641141065.node-f00a-001.myriad.ucl.ac.uk.152964.4727.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-2/2022.01.02.16.31.05/validation/events.out.tfevents.1641141081.node-f00a-001.myriad.ucl.ac.uk.152964.28154.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-2/2022.01.02.16.31.05/validation/events.out.tfevents.1641141081.node-f00a-001.myriad.ucl.ac.uk.152964.28154.v2 new file mode 100644 index 0000000..64cce04 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-2/2022.01.02.16.31.05/validation/events.out.tfevents.1641141081.node-f00a-001.myriad.ucl.ac.uk.152964.28154.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-2/2022.01.05.17.58.21/train/events.out.tfevents.1641405501.node-e00a-008.myriad.ucl.ac.uk.21066.31120.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-2/2022.01.05.17.58.21/train/events.out.tfevents.1641405501.node-e00a-008.myriad.ucl.ac.uk.21066.31120.v2 new file mode 100644 index 0000000..f5f42c0 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-2/2022.01.05.17.58.21/train/events.out.tfevents.1641405501.node-e00a-008.myriad.ucl.ac.uk.21066.31120.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-2/2022.01.05.17.58.21/validation/events.out.tfevents.1641405522.node-e00a-008.myriad.ucl.ac.uk.21066.54549.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-2/2022.01.05.17.58.21/validation/events.out.tfevents.1641405522.node-e00a-008.myriad.ucl.ac.uk.21066.54549.v2 new file mode 100644 index 0000000..91f4337 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-2/2022.01.05.17.58.21/validation/events.out.tfevents.1641405522.node-e00a-008.myriad.ucl.ac.uk.21066.54549.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-2/metrics.csv b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-2/metrics.csv new file mode 100644 index 0000000..d1f928a --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-2/metrics.csv @@ -0,0 +1,3 @@ +,0 +mse,9599.525219813488 +mae,45.36900711375562 diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-3/2021.12.30.19.15.45/train/events.out.tfevents.1640891745.node-j00a-001.myriad.ucl.ac.uk.153131.4727.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-3/2021.12.30.19.15.45/train/events.out.tfevents.1640891745.node-j00a-001.myriad.ucl.ac.uk.153131.4727.v2 new file mode 100644 index 0000000..2daff2e Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-3/2021.12.30.19.15.45/train/events.out.tfevents.1640891745.node-j00a-001.myriad.ucl.ac.uk.153131.4727.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-3/2021.12.30.19.15.45/validation/events.out.tfevents.1640891762.node-j00a-001.myriad.ucl.ac.uk.153131.28154.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-3/2021.12.30.19.15.45/validation/events.out.tfevents.1640891762.node-j00a-001.myriad.ucl.ac.uk.153131.28154.v2 new file mode 100644 index 0000000..e69604d Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-3/2021.12.30.19.15.45/validation/events.out.tfevents.1640891762.node-j00a-001.myriad.ucl.ac.uk.153131.28154.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-3/2022.01.02.16.34.17/train/events.out.tfevents.1641141257.node-e00a-005.myriad.ucl.ac.uk.65386.4727.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-3/2022.01.02.16.34.17/train/events.out.tfevents.1641141257.node-e00a-005.myriad.ucl.ac.uk.65386.4727.v2 new file mode 100644 index 0000000..9849c57 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-3/2022.01.02.16.34.17/train/events.out.tfevents.1641141257.node-e00a-005.myriad.ucl.ac.uk.65386.4727.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-3/2022.01.02.16.34.17/validation/events.out.tfevents.1641141277.node-e00a-005.myriad.ucl.ac.uk.65386.28154.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-3/2022.01.02.16.34.17/validation/events.out.tfevents.1641141277.node-e00a-005.myriad.ucl.ac.uk.65386.28154.v2 new file mode 100644 index 0000000..64ff46c Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-3/2022.01.02.16.34.17/validation/events.out.tfevents.1641141277.node-e00a-005.myriad.ucl.ac.uk.65386.28154.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-3/2022.01.05.17.58.12/train/events.out.tfevents.1641405492.node-e00a-016.myriad.ucl.ac.uk.200238.31120.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-3/2022.01.05.17.58.12/train/events.out.tfevents.1641405492.node-e00a-016.myriad.ucl.ac.uk.200238.31120.v2 new file mode 100644 index 0000000..dc411c3 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-3/2022.01.05.17.58.12/train/events.out.tfevents.1641405492.node-e00a-016.myriad.ucl.ac.uk.200238.31120.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-3/2022.01.05.17.58.12/validation/events.out.tfevents.1641405511.node-e00a-016.myriad.ucl.ac.uk.200238.54549.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-3/2022.01.05.17.58.12/validation/events.out.tfevents.1641405511.node-e00a-016.myriad.ucl.ac.uk.200238.54549.v2 new file mode 100644 index 0000000..a46f2a1 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-3/2022.01.05.17.58.12/validation/events.out.tfevents.1641405511.node-e00a-016.myriad.ucl.ac.uk.200238.54549.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-3/metrics.csv b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-3/metrics.csv new file mode 100644 index 0000000..820de53 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-3/metrics.csv @@ -0,0 +1,3 @@ +,0 +mse,4844.794956767173 +mae,34.69669772526933 diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-4/2021.12.30.19.16.58/train/events.out.tfevents.1640891818.node-e00a-003.myriad.ucl.ac.uk.250189.4727.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-4/2021.12.30.19.16.58/train/events.out.tfevents.1640891818.node-e00a-003.myriad.ucl.ac.uk.250189.4727.v2 new file mode 100644 index 0000000..9c0d41b Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-4/2021.12.30.19.16.58/train/events.out.tfevents.1640891818.node-e00a-003.myriad.ucl.ac.uk.250189.4727.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-4/2021.12.30.19.16.58/validation/events.out.tfevents.1640891841.node-e00a-003.myriad.ucl.ac.uk.250189.28154.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-4/2021.12.30.19.16.58/validation/events.out.tfevents.1640891841.node-e00a-003.myriad.ucl.ac.uk.250189.28154.v2 new file mode 100644 index 0000000..1cbe062 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-4/2021.12.30.19.16.58/validation/events.out.tfevents.1640891841.node-e00a-003.myriad.ucl.ac.uk.250189.28154.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-4/2022.01.02.16.21.17/train/events.out.tfevents.1641140477.node-j00a-001.myriad.ucl.ac.uk.118749.4727.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-4/2022.01.02.16.21.17/train/events.out.tfevents.1641140477.node-j00a-001.myriad.ucl.ac.uk.118749.4727.v2 new file mode 100644 index 0000000..d5dc084 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-4/2022.01.02.16.21.17/train/events.out.tfevents.1641140477.node-j00a-001.myriad.ucl.ac.uk.118749.4727.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-4/2022.01.02.16.21.17/validation/events.out.tfevents.1641140492.node-j00a-001.myriad.ucl.ac.uk.118749.28154.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-4/2022.01.02.16.21.17/validation/events.out.tfevents.1641140492.node-j00a-001.myriad.ucl.ac.uk.118749.28154.v2 new file mode 100644 index 0000000..2223e63 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-4/2022.01.02.16.21.17/validation/events.out.tfevents.1641140492.node-j00a-001.myriad.ucl.ac.uk.118749.28154.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-4/2022.01.05.17.58.51/train/events.out.tfevents.1641405531.node-j00a-002.myriad.ucl.ac.uk.260373.31120.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-4/2022.01.05.17.58.51/train/events.out.tfevents.1641405531.node-j00a-002.myriad.ucl.ac.uk.260373.31120.v2 new file mode 100644 index 0000000..4d3e05b Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-4/2022.01.05.17.58.51/train/events.out.tfevents.1641405531.node-j00a-002.myriad.ucl.ac.uk.260373.31120.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-4/2022.01.05.17.58.51/validation/events.out.tfevents.1641405547.node-j00a-002.myriad.ucl.ac.uk.260373.54549.v2 b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-4/2022.01.05.17.58.51/validation/events.out.tfevents.1641405547.node-j00a-002.myriad.ucl.ac.uk.260373.54549.v2 new file mode 100644 index 0000000..c7d3b57 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-4/2022.01.05.17.58.51/validation/events.out.tfevents.1641405547.node-j00a-002.myriad.ucl.ac.uk.260373.54549.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-4/metrics.csv b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-4/metrics.csv new file mode 100644 index 0000000..2275df9 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/megnet/matbench_phonons-4/metrics.csv @@ -0,0 +1,3 @@ +,0 +mse,4170.052834100123 +mae,36.812969066584316 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.01.20.15.20.12/train/events.out.tfevents.1642692012.node-l00a-002.myriad.ucl.ac.uk.245425.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.01.20.15.20.12/train/events.out.tfevents.1642692012.node-l00a-002.myriad.ucl.ac.uk.245425.0.v2 new file mode 100644 index 0000000..caa7ef4 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.01.20.15.20.12/train/events.out.tfevents.1642692012.node-l00a-002.myriad.ucl.ac.uk.245425.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.01.20.15.20.12/validation/events.out.tfevents.1642692033.node-l00a-002.myriad.ucl.ac.uk.245425.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.01.20.15.20.12/validation/events.out.tfevents.1642692033.node-l00a-002.myriad.ucl.ac.uk.245425.1.v2 new file mode 100644 index 0000000..2a54537 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.01.20.15.20.12/validation/events.out.tfevents.1642692033.node-l00a-002.myriad.ucl.ac.uk.245425.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.01.26.18.09.46/train/events.out.tfevents.1643220586.node-e00a-006.myriad.ucl.ac.uk.23467.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.01.26.18.09.46/train/events.out.tfevents.1643220586.node-e00a-006.myriad.ucl.ac.uk.23467.0.v2 new file mode 100644 index 0000000..cff563a Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.01.26.18.09.46/train/events.out.tfevents.1643220586.node-e00a-006.myriad.ucl.ac.uk.23467.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.01.26.18.09.46/validation/events.out.tfevents.1643220610.node-e00a-006.myriad.ucl.ac.uk.23467.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.01.26.18.09.46/validation/events.out.tfevents.1643220610.node-e00a-006.myriad.ucl.ac.uk.23467.1.v2 new file mode 100644 index 0000000..3c8831b Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.01.26.18.09.46/validation/events.out.tfevents.1643220610.node-e00a-006.myriad.ucl.ac.uk.23467.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.02.10.21.28.52/train/events.out.tfevents.1644528532.node-j00a-002.myriad.ucl.ac.uk.97048.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.02.10.21.28.52/train/events.out.tfevents.1644528532.node-j00a-002.myriad.ucl.ac.uk.97048.0.v2 new file mode 100644 index 0000000..2184580 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.02.10.21.28.52/train/events.out.tfevents.1644528532.node-j00a-002.myriad.ucl.ac.uk.97048.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.02.10.21.28.52/validation/events.out.tfevents.1644528556.node-j00a-002.myriad.ucl.ac.uk.97048.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.02.10.21.28.52/validation/events.out.tfevents.1644528556.node-j00a-002.myriad.ucl.ac.uk.97048.1.v2 new file mode 100644 index 0000000..303168f Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.02.10.21.28.52/validation/events.out.tfevents.1644528556.node-j00a-002.myriad.ucl.ac.uk.97048.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.02.11.05.37.52/train/events.out.tfevents.1644557872.node-e00a-006.myriad.ucl.ac.uk.266211.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.02.11.05.37.52/train/events.out.tfevents.1644557872.node-e00a-006.myriad.ucl.ac.uk.266211.0.v2 new file mode 100644 index 0000000..3ce2c85 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.02.11.05.37.52/train/events.out.tfevents.1644557872.node-e00a-006.myriad.ucl.ac.uk.266211.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.02.11.05.37.52/validation/events.out.tfevents.1644557907.node-e00a-006.myriad.ucl.ac.uk.266211.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.02.11.05.37.52/validation/events.out.tfevents.1644557907.node-e00a-006.myriad.ucl.ac.uk.266211.1.v2 new file mode 100644 index 0000000..7b9e0e5 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.02.11.05.37.52/validation/events.out.tfevents.1644557907.node-e00a-006.myriad.ucl.ac.uk.266211.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.02.14.18.54.12/train/events.out.tfevents.1644864852.node-l00a-004.myriad.ucl.ac.uk.126416.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.02.14.18.54.12/train/events.out.tfevents.1644864852.node-l00a-004.myriad.ucl.ac.uk.126416.0.v2 new file mode 100644 index 0000000..25b09ea Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.02.14.18.54.12/train/events.out.tfevents.1644864852.node-l00a-004.myriad.ucl.ac.uk.126416.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.02.14.18.54.12/validation/events.out.tfevents.1644864880.node-l00a-004.myriad.ucl.ac.uk.126416.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.02.14.18.54.12/validation/events.out.tfevents.1644864880.node-l00a-004.myriad.ucl.ac.uk.126416.1.v2 new file mode 100644 index 0000000..b7ddb4b Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.02.14.18.54.12/validation/events.out.tfevents.1644864880.node-l00a-004.myriad.ucl.ac.uk.126416.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.03.11.10.53.40/train/events.out.tfevents.1646996020.node-j00a-002.myriad.ucl.ac.uk.40885.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.03.11.10.53.40/train/events.out.tfevents.1646996020.node-j00a-002.myriad.ucl.ac.uk.40885.0.v2 new file mode 100644 index 0000000..9b3406c Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.03.11.10.53.40/train/events.out.tfevents.1646996020.node-j00a-002.myriad.ucl.ac.uk.40885.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.03.11.10.53.40/validation/events.out.tfevents.1646996053.node-j00a-002.myriad.ucl.ac.uk.40885.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.03.11.10.53.40/validation/events.out.tfevents.1646996053.node-j00a-002.myriad.ucl.ac.uk.40885.1.v2 new file mode 100644 index 0000000..892934e Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/2022.03.11.10.53.40/validation/events.out.tfevents.1646996053.node-j00a-002.myriad.ucl.ac.uk.40885.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/metrics.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/metrics.csv new file mode 100644 index 0000000..049f37e --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,1551132.2278239375 +sharpness,6.994219718311017 +variation,1.2799136119454245e-16 +mae,554.3331314419146 +mse,599561.7436945994 +rmse,774.3137243356852 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/predictions.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/predictions.csv new file mode 100644 index 0000000..68e0bf3 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/predictions.csv @@ -0,0 +1,254 @@ +,Predicted value,Predicted standard deviation,True value +0,64.99269911830896,6.994219718311017,701.5857233477558 +1,64.99269911830896,6.994219718311017,1138.5856886491724 +2,64.99269911830896,6.994219718311017,297.5857554260802 +3,64.99269911830896,6.994219718311017,523.5857374812748 +4,64.99269911830896,6.994219718311017,483.58574065734666 +5,64.99269911830896,6.994219718311017,135.9557896728841 +6,64.99269911830896,6.994219718311017,366.5857499473565 +7,64.99269911830896,6.994219718311017,593.5857319231493 +8,64.99269911830896,6.994219718311017,184.5857643984827 +9,64.99269911830896,6.994219718311017,335.58575240881197 +10,64.99269911830896,6.994219718311017,1292.5856764212965 +11,64.99269911830896,6.994219718311017,609.5857306527207 +12,64.99269911830896,6.994219718311017,762.5857185042465 +13,64.99269911830896,6.994219718311017,545.5857357344355 +14,64.99269911830896,6.994219718311017,637.5857284294706 +15,64.99269911830896,6.994219718311017,335.58575240881197 +16,64.99269911830896,6.994219718311017,413.58574621547217 +17,64.99269911830896,6.994219718311017,1797.5856363233909 +18,64.99269911830896,6.994219718311017,2151.5856082151568 +19,64.99269911830896,6.994219718311017,593.5857319231493 +20,64.99269911830896,6.994219718311017,457.5857427217933 +21,64.99269911830896,6.994219718311017,1382.5856692751352 +22,64.99269911830896,6.994219718311017,429.5857449450435 +23,64.99269911830896,6.994219718311017,348.5857513765887 +24,64.99269911830896,6.994219718311017,809.5033679564572 +25,64.99269911830896,6.994219718311017,337.5857522500084 +26,64.99269911830896,6.994219718311017,159.58576638352753 +27,64.99269911830896,6.994219718311017,561.5857344640067 +28,64.99269911830896,6.994219718311017,524.5857374018732 +29,64.99269911830896,6.994219718311017,410.5857464536776 +30,64.99269911830896,6.994219718311017,374.5857493121421 +31,64.99269911830896,6.994219718311017,1077.5856934926821 +32,64.99269911830896,6.994219718311017,568.5857339081942 +33,64.99269911830896,6.994219718311017,579.5857330347744 +34,64.99269911830896,6.994219718311017,544.5857358138372 +35,64.99269911830896,6.994219718311017,373.585749391544 +36,64.99269911830896,6.994219718311017,691.5857241417737 +37,64.99269911830896,6.994219718311017,184.5857643984827 +38,64.99269911830896,6.994219718311017,225.5857611430092 +39,64.99269911830896,6.994219718311017,447.58574351581115 +40,64.99269911830896,6.994219718311017,420.58574565965966 +41,64.99269911830896,6.994219718311017,932.5857050059418 +42,64.99269911830896,6.994219718311017,466.5857420071772 +43,64.99269911830896,6.994219718311017,1223.58568190002 +44,64.99269911830896,6.994219718311017,566.5857340669977 +45,64.99269911830896,6.994219718311017,244.5857596343752 +46,64.99269911830896,6.994219718311017,722.5857216803181 +47,64.99269911830896,6.994219718311017,215.5857619370272 +48,64.99269911830896,6.994219718311017,121.58576940079568 +49,64.99269911830896,6.994219718311017,660.5857266032292 +50,64.99269911830896,6.994219718311017,547.5857355756318 +51,64.99269911830896,6.994219718311017,317.58575383804435 +52,64.99269911830896,6.994219718311017,719.5857219185235 +53,64.99269911830896,6.994219718311017,403.5857470094902 +54,64.99269911830896,6.994219718311017,160.58576630412574 +55,64.99269911830896,6.994219718311017,224.58576122241104 +56,64.99269911830896,6.994219718311017,202.58576296925045 +57,64.99269911830896,6.994219718311017,261.5857582845447 +58,64.99269911830896,6.994219718311017,222.91912719571775 +59,64.99269911830896,6.994219718311017,178.58576487489344 +60,64.99269911830896,6.994219718311017,173.5857652719024 +61,64.99269911830896,6.994219718311017,500.5857393075161 +62,64.99269911830896,6.994219718311017,205.58576273104512 +63,64.99269911830896,6.994219718311017,599.5857314467387 +64,64.99269911830896,6.994219718311017,82.58577249746558 +65,64.99269911830896,6.994219718311017,116.58576979780462 +66,64.99269911830896,6.994219718311017,74.58577313267992 +67,64.99269911830896,6.994219718311017,331.5857527264192 +68,64.99269911830896,6.994219718311017,468.58574184837363 +69,64.99269911830896,6.994219718311017,317.58575383804435 +70,64.99269911830896,6.994219718311017,451.58574319820394 +71,64.99269911830896,6.994219718311017,155.58576670113467 +72,64.99269911830896,6.994219718311017,112.58577011541179 +73,64.99269911830896,6.994219718311017,334.58575248821387 +74,64.99269911830896,6.994219718311017,508.5857386723019 +75,64.99269911830896,6.994219718311017,847.5857117550943 +76,64.99269911830896,6.994219718311017,457.5857427217933 +77,64.99269911830896,6.994219718311017,753.5857192188628 +78,64.99269911830896,6.994219718311017,1774.585638149632 +79,64.99269911830896,6.994219718311017,897.5857077850044 +80,64.99269911830896,6.994219718311017,820.5857138989426 +81,64.99269911830896,6.994219718311017,3336.5855141240318 +82,64.99269911830896,6.994219718311017,718.5857219979254 +83,64.99269911830896,6.994219718311017,770.5857178690321 +84,64.99269911830896,6.994219718311017,466.5857420071772 +85,64.99269911830896,6.994219718311017,254.58575884035724 +86,64.99269911830896,6.994219718311017,768.3583495879683 +87,64.99269911830896,6.994219718311017,189.58576400147373 +88,64.99269911830896,6.994219718311017,601.5857312879351 +89,64.99269911830896,6.994219718311017,315.58575399684787 +90,64.99269911830896,6.994219718311017,427.5857451038471 +91,64.99269911830896,6.994219718311017,247.5857593961698 +92,64.99269911830896,6.994219718311017,457.5857427217933 +93,64.99269911830896,6.994219718311017,754.5857191394607 +94,64.99269911830896,6.994219718311017,423.5857454214543 +95,64.99269911830896,6.994219718311017,222.5857613812146 +96,64.99269911830896,6.994219718311017,1160.585686902333 +97,64.99269911830896,6.994219718311017,641.5857281118634 +98,64.99269911830896,6.994219718311017,1070.5856940484944 +99,64.99269911830896,6.994219718311017,621.5857296998992 +100,64.99269911830896,6.994219718311017,221.85373991699416 +101,64.99269911830896,6.994219718311017,392.5857478829098 +102,64.99269911830896,6.994219718311017,241.58575987258044 +103,64.99269911830896,6.994219718311017,249.58575923736615 +104,64.99269911830896,6.994219718311017,629.5857290646849 +105,64.99269911830896,6.994219718311017,386.5857483593206 +106,64.99269911830896,6.994219718311017,662.5857264444257 +107,64.99269911830896,6.994219718311017,584.5857326377655 +108,64.99269911830896,6.994219718311017,3355.714701120785 +109,64.99269911830896,6.994219718311017,471.0938502979696 +110,64.99269911830896,6.994219718311017,454.58574295999847 +111,64.99269911830896,6.994219718311017,226.58576106360744 +112,64.99269911830896,6.994219718311017,763.4585635073801 +113,64.99269911830896,6.994219718311017,229.585760825402 +114,64.99269911830896,6.994219718311017,1500.5856599057233 +115,64.99269911830896,6.994219718311017,572.5857335905872 +116,64.99269911830896,6.994219718311017,316.58575391744614 +117,64.99269911830896,6.994219718311017,816.5857142165497 +118,64.99269911830896,6.994219718311017,474.58574137196274 +119,64.99269911830896,6.994219718311017,1077.5856934926821 +120,64.99269911830896,6.994219718311017,400.58574724769545 +121,64.99269911830896,6.994219718311017,249.58575923736615 +122,64.99269911830896,6.994219718311017,539.5857362108462 +123,64.99269911830896,6.994219718311017,614.5857302557117 +124,64.99269911830896,6.994219718311017,249.58575923736615 +125,64.99269911830896,6.994219718311017,798.5857156457819 +126,64.99269911830896,6.994219718311017,347.58575145599053 +127,64.99269911830896,6.994219718311017,1132.5856891255833 +128,64.99269911830896,6.994219718311017,173.5857652719024 +129,64.99269911830896,6.994219718311017,395.5857476447045 +130,64.99269911830896,6.994219718311017,307.5857546320623 +131,64.99269911830896,6.994219718311017,165.17565028761243 +132,64.99269911830896,6.994219718311017,708.8707572993352 +133,64.99269911830896,6.994219718311017,658.2016401888546 +134,64.99269911830896,6.994219718311017,512.5857383546946 +135,64.99269911830896,6.994219718311017,470.5857416895698 +136,64.99269911830896,6.994219718311017,811.5857146135588 +137,64.99269911830896,6.994219718311017,735.6805937023079 +138,64.99269911830896,6.994219718311017,663.5857263650239 +139,64.99269911830896,6.994219718311017,1194.9022217453005 +140,64.99269911830896,6.994219718311017,334.58575248821387 +141,64.99269911830896,6.994219718311017,793.585716042791 +142,64.99269911830896,6.994219718311017,1074.5856937308872 +143,64.99269911830896,6.994219718311017,294.5857556642855 +144,64.99269911830896,6.994219718311017,234.5857604283931 +145,64.99269911830896,6.994219718311017,120.58576948019743 +146,64.99269911830896,6.994219718311017,236.5857602695895 +147,64.99269911830896,6.994219718311017,1241.5856804707878 +148,64.99269911830896,6.994219718311017,59.585774323706815 +149,64.99269911830896,6.994219718311017,344.5857516941958 +150,64.99269911830896,6.994219718311017,324.58575328223185 +151,64.99269911830896,6.994219718311017,114.5857699566082 +152,64.99269911830896,6.994219718311017,592.5857320025513 +153,64.99269911830896,6.994219718311017,488.5857402603377 +154,64.99269911830896,6.994219718311017,500.5857393075161 +155,64.99269911830896,6.994219718311017,3305.585516585488 +156,64.99269911830896,6.994219718311017,375.58574923274034 +157,64.99269911830896,6.994219718311017,2275.5855983693336 +158,64.99269911830896,6.994219718311017,3592.585493797173 +159,64.99269911830896,6.994219718311017,2071.5856145673 +160,64.99269911830896,6.994219718311017,1872.5856303682565 +161,64.99269911830896,6.994219718311017,719.5857219185235 +162,64.99269911830896,6.994219718311017,2564.458303244592 +163,64.99269911830896,6.994219718311017,1733.5856414051057 +164,64.99269911830896,6.994219718311017,1853.58563187689 +165,64.99269911830896,6.994219718311017,552.5857351786229 +166,64.99269911830896,6.994219718311017,640.5857281912653 +167,64.99269911830896,6.994219718311017,479.58574097495386 +168,64.99269911830896,6.994219718311017,258.58575852275004 +169,64.99269911830896,6.994219718311017,442.5857439128201 +170,64.99269911830896,6.994219718311017,605.585730970328 +171,64.99269911830896,6.994219718311017,237.58576019018776 +172,64.99269911830896,6.994219718311017,439.5857441510256 +173,64.99269911830896,6.994219718311017,620.585729779301 +174,64.99269911830896,6.994219718311017,734.5857207274968 +175,64.99269911830896,6.994219718311017,861.5857106434689 +176,64.99269911830896,6.994219718311017,296.585755505482 +177,64.99269911830896,6.994219718311017,745.585719854077 +178,64.99269911830896,6.994219718311017,544.5857358138372 +179,64.99269911830896,6.994219718311017,663.5857263650239 +180,64.99269911830896,6.994219718311017,193.5857636838666 +181,64.99269911830896,6.994219718311017,450.5857432776057 +182,64.99269911830896,6.994219718311017,607.5857308115244 +183,64.99269911830896,6.994219718311017,1208.585683091047 +184,64.99269911830896,6.994219718311017,387.5857482799189 +185,64.99269911830896,6.994219718311017,332.5857526470174 +186,64.99269911830896,6.994219718311017,332.5857526470174 +187,64.99269911830896,6.994219718311017,329.58575288522275 +188,64.99269911830896,6.994219718311017,635.5857285882743 +189,64.99269911830896,6.994219718311017,632.5857288264797 +190,64.99269911830896,6.994219718311017,351.58575113838333 +191,64.99269911830896,6.994219718311017,350.5857512177851 +192,64.99269911830896,6.994219718311017,375.58574923274034 +193,64.99269911830896,6.994219718311017,266.5857578875357 +194,64.99269911830896,6.994219718311017,449.5857433570076 +195,64.99269911830896,6.994219718311017,729.6775748147577 +196,64.99269911830896,6.994219718311017,354.58575090017797 +197,64.99269911830896,6.994219718311017,483.81583242757483 +198,64.99269911830896,6.994219718311017,310.5857543938568 +199,64.99269911830896,6.994219718311017,276.58575709351777 +200,64.99269911830896,6.994219718311017,726.5857213627112 +201,64.99269911830896,6.994219718311017,166.585765827715 +202,64.99269911830896,6.994219718311017,436.58574438923085 +203,64.99269911830896,6.994219718311017,243.5857597137769 +204,64.99269911830896,6.994219718311017,356.58575074137434 +205,64.99269911830896,6.994219718311017,213.47561009872064 +206,64.99269911830896,6.994219718311017,1186.5856848378864 +207,64.99269911830896,6.994219718311017,1091.5856923810568 +208,64.99269911830896,6.994219718311017,107.58577051242077 +209,64.99269911830896,6.994219718311017,94.58577154464407 +210,64.99269911830896,6.994219718311017,195.58576352506302 +211,64.99269911830896,6.994219718311017,1315.585674595055 +212,64.99269911830896,6.994219718311017,251.99023701445657 +213,64.99269911830896,6.994219718311017,731.5857209657021 +214,64.99269911830896,6.994219718311017,366.5857499473565 +215,64.99269911830896,6.994219718311017,1106.5856911900298 +216,64.99269911830896,6.994219718311017,376.58574915333855 +217,64.99269911830896,6.994219718311017,656.5857269208365 +218,64.99269911830896,6.994219718311017,795.5857158839873 +219,64.99269911830896,6.994219718311017,203.58576288984864 +220,64.99269911830896,6.994219718311017,313.352607426604 +221,64.99269911830896,6.994219718311017,282.39473424405037 +222,64.99269911830896,6.994219718311017,869.7640424355068 +223,64.99269911830896,6.994219718311017,590.5857321613547 +224,64.99269911830896,6.994219718311017,341.58575193240125 +225,64.99269911830896,6.994219718311017,306.58575471146406 +226,64.99269911830896,6.994219718311017,212.5857621752325 +227,64.99269911830896,6.994219718311017,468.58574184837363 +228,64.99269911830896,6.994219718311017,248.585759316768 +229,64.99269911830896,6.994219718311017,211.58576225463432 +230,64.99269911830896,6.994219718311017,320.5857535998389 +231,64.99269911830896,6.994219718311017,780.5857170750141 +232,64.99269911830896,6.994219718311017,328.5857529646245 +233,64.99269911830896,6.994219718311017,296.585755505482 +234,64.99269911830896,6.994219718311017,1114.5856905548158 +235,64.99269911830896,6.994219718311017,765.585718266041 +236,64.99269911830896,6.994219718311017,566.5857340669977 +237,64.99269911830896,6.994219718311017,154.5857667805365 +238,64.99269911830896,6.994219718311017,1124.5856897607975 +239,64.99269911830896,6.994219718311017,1230.5856813442074 +240,64.99269911830896,6.994219718311017,1377.585669672144 +241,64.99269911830896,6.994219718311017,289.5857560612945 +242,64.99269911830896,6.994219718311017,955.5857031797003 +243,64.99269911830896,6.994219718311017,1340.341044368494 +244,64.99269911830896,6.994219718311017,285.58575637890164 +245,64.99269911830896,6.994219718311017,1317.5856744362516 +246,64.99269911830896,6.994219718311017,1002.9447513380701 +247,64.99269911830896,6.994219718311017,404.58574693008836 +248,64.99269911830896,6.994219718311017,262.5857582051429 +249,64.99269911830896,6.994219718311017,653.5857271590419 +250,64.99269911830896,6.994219718311017,622.5857296204973 +251,64.99269911830896,6.994219718311017,634.585728667676 +252,64.99269911830896,6.994219718311018,675.5857254122026 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/val-metrics-2022.03.17.22.10.07.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/val-metrics-2022.03.17.22.10.07.csv new file mode 100644 index 0000000..e2d77a6 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/val-metrics-2022.03.17.22.10.07.csv @@ -0,0 +1,7 @@ +,0 +nll,262319.8704273286 +sharpness,6.994219718311017 +variation,1.2825108013727342e-16 +mae,561.8059718181626 +mse,502953.2972514809 +rmse,709.1920030932955 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/val-metrics-2022.06.24.17.02.01.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/val-metrics-2022.06.24.17.02.01.csv new file mode 100644 index 0000000..e2d77a6 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/val-metrics-2022.06.24.17.02.01.csv @@ -0,0 +1,7 @@ +,0 +nll,262319.8704273286 +sharpness,6.994219718311017 +variation,1.2825108013727342e-16 +mae,561.8059718181626 +mse,502953.2972514809 +rmse,709.1920030932955 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/val-metrics-2022.06.28.17.29.02.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/val-metrics-2022.06.28.17.29.02.csv new file mode 100644 index 0000000..b3c318e --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-0/val-metrics-2022.06.28.17.29.02.csv @@ -0,0 +1,7 @@ +,0 +nll,262319.8704273287 +sharpness,6.994219718311016 +variation,2.6576513156141385e-16 +mae,561.8059718181626 +mse,502953.2972514809 +rmse,709.1920030932955 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.01.20.15.20.12/train/events.out.tfevents.1642692012.node-l00a-002.myriad.ucl.ac.uk.245418.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.01.20.15.20.12/train/events.out.tfevents.1642692012.node-l00a-002.myriad.ucl.ac.uk.245418.0.v2 new file mode 100644 index 0000000..3bcf44c Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.01.20.15.20.12/train/events.out.tfevents.1642692012.node-l00a-002.myriad.ucl.ac.uk.245418.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.01.20.15.20.12/validation/events.out.tfevents.1642692033.node-l00a-002.myriad.ucl.ac.uk.245418.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.01.20.15.20.12/validation/events.out.tfevents.1642692033.node-l00a-002.myriad.ucl.ac.uk.245418.1.v2 new file mode 100644 index 0000000..521eed2 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.01.20.15.20.12/validation/events.out.tfevents.1642692033.node-l00a-002.myriad.ucl.ac.uk.245418.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.01.26.18.01.49/train/events.out.tfevents.1643220109.node-e00a-006.myriad.ucl.ac.uk.9158.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.01.26.18.01.49/train/events.out.tfevents.1643220109.node-e00a-006.myriad.ucl.ac.uk.9158.0.v2 new file mode 100644 index 0000000..5096ca8 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.01.26.18.01.49/train/events.out.tfevents.1643220109.node-e00a-006.myriad.ucl.ac.uk.9158.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.01.26.18.01.49/validation/events.out.tfevents.1643220133.node-e00a-006.myriad.ucl.ac.uk.9158.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.01.26.18.01.49/validation/events.out.tfevents.1643220133.node-e00a-006.myriad.ucl.ac.uk.9158.1.v2 new file mode 100644 index 0000000..b3b6566 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.01.26.18.01.49/validation/events.out.tfevents.1643220133.node-e00a-006.myriad.ucl.ac.uk.9158.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.02.10.17.24.22/train/events.out.tfevents.1644513862.node-l00a-004.myriad.ucl.ac.uk.58653.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.02.10.17.24.22/train/events.out.tfevents.1644513862.node-l00a-004.myriad.ucl.ac.uk.58653.0.v2 new file mode 100644 index 0000000..7a5a407 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.02.10.17.24.22/train/events.out.tfevents.1644513862.node-l00a-004.myriad.ucl.ac.uk.58653.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.02.10.17.24.22/validation/events.out.tfevents.1644513879.node-l00a-004.myriad.ucl.ac.uk.58653.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.02.10.17.24.22/validation/events.out.tfevents.1644513879.node-l00a-004.myriad.ucl.ac.uk.58653.1.v2 new file mode 100644 index 0000000..c86472c Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.02.10.17.24.22/validation/events.out.tfevents.1644513879.node-l00a-004.myriad.ucl.ac.uk.58653.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.02.11.05.38.05/train/events.out.tfevents.1644557886.node-j00a-001.myriad.ucl.ac.uk.214367.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.02.11.05.38.05/train/events.out.tfevents.1644557886.node-j00a-001.myriad.ucl.ac.uk.214367.0.v2 new file mode 100644 index 0000000..1a1ae86 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.02.11.05.38.05/train/events.out.tfevents.1644557886.node-j00a-001.myriad.ucl.ac.uk.214367.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.02.11.05.38.05/validation/events.out.tfevents.1644557913.node-j00a-001.myriad.ucl.ac.uk.214367.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.02.11.05.38.05/validation/events.out.tfevents.1644557913.node-j00a-001.myriad.ucl.ac.uk.214367.1.v2 new file mode 100644 index 0000000..5022018 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.02.11.05.38.05/validation/events.out.tfevents.1644557913.node-j00a-001.myriad.ucl.ac.uk.214367.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.02.14.19.09.07/train/events.out.tfevents.1644865747.node-j00a-002.myriad.ucl.ac.uk.179115.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.02.14.19.09.07/train/events.out.tfevents.1644865747.node-j00a-002.myriad.ucl.ac.uk.179115.0.v2 new file mode 100644 index 0000000..aed4716 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.02.14.19.09.07/train/events.out.tfevents.1644865747.node-j00a-002.myriad.ucl.ac.uk.179115.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.02.14.19.09.07/validation/events.out.tfevents.1644865773.node-j00a-002.myriad.ucl.ac.uk.179115.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.02.14.19.09.07/validation/events.out.tfevents.1644865773.node-j00a-002.myriad.ucl.ac.uk.179115.1.v2 new file mode 100644 index 0000000..8c07275 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.02.14.19.09.07/validation/events.out.tfevents.1644865773.node-j00a-002.myriad.ucl.ac.uk.179115.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.03.11.08.57.37/train/events.out.tfevents.1646989058.node-f00a-001.myriad.ucl.ac.uk.34521.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.03.11.08.57.37/train/events.out.tfevents.1646989058.node-f00a-001.myriad.ucl.ac.uk.34521.0.v2 new file mode 100644 index 0000000..388da88 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.03.11.08.57.37/train/events.out.tfevents.1646989058.node-f00a-001.myriad.ucl.ac.uk.34521.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.03.11.08.57.37/validation/events.out.tfevents.1646989120.node-f00a-001.myriad.ucl.ac.uk.34521.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.03.11.08.57.37/validation/events.out.tfevents.1646989120.node-f00a-001.myriad.ucl.ac.uk.34521.1.v2 new file mode 100644 index 0000000..9c9f866 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/2022.03.11.08.57.37/validation/events.out.tfevents.1646989120.node-f00a-001.myriad.ucl.ac.uk.34521.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/metrics.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/metrics.csv new file mode 100644 index 0000000..324f5a6 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,648673.4484351471 +sharpness,6.446006539481713 +variation,0.0 +mae,283.30121005556555 +mse,212836.21305775928 +rmse,461.34175299636524 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/predictions.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/predictions.csv new file mode 100644 index 0000000..cf3a2a2 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/predictions.csv @@ -0,0 +1,254 @@ +,Predicted value,Predicted standard deviation,True value +0,482.5916978199088,6.446006539481713,795.5857158839873 +1,482.5916978199088,6.446006539481713,276.58575709351777 +2,482.5916978199088,6.446006539481713,528.5857370842659 +3,482.5916978199088,6.446006539481713,540.5857361314445 +4,482.5916978199088,6.446006539481713,650.5857273972472 +5,482.5916978199088,6.446006539481713,1100.5856916664407 +6,482.5916978199088,6.446006539481713,279.5857568553124 +7,482.5916978199088,6.446006539481713,301.58575510847294 +8,482.5916978199088,6.446006539481713,302.5857550290712 +9,482.5916978199088,6.446006539481713,614.5857302557117 +10,482.5916978199088,6.446006539481713,577.5857331935781 +11,482.5916978199088,6.446006539481713,571.5857336699888 +12,482.5916978199088,6.446006539481713,792.5857161221927 +13,482.5916978199088,6.446006539481713,1341.5856725306085 +14,482.5916978199088,6.446006539481713,233.5857605077949 +15,482.5916978199088,6.446006539481713,144.5857675745544 +16,482.5916978199088,6.446006539481713,1049.5856957159324 +17,482.5916978199088,6.446006539481713,579.5857330347744 +18,482.5916978199088,6.446006539481713,187.58576416027734 +19,482.5916978199088,6.446006539481713,526.5857372430696 +20,482.5916978199088,6.446006539481713,520.5857377194803 +21,482.5916978199088,6.446006539481713,435.58574446863264 +22,482.5916978199088,6.446006539481713,1002.5856994478163 +23,482.5916978199088,6.446006539481713,261.5857582845447 +24,482.5916978199088,6.446006539481713,401.58574716829366 +25,482.5916978199088,6.446006539481713,443.58574383341835 +26,482.5916978199088,6.446006539481713,461.585742404186 +27,482.5916978199088,6.446006539481713,572.5857335905872 +28,482.5916978199088,6.446006539481713,375.58574923274034 +29,482.5916978199088,6.446006539481713,136.26216674540237 +30,482.5916978199088,6.446006539481713,614.5857302557117 +31,482.5916978199088,6.446006539481713,287.5857562200981 +32,482.5916978199088,6.446006539481713,236.5857602695895 +33,482.5916978199088,6.446006539481713,955.5857031797003 +34,482.5916978199088,6.446006539481713,435.58574446863264 +35,482.5916978199088,6.446006539481713,282.58575661710705 +36,482.5916978199088,6.446006539481713,982.585701035852 +37,482.5916978199088,6.446006539481713,208.5857624928397 +38,482.5916978199088,6.446006539481713,850.5857115168886 +39,482.5916978199088,6.446006539481713,640.5857281912653 +40,482.5916978199088,6.446006539481713,635.285556532021 +41,482.5916978199088,6.446006539481713,496.5857396251232 +42,482.5916978199088,6.446006539481713,263.5857581257411 +43,482.5916978199088,6.446006539481713,270.5857575699285 +44,482.5916978199088,6.446006539481713,620.585729779301 +45,482.5916978199088,6.446006539481713,800.4307672174878 +46,482.5916978199088,6.446006539481713,204.58576281044685 +47,482.5916978199088,6.446006539481713,325.58575320282995 +48,482.5916978199088,6.446006539481713,565.5857341463998 +49,482.5916978199088,6.446006539481713,583.5857327171674 +50,482.5916978199088,6.446006539481713,626.5857293028903 +51,482.5916978199088,6.446006539481713,599.5857314467387 +52,482.5916978199088,6.446006539481713,241.58575987258044 +53,482.5916978199088,6.446006539481713,93.58577162404586 +54,482.5916978199088,6.446006539481713,177.58576495429523 +55,482.5916978199088,6.446006539481713,253.58575891975903 +56,482.5916978199088,6.446006539481713,183.58576447788448 +57,482.5916978199088,6.446006539481713,331.5857527264192 +58,482.5916978199088,6.446006539481713,543.8612030793709 +59,482.5916978199088,6.446006539481713,368.58574978855285 +60,482.5916978199088,6.446006539481713,476.58574121315917 +61,482.5916978199088,6.446006539481713,553.5857350992212 +62,482.5916978199088,6.446006539481713,177.58576495429523 +63,482.5916978199088,6.446006539481713,653.9614869773397 +64,482.5916978199088,6.446006539481713,745.5485956310678 +65,482.5916978199088,6.446006539481713,437.5857443098292 +66,482.5916978199088,6.446006539481713,66.58577376789428 +67,482.5916978199088,6.446006539481713,257.5857586021519 +68,482.5916978199088,6.446006539481713,129.58576876558132 +69,482.5916978199088,6.446006539481713,146.58576741575087 +70,482.5916978199088,6.446006539481713,332.5857526470174 +71,482.5916978199088,6.446006539481713,1362.585670863171 +72,482.5916978199088,6.446006539481713,1943.585624730729 +73,482.5916978199088,6.446006539481713,373.585749391544 +74,482.5916978199088,6.446006539481713,1784.5856373556146 +75,482.5916978199088,6.446006539481713,504.5857389899089 +76,482.5916978199088,6.446006539481713,259.58575844334825 +77,482.5916978199088,6.446006539481713,686.5857245387828 +78,482.5916978199088,6.446006539481713,331.59810336415944 +79,482.5916978199088,6.446006539481713,369.5857497091512 +80,482.5916978199088,6.446006539481713,244.5857596343752 +81,482.5916978199088,6.446006539481713,270.5857575699285 +82,482.5916978199088,6.446006539481713,169.5857655895096 +83,482.5916978199088,6.446006539481713,563.5857343052032 +84,482.5916978199088,6.446006539481713,376.58574915333855 +85,482.5916978199088,6.446006539481713,366.5857499473565 +86,482.5916978199088,6.446006539481713,230.58576074600026 +87,482.5916978199088,6.446006539481713,1212.5856827734399 +88,482.5916978199088,6.446006539481713,428.5857450244453 +89,482.5916978199088,6.446006539481713,191.58576384267016 +90,482.5916978199088,6.446006539481713,737.5857204892912 +91,482.5916978199088,6.446006539481713,790.5857162809963 +92,482.5916978199088,6.446006539481713,450.5857432776057 +93,482.5916978199088,6.446006539481713,233.5857605077949 +94,482.5916978199088,6.446006539481713,1331.5856733246264 +95,482.5916978199088,6.446006539481713,234.06886996956717 +96,482.5916978199088,6.446006539481713,228.58576090480392 +97,482.5916978199088,6.446006539481713,555.5857349404176 +98,482.5916978199088,6.446006539481713,322.5857534410353 +99,482.5916978199088,6.446006539481713,182.58576455728627 +100,482.5916978199088,6.446006539481713,542.5857359726408 +101,482.5916978199088,6.446006539481713,264.5857580463393 +102,482.5916978199088,6.446006539481713,502.5857391487126 +103,482.5916978199088,6.446006539481713,504.5857389899089 +104,482.5916978199088,6.446006539481713,177.58576495429523 +105,482.5916978199088,6.446006539481713,262.5857582051429 +106,482.5916978199088,6.446006539481713,179.58576479549168 +107,482.5916978199088,6.446006539481713,3285.230902043269 +108,482.5916978199088,6.446006539481713,257.5857586021519 +109,482.5916978199088,6.446006539481713,1369.9735422635215 +110,482.5916978199088,6.446006539481713,560.5857345434086 +111,482.5916978199088,6.446006539481713,456.97355178318014 +112,482.5916978199088,6.446006539481713,328.5857529646245 +113,482.5916978199088,6.446006539481713,977.585701432861 +114,482.5916978199088,6.446006539481713,735.5857206480949 +115,482.5916978199088,6.446006539481713,747.6702578770523 +116,482.5916978199088,6.446006539481713,619.5857298587027 +117,482.5916978199088,6.446006539481713,429.5857449450435 +118,482.5916978199088,6.446006539481713,352.5857510589816 +119,482.5916978199088,6.446006539481713,325.58575320282995 +120,482.5916978199088,6.446006539481713,381.5857487563297 +121,482.5916978199088,6.446006539481713,656.5857269208365 +122,482.5916978199088,6.446006539481713,477.5857411337574 +123,482.5916978199088,6.446006539481713,399.5857473270973 +124,482.5916978199088,6.446006539481713,486.5857404191413 +125,482.5916978199088,6.446006539481713,358.5857505825708 +126,482.5916978199088,6.446006539481713,257.5857586021519 +127,482.5916978199088,6.446006539481713,641.5857281118634 +128,482.5916978199088,6.446006539481713,744.6165269361184 +129,482.5916978199088,6.446006539481713,610.585730573319 +130,482.5916978199088,6.446006539481713,628.5857291440867 +131,482.5916978199088,6.446006539481713,605.585730970328 +132,482.5916978199088,6.446006539481713,802.5857153281747 +133,482.5916978199088,6.446006539481713,1208.1195814195778 +134,482.5916978199088,6.446006539481713,2063.585615202514 +135,482.5916978199088,6.446006539481713,1151.5856876169494 +136,482.5916978199088,6.446006539481713,785.5857166780053 +137,482.5916978199088,6.446006539481713,543.5857358932392 +138,482.5916978199088,6.446006539481713,247.5857593961698 +139,482.5916978199088,6.446006539481713,268.5857577287321 +140,482.5916978199088,6.446006539481713,422.0160755603324 +141,482.5916978199088,6.446006539481713,501.58573922811433 +142,482.5916978199088,6.446006539481713,430.5857448656418 +143,482.5916978199088,6.446006539481713,225.5857611430092 +144,482.5916978199088,6.446006539481713,247.5857593961698 +145,482.5916978199088,6.446006539481713,271.5857574905268 +146,482.5916978199088,6.446006539481713,87.5857721004566 +147,482.5916978199088,6.446006539481713,184.5857643984827 +148,482.5916978199088,6.446006539481713,149.58576717754542 +149,482.5916978199088,6.446006539481713,375.58574923274034 +150,482.5916978199088,6.446006539481713,620.585729779301 +151,482.5916978199088,6.446006539481713,321.5857535204372 +152,482.5916978199088,6.446006539481713,436.58574438923085 +153,482.5916978199088,6.446006539481713,542.5857359726408 +154,482.5916978199088,6.446006539481713,689.5857243005772 +155,482.5916978199088,6.446006539481713,1062.5856946837089 +156,482.5916978199088,6.446006539481713,457.5857427217933 +157,482.5916978199088,6.446006539481713,293.58575574368734 +158,482.5916978199088,6.446006539481713,3261.585520079166 +159,482.5916978199088,6.446006539481713,2097.585612502853 +160,482.5916978199088,6.446006539481713,1867.5856307652653 +161,482.5916978199088,6.446006539481713,1191.5856844408775 +162,482.5916978199088,6.446006539481713,1153.1905864961611 +163,482.5916978199088,6.446006539481713,547.5857355756318 +164,482.5916978199088,6.446006539481713,240.5857599519823 +165,482.5916978199088,6.446006539481713,458.5857426423914 +166,482.5916978199088,6.446006539481713,406.58574677128473 +167,482.5916978199088,6.446006539481713,652.5857272384436 +168,482.5916978199088,6.446006539481713,185.58576431908094 +169,482.5916978199088,6.446006539481713,335.58575240881197 +170,482.5916978199088,6.446006539481713,742.5857200922823 +171,482.5916978199088,6.446006539481713,845.5857119138975 +172,482.5916978199088,6.446006539481713,887.811580454068 +173,482.5916978199088,6.446006539481713,445.5857436746148 +174,482.5916978199088,6.446006539481713,533.585736687257 +175,482.5916978199088,6.446006539481713,910.5857067527812 +176,482.5916978199088,6.446006539481713,614.5857302557117 +177,482.5916978199088,6.446006539481713,244.5857596343752 +178,482.5916978199088,6.446006539481713,2096.5856125822547 +179,482.5916978199088,6.446006539481713,194.5857636044648 +180,482.5916978199088,6.446006539481713,353.58575097957976 +181,482.5916978199088,6.446006539481713,669.5857258886133 +182,482.5916978199088,6.446006539481713,1321.5856741186446 +183,482.5916978199088,6.446006539481713,536.7372200565968 +184,482.5916978199088,6.446006539481713,572.5857335905872 +185,482.5916978199088,6.446006539481713,740.5857202510858 +186,482.5916978199088,6.446006539481713,619.5857298587027 +187,482.5916978199088,6.446006539481713,520.5857377194803 +188,482.5916978199088,6.446006539481713,611.5857304939171 +189,482.5916978199088,6.446006539481713,932.5857050059418 +190,482.5916978199088,6.446006539481713,227.5857609842057 +191,482.5916978199088,6.446006539481713,319.58575367924067 +192,482.5916978199088,6.446006539481713,381.5857487563297 +193,482.5916978199088,6.446006539481713,222.5857613812146 +194,482.5916978199088,6.446006539481713,990.5857004006378 +195,482.5916978199088,6.446006539481713,832.5857129461209 +196,482.5916978199088,6.446006539481713,829.0174567200193 +197,482.5916978199088,6.446006539481713,562.5857343846051 +198,482.5916978199088,6.446006539481713,642.5857280324616 +199,482.5916978199088,6.446006539481713,375.58574923274034 +200,482.5916978199088,6.446006539481713,903.5857073085936 +201,482.5916978199088,6.446006539481713,282.58575661710705 +202,482.5916978199088,6.446006539481713,533.585736687257 +203,482.5916978199088,6.446006539481713,734.5857207274968 +204,482.5916978199088,6.446006539481713,2109.5856115500314 +205,482.5916978199088,6.446006539481713,462.6991086384732 +206,482.5916978199088,6.446006539481713,440.3395289741532 +207,482.5916978199088,6.446006539481713,459.58574256298965 +208,482.5916978199088,6.446006539481713,800.5857154869783 +209,482.5916978199088,6.446006539481713,204.58576281044685 +210,482.5916978199088,6.446006539481713,250.5857591579644 +211,482.5916978199088,6.446006539481713,493.5857398633288 +212,482.5916978199088,6.446006539481713,168.24815042310587 +213,482.5916978199088,6.446006539481713,121.58576940079568 +214,482.5916978199088,6.446006539481713,474.58574137196274 +215,482.5916978199088,6.446006539481713,603.5857311291314 +216,482.5916978199088,6.446006539481713,450.5857432776057 +217,482.5916978199088,6.446006539481713,366.5857499473565 +218,482.5916978199088,6.446006539481713,335.58575240881197 +219,482.5916978199088,6.446006539481713,254.58575884035724 +220,482.5916978199088,6.446006539481713,644.585727873658 +221,482.5916978199088,6.446006539481713,630.5857289852831 +222,482.5916978199088,6.446006539481713,286.5857562994999 +223,482.5916978199088,6.446006539481713,239.5857600313841 +224,482.5916978199088,6.446006539481713,1204.5856834086542 +225,482.5916978199088,6.446006539481713,584.5857326377655 +226,482.5916978199088,6.446006539481713,359.5857505031691 +227,482.5916978199088,6.446006539481713,223.58576130181282 +228,482.5916978199088,6.446006539481713,493.5857398633288 +229,482.5916978199088,6.446006539481713,783.5857168368087 +230,482.5916978199088,6.446006539481713,305.58575479086585 +231,482.5916978199088,6.446006539481713,364.58575010616005 +232,482.5916978199088,6.446006539481713,1117.5856903166102 +233,482.5916978199088,6.446006539481713,308.58575455266043 +234,482.5916978199088,6.446006539481713,231.03896111579812 +235,482.5916978199088,6.446006539481713,211.58576225463432 +236,482.5916978199088,6.446006539481713,411.5857463742758 +237,482.5916978199088,6.446006539481713,471.84628776184684 +238,482.5916978199088,6.446006539481713,1159.5856869817349 +239,482.5916978199088,6.446006539481713,334.58575248821387 +240,482.5916978199088,6.446006539481713,73.56765209308998 +241,482.5916978199088,6.446006539481713,334.58575248821387 +242,482.5916978199088,6.446006539481713,848.5857116756923 +243,482.5916978199088,6.446006539481713,501.58573922811433 +244,482.5916978199088,6.446006539481713,1390.5856686399204 +245,482.5916978199088,6.446006539481713,1012.5856986537982 +246,482.5916978199088,6.446006539481713,1840.5856329091127 +247,482.5916978199088,6.446006539481713,555.5857349404176 +248,482.5916978199088,6.446006539481713,595.5857317643457 +249,482.5916978199088,6.446006539481713,525.5857373224713 +250,482.5916978199088,6.446006539481713,238.4559452332465 +251,482.5916978199088,6.446006539481713,157.58576654233113 +252,482.5916978199088,6.446006539481713,212.5857621752325 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/val-metrics-2022.03.17.22.10.07.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/val-metrics-2022.03.17.22.10.07.csv new file mode 100644 index 0000000..416315c --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/val-metrics-2022.03.17.22.10.07.csv @@ -0,0 +1,7 @@ +,0 +nll,127007.63283858616 +sharpness,6.4460065389208685 +variation,1.3915844301035636e-16 +mae,348.81793124277874 +mse,206721.49038851113 +rmse,454.66635062264186 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/val-metrics-2022.06.23.15.23.21.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/val-metrics-2022.06.23.15.23.21.csv new file mode 100644 index 0000000..fc4fa16 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/val-metrics-2022.06.23.15.23.21.csv @@ -0,0 +1,7 @@ +,0 +nll,127007.63281651596 +sharpness,6.446006539481713 +variation,1.3915844299824868e-16 +mae,348.81793124278056 +mse,206721.49038851386 +rmse,454.66635062264487 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/val-metrics-2022.06.23.20.41.55.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/val-metrics-2022.06.23.20.41.55.csv new file mode 100644 index 0000000..fc4fa16 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-1/val-metrics-2022.06.23.20.41.55.csv @@ -0,0 +1,7 @@ +,0 +nll,127007.63281651596 +sharpness,6.446006539481713 +variation,1.3915844299824868e-16 +mae,348.81793124278056 +mse,206721.49038851386 +rmse,454.66635062264487 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.01.20.15.38.58/train/events.out.tfevents.1642693138.node-l00a-002.myriad.ucl.ac.uk.86374.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.01.20.15.38.58/train/events.out.tfevents.1642693138.node-l00a-002.myriad.ucl.ac.uk.86374.0.v2 new file mode 100644 index 0000000..bb565e3 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.01.20.15.38.58/train/events.out.tfevents.1642693138.node-l00a-002.myriad.ucl.ac.uk.86374.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.01.20.15.38.58/validation/events.out.tfevents.1642693157.node-l00a-002.myriad.ucl.ac.uk.86374.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.01.20.15.38.58/validation/events.out.tfevents.1642693157.node-l00a-002.myriad.ucl.ac.uk.86374.1.v2 new file mode 100644 index 0000000..377ead3 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.01.20.15.38.58/validation/events.out.tfevents.1642693157.node-l00a-002.myriad.ucl.ac.uk.86374.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.01.26.18.14.40/train/events.out.tfevents.1643220880.node-l00a-003.myriad.ucl.ac.uk.140917.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.01.26.18.14.40/train/events.out.tfevents.1643220880.node-l00a-003.myriad.ucl.ac.uk.140917.0.v2 new file mode 100644 index 0000000..fbee6dc Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.01.26.18.14.40/train/events.out.tfevents.1643220880.node-l00a-003.myriad.ucl.ac.uk.140917.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.01.26.18.14.40/validation/events.out.tfevents.1643220902.node-l00a-003.myriad.ucl.ac.uk.140917.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.01.26.18.14.40/validation/events.out.tfevents.1643220902.node-l00a-003.myriad.ucl.ac.uk.140917.1.v2 new file mode 100644 index 0000000..89709bc Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.01.26.18.14.40/validation/events.out.tfevents.1643220902.node-l00a-003.myriad.ucl.ac.uk.140917.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.02.10.20.52.52/train/events.out.tfevents.1644526372.node-e00a-007.myriad.ucl.ac.uk.86087.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.02.10.20.52.52/train/events.out.tfevents.1644526372.node-e00a-007.myriad.ucl.ac.uk.86087.0.v2 new file mode 100644 index 0000000..6d63667 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.02.10.20.52.52/train/events.out.tfevents.1644526372.node-e00a-007.myriad.ucl.ac.uk.86087.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.02.10.20.52.52/validation/events.out.tfevents.1644526400.node-e00a-007.myriad.ucl.ac.uk.86087.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.02.10.20.52.52/validation/events.out.tfevents.1644526400.node-e00a-007.myriad.ucl.ac.uk.86087.1.v2 new file mode 100644 index 0000000..4ede312 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.02.10.20.52.52/validation/events.out.tfevents.1644526400.node-e00a-007.myriad.ucl.ac.uk.86087.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.02.11.01.54.26/train/events.out.tfevents.1644544466.node-j00a-002.myriad.ucl.ac.uk.166448.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.02.11.01.54.26/train/events.out.tfevents.1644544466.node-j00a-002.myriad.ucl.ac.uk.166448.0.v2 new file mode 100644 index 0000000..696a626 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.02.11.01.54.26/train/events.out.tfevents.1644544466.node-j00a-002.myriad.ucl.ac.uk.166448.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.02.11.01.54.26/validation/events.out.tfevents.1644544492.node-j00a-002.myriad.ucl.ac.uk.166448.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.02.11.01.54.26/validation/events.out.tfevents.1644544492.node-j00a-002.myriad.ucl.ac.uk.166448.1.v2 new file mode 100644 index 0000000..64080c5 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.02.11.01.54.26/validation/events.out.tfevents.1644544492.node-j00a-002.myriad.ucl.ac.uk.166448.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.02.14.18.53.53/train/events.out.tfevents.1644864833.node-e00a-013.myriad.ucl.ac.uk.96497.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.02.14.18.53.53/train/events.out.tfevents.1644864833.node-e00a-013.myriad.ucl.ac.uk.96497.0.v2 new file mode 100644 index 0000000..8316a49 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.02.14.18.53.53/train/events.out.tfevents.1644864833.node-e00a-013.myriad.ucl.ac.uk.96497.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.02.14.18.53.53/validation/events.out.tfevents.1644864871.node-e00a-013.myriad.ucl.ac.uk.96497.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.02.14.18.53.53/validation/events.out.tfevents.1644864871.node-e00a-013.myriad.ucl.ac.uk.96497.1.v2 new file mode 100644 index 0000000..59d1f6e Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.02.14.18.53.53/validation/events.out.tfevents.1644864871.node-e00a-013.myriad.ucl.ac.uk.96497.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.03.10.22.52.35/train/events.out.tfevents.1646952755.node-l00a-002.myriad.ucl.ac.uk.12502.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.03.10.22.52.35/train/events.out.tfevents.1646952755.node-l00a-002.myriad.ucl.ac.uk.12502.0.v2 new file mode 100644 index 0000000..614474b Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.03.10.22.52.35/train/events.out.tfevents.1646952755.node-l00a-002.myriad.ucl.ac.uk.12502.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.03.10.22.52.35/validation/events.out.tfevents.1646952779.node-l00a-002.myriad.ucl.ac.uk.12502.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.03.10.22.52.35/validation/events.out.tfevents.1646952779.node-l00a-002.myriad.ucl.ac.uk.12502.1.v2 new file mode 100644 index 0000000..c476bb0 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/2022.03.10.22.52.35/validation/events.out.tfevents.1646952779.node-l00a-002.myriad.ucl.ac.uk.12502.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/metrics.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/metrics.csv new file mode 100644 index 0000000..2faf2d2 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,2418725.5052254167 +sharpness,5.486451733746391 +variation,1.6220664590615273e-16 +mae,527.1069740485038 +mse,575387.0628607061 +rmse,758.5427231611322 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/predictions.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/predictions.csv new file mode 100644 index 0000000..087ddd8 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/predictions.csv @@ -0,0 +1,254 @@ +,Predicted value,Predicted standard deviation,True value +0,54.056739518531344,5.486451733746391,240.5857599519823 +1,54.056739518531344,5.486451733746391,338.5857521706066 +2,54.056739518531344,5.486451733746391,400.58574724769545 +3,54.056739518531344,5.486451733746391,481.5857408161503 +4,54.056739518531344,5.486451733746391,607.5857308115244 +5,54.056739518531344,5.486451733746391,170.5857655101078 +6,54.056739518531344,5.486451733746391,99.58577114763511 +7,54.056739518531344,5.486451733746391,679.5857250945952 +8,54.056739518531344,5.486451733746391,197.58576336625939 +9,54.056739518531344,5.486451733746391,200.58576312805405 +10,54.056739518531344,5.486451733746391,674.5857254916042 +11,54.056739518531344,5.486451733746391,144.5857675745544 +12,54.056739518531344,5.486451733746391,478.5857410543556 +13,54.056739518531344,5.486451733746391,978.5857013534593 +14,54.056739518531344,5.486451733746391,247.5857593961698 +15,54.056739518531344,5.486451733746391,754.4592429505203 +16,54.056739518531344,5.486451733746391,432.585744706838 +17,54.056739518531344,5.486451733746391,83.42622265888586 +18,54.056739518531344,5.486451733746391,652.5857272384436 +19,54.056739518531344,5.486451733746391,609.5857306527207 +20,54.056739518531344,5.486451733746391,208.5857624928397 +21,54.056739518531344,5.486451733746391,623.5857295410957 +22,54.056739518531344,5.486451733746391,453.5857430394004 +23,54.056739518531344,5.486451733746391,477.5857411337574 +24,54.056739518531344,5.486451733746391,1340.5856726100105 +25,54.056739518531344,5.486451733746391,502.5857391487126 +26,54.056739518531344,5.486451733746391,218.58576169882184 +27,54.056739518531344,5.486451733746391,163.58576606592038 +28,54.056739518531344,5.486451733746391,565.5857341463998 +29,54.056739518531344,5.486451733746391,430.5857448656418 +30,54.056739518531344,5.486451733746391,280.7913011441348 +31,54.056739518531344,5.486451733746391,295.5857555848837 +32,54.056739518531344,5.486451733746391,253.58575891975903 +33,54.056739518531344,5.486451733746391,399.5857473270973 +34,54.056739518531344,5.486451733746391,1164.5856865847259 +35,54.056739518531344,5.486451733746391,129.58576876558132 +36,54.056739518531344,5.486451733746391,469.58574176897173 +37,54.056739518531344,5.486451733746391,260.58575836394647 +38,54.056739518531344,5.486451733746391,523.5857374812748 +39,54.056739518531344,5.486451733746391,166.585765827715 +40,54.056739518531344,5.486451733746391,330.5857528058209 +41,54.056739518531344,5.486451733746391,351.58575113838333 +42,54.056739518531344,5.486451733746391,571.5857336699888 +43,54.056739518531344,5.486451733746391,935.5857047677364 +44,54.056739518531344,5.486451733746391,256.58575868155367 +45,54.056739518531344,5.486451733746391,910.5857067527812 +46,54.056739518531344,5.486451733746391,168.5857656689114 +47,54.056739518531344,5.486451733746391,208.5857624928397 +48,54.056739518531344,5.486451733746391,571.5857336699888 +49,54.056739518531344,5.486451733746391,400.58574724769545 +50,54.056739518531344,5.486451733746391,86.58577217985842 +51,54.056739518531344,5.486451733746391,222.5857613812146 +52,54.056739518531344,5.486451733746391,153.58576685993827 +53,54.056739518531344,5.486451733746391,393.58574780350807 +54,54.056739518531344,5.486451733746391,310.5857543938568 +55,54.056739518531344,5.486451733746391,354.58575090017797 +56,54.056739518531344,5.486451733746391,727.5857212833093 +57,54.056739518531344,5.486451733746391,494.58573978392684 +58,54.056739518531344,5.486451733746391,319.58575367924067 +59,54.056739518531344,5.486451733746391,652.5857272384436 +60,54.056739518531344,5.486451733746391,127.58576892438492 +61,54.056739518531344,5.486451733746391,106.58577059182257 +62,54.056739518531344,5.486451733746391,160.58576630412574 +63,54.056739518531344,5.486451733746391,335.58575240881197 +64,54.056739518531344,5.486451733746391,1013.5856985743968 +65,54.056739518531344,5.486451733746391,1285.585676977109 +66,54.056739518531344,5.486451733746391,1333.5856731658228 +67,54.056739518531344,5.486451733746391,3643.743437099969 +68,54.056739518531344,5.486451733746391,1001.585699527218 +69,54.056739518531344,5.486451733746391,291.58575590249086 +70,54.056739518531344,5.486451733746391,234.5857604283931 +71,54.056739518531344,5.486451733746391,926.9151354639647 +72,54.056739518531344,5.486451733746391,254.58575884035724 +73,54.056739518531344,5.486451733746391,238.58576011078603 +74,54.056739518531344,5.486451733746391,496.5857396251232 +75,54.056739518531344,5.486451733746391,373.585749391544 +76,54.056739518531344,5.486451733746391,552.5857351786229 +77,54.056739518531344,5.486451733746391,125.58576908318848 +78,54.056739518531344,5.486451733746391,360.58575042376714 +79,54.056739518531344,5.486451733746391,251.58575907856255 +80,54.056739518531344,5.486451733746391,339.58575209120477 +81,54.056739518531344,5.486451733746391,304.58575487026764 +82,54.056739518531344,5.486451733746391,556.5857348610158 +83,54.056739518531344,5.486451733746391,495.5857397045252 +84,54.056739518531344,5.486451733746391,287.5857562200981 +85,54.056739518531344,5.486451733746391,3521.5854994346996 +86,54.056739518531344,5.486451733746391,160.620206064518 +87,54.056739518531344,5.486451733746391,234.5857604283931 +88,54.056739518531344,5.486451733746391,669.5857258886133 +89,54.056739518531344,5.486451733746391,152.5857669393401 +90,54.056739518531344,5.486451733746391,632.5857288264797 +91,54.056739518531344,5.486451733746391,334.58575248821387 +92,54.056739518531344,5.486451733746391,235.58576034899133 +93,54.056739518531344,5.486451733746391,768.9388632748868 +94,54.056739518531344,5.486451733746391,213.58576209583072 +95,54.056739518531344,5.486451733746391,230.58576074600026 +96,54.056739518531344,5.486451733746391,551.5857352580248 +97,54.056739518531344,5.486451733746391,257.5857586021519 +98,54.056739518531344,5.486451733746391,758.5857188218538 +99,54.056739518531344,5.486451733746391,236.5857602695895 +100,54.056739518531344,5.486451733746391,383.585748597526 +101,54.056739518531344,5.486451733746391,223.58576130181282 +102,54.056739518531344,5.486451733746391,779.5857171544162 +103,54.056739518531344,5.486451733746391,236.5857602695895 +104,54.056739518531344,5.486451733746391,1542.5856565708484 +105,54.056739518531344,5.486451733746391,428.5857450244453 +106,54.056739518531344,5.486451733746391,836.5857126285138 +107,54.056739518531344,5.486451733746391,550.5857353374264 +108,54.056739518531344,5.486451733746391,441.5857439922218 +109,54.056739518531344,5.486451733746391,693.5857239829703 +110,54.056739518531344,5.486451733746391,491.5857400221323 +111,54.056739518531344,5.486451733746391,208.5857624928397 +112,54.056739518531344,5.486451733746391,1054.168039020076 +113,54.056739518531344,5.486451733746391,547.5959088769893 +114,54.056739518531344,5.486451733746391,1111.5856907930208 +115,54.056739518531344,5.486451733746391,876.5857094524423 +116,54.056739518531344,5.486451733746391,657.5857268414347 +117,54.056739518531344,5.486451733746391,251.01789069958312 +118,54.056739518531344,5.486451733746391,546.5857356550338 +119,54.056739518531344,5.486451733746391,250.5857591579644 +120,54.056739518531344,5.486451733746391,204.58576281044685 +121,54.056739518531344,5.486451733746391,144.5857675745544 +122,54.056739518531344,5.486451733746391,278.5857569347142 +123,54.056739518531344,5.486451733746391,2148.5856084533616 +124,54.056739518531344,5.486451733746391,345.58575161479416 +125,54.056739518531344,5.486451733746391,904.585707229192 +126,54.056739518531344,5.486451733746391,1154.5856873787438 +127,54.056739518531344,5.486451733746391,1470.585662287777 +128,54.056739518531344,5.486451733746391,739.5857203304878 +129,54.056739518531344,5.486451733746391,331.5857527264192 +130,54.056739518531344,5.486451733746391,476.58574121315917 +131,54.056739518531344,5.486451733746391,465.5857420865789 +132,54.056739518531344,5.486451733746391,1018.5856981773877 +133,54.056739518531344,5.486451733746391,1234.5856810266002 +134,54.056739518531344,5.486451733746391,653.5857271590419 +135,54.056739518531344,5.486451733746391,347.58575145599053 +136,54.056739518531344,5.486451733746391,801.5857154075765 +137,54.056739518531344,5.486451733746391,549.5857354168284 +138,54.056739518531344,5.486451733746391,184.5857643984827 +139,54.056739518531344,5.486451733746391,624.5857294616939 +140,54.056739518531344,5.486451733746391,694.5857239035686 +141,54.056739518531344,5.486451733746391,542.5857359726408 +142,54.056739518531344,5.486451733746391,628.5857291440867 +143,54.056739518531344,5.486451733746391,1384.5856691163315 +144,54.056739518531344,5.486451733746391,385.58574843872236 +145,54.056739518531344,5.486451733746391,442.5857439128201 +146,54.056739518531344,5.486451733746391,2145.585608691567 +147,54.056739518531344,5.486451733746391,2084.5856135350764 +148,54.056739518531344,5.486451733746391,133.58576844797415 +149,54.056739518531344,5.486451733746391,168.5857656689114 +150,54.056739518531344,5.486451733746391,348.5857513765887 +151,54.056739518531344,5.486451733746391,2181.5856058331024 +152,54.056739518531344,5.486451733746391,365.5857500267583 +153,54.056739518531344,5.486451733746391,1205.5856833292526 +154,54.056739518531344,5.486451733746391,313.58575415565144 +155,54.056739518531344,5.486451733746391,72.58577329148352 +156,54.056739518531344,5.486451733746391,980.5857011946556 +157,54.056739518531344,5.486451733746391,617.5857300175064 +158,54.056739518531344,5.486451733746391,256.58575868155367 +159,54.056739518531344,5.486451733746391,3289.585517855917 +160,54.056739518531344,5.486451733746391,218.58576169882184 +161,54.056739518531344,5.486451733746391,402.585747088892 +162,54.056739518531344,5.486451733746391,1519.5856583970894 +163,54.056739518531344,5.486451733746391,289.5857560612945 +164,54.056739518531344,5.486451733746391,852.4579164643103 +165,54.056739518531344,5.486451733746391,213.01151280128758 +166,54.056739518531344,5.486451733746391,296.585755505482 +167,54.056739518531344,5.486451733746391,1373.585669989751 +168,54.056739518531344,5.486451733746391,468.9700846237468 +169,54.056739518531344,5.486451733746391,3337.58551404463 +170,54.056739518531344,5.486451733746391,361.5857503443654 +171,54.056739518531344,5.486451733746391,1177.5856855525024 +172,54.056739518531344,5.486451733746391,260.58575836394647 +173,54.056739518531344,5.486451733746391,526.5857372430696 +174,54.056739518531344,5.486451733746391,226.58576106360744 +175,54.056739518531344,5.486451733746391,371.58574955034754 +176,54.056739518531344,5.486451733746391,490.58574010153404 +177,54.056739518531344,5.486451733746391,1342.5856724512068 +178,54.056739518531344,5.486451733746391,926.5857054823524 +179,54.056739518531344,5.486451733746391,2657.585568037849 +180,54.056739518531344,5.486451733746391,199.5857632074558 +181,54.056739518531344,5.486451733746391,237.58576019018776 +182,54.056739518531344,5.486451733746391,464.58574216598083 +183,54.056739518531344,5.486451733746391,229.585760825402 +184,54.056739518531344,5.486451733746391,759.5857187424518 +185,54.056739518531344,5.486451733746391,192.58576376326835 +186,54.056739518531344,5.486451733746391,444.58574375401656 +187,54.056739518531344,5.486451733746391,674.5857254916042 +188,54.056739518531344,5.486451733746391,426.5857451832489 +189,54.056739518531344,5.486451733746391,259.58575844334825 +190,54.056739518531344,5.486451733746391,443.58574383341835 +191,54.056739518531344,5.486451733746391,615.58573017631 +192,54.056739518531344,5.486451733746391,849.5857115962906 +193,54.056739518531344,5.486451733746391,647.5857276354526 +194,54.056739518531344,5.486451733746391,545.5857357344355 +195,54.056739518531344,5.486451733746391,411.5857463742758 +196,54.056739518531344,5.486451733746391,464.58574216598083 +197,54.056739518531344,5.486451733746391,739.5857203304878 +198,54.056739518531344,5.486451733746391,689.5857243005772 +199,54.056739518531344,5.486451733746391,621.5857296998992 +200,54.056739518531344,5.486451733746391,494.58573978392684 +201,54.056739518531344,5.486451733746391,456.5857428011951 +202,54.056739518531344,5.486451733746391,717.5857220773271 +203,54.056739518531344,5.486451733746391,442.5857439128201 +204,54.056739518531344,5.486451733746391,208.5857624928397 +205,54.056739518531344,5.486451733746391,207.58576257224152 +206,54.056739518531344,5.486451733746391,354.58575090017797 +207,54.056739518531344,5.486451733746391,143.5857676539562 +208,54.056739518531344,5.486451733746391,179.58576479549168 +209,54.056739518531344,5.486451733746391,1376.5856697515458 +210,54.056739518531344,5.486451733746391,262.5857582051429 +211,54.056739518531344,5.486451733746391,217.5857617782236 +212,54.056739518531344,5.486451733746391,463.58574224538256 +213,54.056739518531344,5.486451733746391,481.5857408161503 +214,54.056739518531344,5.486451733746391,652.5857272384436 +215,54.056739518531344,5.486451733746391,894.5857080232097 +216,54.056739518531344,5.486451733746391,711.5857225537379 +217,54.056739518531344,5.486451733746391,188.58576408087555 +218,54.056739518531344,5.486451733746391,659.5857266826313 +219,54.056739518531344,5.486451733746391,331.5857527264192 +220,54.056739518531344,5.486451733746391,250.5857591579644 +221,54.056739518531344,5.486451733746391,242.58575979317874 +222,54.056739518531344,5.486451733746391,308.58575455266043 +223,54.056739518531344,5.486451733746391,781.5857169956122 +224,54.056739518531344,5.486451733746391,254.58575884035724 +225,54.056739518531344,5.486451733746391,259.58575844334825 +226,54.056739518531344,5.486451733746391,297.5857554260802 +227,54.056739518531344,5.486451733746391,276.58575709351777 +228,54.056739518531344,5.486451733746391,315.58575399684787 +229,54.056739518531344,5.486451733746391,273.5857573317232 +230,54.056739518531344,5.486451733746391,196.5857634456612 +231,54.056739518531344,5.486451733746391,640.5857281912653 +232,54.056739518531344,5.486451733746391,722.5857216803181 +233,54.056739518531344,5.486451733746391,491.5857400221323 +234,54.056739518531344,5.486451733746391,1117.5856903166102 +235,54.056739518531344,5.486451733746391,317.58575383804435 +236,54.056739518531344,5.486451733746391,358.5857505825708 +237,54.056739518531344,5.486451733746391,1801.585636005784 +238,54.056739518531344,5.486451733746391,294.5857556642855 +239,54.056739518531344,5.486451733746391,607.5857308115244 +240,54.056739518531344,5.486451733746391,634.585728667676 +241,54.056739518531344,5.486451733746391,224.58576122241104 +242,54.056739518531344,5.486451733746391,229.9570867399526 +243,54.056739518531344,5.486451733746391,511.5857384340965 +244,54.056739518531344,5.486451733746391,507.58573875170373 +245,54.056739518531344,5.486451733746391,276.58575709351777 +246,54.056739518531344,5.486451733746391,1335.5856730070195 +247,54.056739518531344,5.486451733746391,289.5857560612945 +248,54.056739518531344,5.486451733746391,225.52557371613608 +249,54.056739518531344,5.486451733746391,190.0023038850011 +250,54.056739518531344,5.486451733746391,541.5857360520424 +251,54.056739518531344,5.486451733746391,223.58576130181282 +252,54.056739518531344,5.486451733746391,1038.5856965893518 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/val-metrics-2022.03.17.22.12.49.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/val-metrics-2022.03.17.22.12.49.csv new file mode 100644 index 0000000..372efa2 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/val-metrics-2022.03.17.22.12.49.csv @@ -0,0 +1,7 @@ +,0 +nll,529007.1003468313 +sharpness,5.486451733746391 +variation,1.6349660529653142e-16 +mae,654.7299003045919 +mse,624301.9403469868 +rmse,790.1278000089522 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/val-metrics-2022.06.23.15.23.21.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/val-metrics-2022.06.23.15.23.21.csv new file mode 100644 index 0000000..372efa2 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/val-metrics-2022.06.23.15.23.21.csv @@ -0,0 +1,7 @@ +,0 +nll,529007.1003468313 +sharpness,5.486451733746391 +variation,1.6349660529653142e-16 +mae,654.7299003045919 +mse,624301.9403469868 +rmse,790.1278000089522 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/val-metrics-2022.06.23.16.06.04.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/val-metrics-2022.06.23.16.06.04.csv new file mode 100644 index 0000000..372efa2 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-2/val-metrics-2022.06.23.16.06.04.csv @@ -0,0 +1,7 @@ +,0 +nll,529007.1003468313 +sharpness,5.486451733746391 +variation,1.6349660529653142e-16 +mae,654.7299003045919 +mse,624301.9403469868 +rmse,790.1278000089522 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.01.20.15.23.31/train/events.out.tfevents.1642692211.node-e00a-007.myriad.ucl.ac.uk.31199.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.01.20.15.23.31/train/events.out.tfevents.1642692211.node-e00a-007.myriad.ucl.ac.uk.31199.0.v2 new file mode 100644 index 0000000..a85389e Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.01.20.15.23.31/train/events.out.tfevents.1642692211.node-e00a-007.myriad.ucl.ac.uk.31199.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.01.20.15.23.31/validation/events.out.tfevents.1642692236.node-e00a-007.myriad.ucl.ac.uk.31199.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.01.20.15.23.31/validation/events.out.tfevents.1642692236.node-e00a-007.myriad.ucl.ac.uk.31199.1.v2 new file mode 100644 index 0000000..8fdec81 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.01.20.15.23.31/validation/events.out.tfevents.1642692236.node-e00a-007.myriad.ucl.ac.uk.31199.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.01.26.17.31.16/train/events.out.tfevents.1643218276.node-l00a-002.myriad.ucl.ac.uk.233565.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.01.26.17.31.16/train/events.out.tfevents.1643218276.node-l00a-002.myriad.ucl.ac.uk.233565.0.v2 new file mode 100644 index 0000000..b7fa0a2 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.01.26.17.31.16/train/events.out.tfevents.1643218276.node-l00a-002.myriad.ucl.ac.uk.233565.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.01.26.17.31.16/validation/events.out.tfevents.1643218307.node-l00a-002.myriad.ucl.ac.uk.233565.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.01.26.17.31.16/validation/events.out.tfevents.1643218307.node-l00a-002.myriad.ucl.ac.uk.233565.1.v2 new file mode 100644 index 0000000..1c5d9c6 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.01.26.17.31.16/validation/events.out.tfevents.1643218307.node-l00a-002.myriad.ucl.ac.uk.233565.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.02.10.15.46.46/train/events.out.tfevents.1644508006.node-e00a-006.myriad.ucl.ac.uk.211469.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.02.10.15.46.46/train/events.out.tfevents.1644508006.node-e00a-006.myriad.ucl.ac.uk.211469.0.v2 new file mode 100644 index 0000000..912ff5d Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.02.10.15.46.46/train/events.out.tfevents.1644508006.node-e00a-006.myriad.ucl.ac.uk.211469.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.02.10.15.46.46/validation/events.out.tfevents.1644508032.node-e00a-006.myriad.ucl.ac.uk.211469.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.02.10.15.46.46/validation/events.out.tfevents.1644508032.node-e00a-006.myriad.ucl.ac.uk.211469.1.v2 new file mode 100644 index 0000000..c958780 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.02.10.15.46.46/validation/events.out.tfevents.1644508032.node-e00a-006.myriad.ucl.ac.uk.211469.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.02.11.01.52.42/train/events.out.tfevents.1644544362.node-e00a-014.myriad.ucl.ac.uk.80035.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.02.11.01.52.42/train/events.out.tfevents.1644544362.node-e00a-014.myriad.ucl.ac.uk.80035.0.v2 new file mode 100644 index 0000000..d8da684 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.02.11.01.52.42/train/events.out.tfevents.1644544362.node-e00a-014.myriad.ucl.ac.uk.80035.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.02.11.01.52.42/validation/events.out.tfevents.1644544388.node-e00a-014.myriad.ucl.ac.uk.80035.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.02.11.01.52.42/validation/events.out.tfevents.1644544388.node-e00a-014.myriad.ucl.ac.uk.80035.1.v2 new file mode 100644 index 0000000..d615005 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.02.11.01.52.42/validation/events.out.tfevents.1644544388.node-e00a-014.myriad.ucl.ac.uk.80035.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.02.14.19.09.06/train/events.out.tfevents.1644865746.node-l00a-004.myriad.ucl.ac.uk.211754.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.02.14.19.09.06/train/events.out.tfevents.1644865746.node-l00a-004.myriad.ucl.ac.uk.211754.0.v2 new file mode 100644 index 0000000..02441b0 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.02.14.19.09.06/train/events.out.tfevents.1644865746.node-l00a-004.myriad.ucl.ac.uk.211754.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.02.14.19.09.06/validation/events.out.tfevents.1644865772.node-l00a-004.myriad.ucl.ac.uk.211754.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.02.14.19.09.06/validation/events.out.tfevents.1644865772.node-l00a-004.myriad.ucl.ac.uk.211754.1.v2 new file mode 100644 index 0000000..3248ad6 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.02.14.19.09.06/validation/events.out.tfevents.1644865772.node-l00a-004.myriad.ucl.ac.uk.211754.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.03.10.23.03.55/train/events.out.tfevents.1646953435.node-l00a-002.myriad.ucl.ac.uk.76115.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.03.10.23.03.55/train/events.out.tfevents.1646953435.node-l00a-002.myriad.ucl.ac.uk.76115.0.v2 new file mode 100644 index 0000000..6b100dc Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.03.10.23.03.55/train/events.out.tfevents.1646953435.node-l00a-002.myriad.ucl.ac.uk.76115.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.03.10.23.03.55/validation/events.out.tfevents.1646953459.node-l00a-002.myriad.ucl.ac.uk.76115.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.03.10.23.03.55/validation/events.out.tfevents.1646953459.node-l00a-002.myriad.ucl.ac.uk.76115.1.v2 new file mode 100644 index 0000000..900b2ff Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/2022.03.10.23.03.55/validation/events.out.tfevents.1646953459.node-l00a-002.myriad.ucl.ac.uk.76115.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/metrics.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/metrics.csv new file mode 100644 index 0000000..7ca5935 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,2013345.0150999324 +sharpness,5.478331090868754 +variation,0.0 +mae,497.59411986167095 +mse,477508.64282425755 +rmse,691.0200017541154 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/predictions.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/predictions.csv new file mode 100644 index 0000000..9cb6550 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/predictions.csv @@ -0,0 +1,254 @@ +,Predicted value,Predicted standard deviation,True value +0,53.989352155069,5.478331090868753,718.5857219979254 +1,53.989352155069,5.478331090868753,247.5857593961698 +2,53.989352155069,5.478331090868753,590.5857321613547 +3,53.989352155069,5.478331090868753,856.5857110404779 +4,53.989352155069,5.478331090868753,694.5857239035686 +5,53.989352155069,5.478331090868753,336.58575232941024 +6,53.989352155069,5.478331090868753,542.5857359726408 +7,53.989352155069,5.478331090868753,376.58574915333855 +8,53.989352155069,5.478331090868753,359.5857505031691 +9,53.989352155069,5.478331090868753,369.5857497091512 +10,53.989352155069,5.478331090868753,230.58576074600026 +11,53.989352155069,5.478331090868753,679.5857250945952 +12,53.989352155069,5.478331090868753,910.5857067527812 +13,53.989352155069,5.478331090868753,199.5857632074558 +14,53.989352155069,5.478331090868753,204.58576281044685 +15,53.989352155069,5.478331090868753,781.5857169956122 +16,53.989352155069,5.478331090868753,109.58577035361715 +17,53.989352155069,5.478331090868753,703.5857231889522 +18,53.989352155069,5.478331090868753,181.58576463668808 +19,53.989352155069,5.478331090868753,695.3071651297435 +20,53.989352155069,5.478331090868753,276.58575709351777 +21,53.989352155069,5.478331090868753,709.5857227125415 +22,53.989352155069,5.478331090868753,592.5857320025513 +23,53.989352155069,5.478331090868753,595.5857317643457 +24,53.989352155069,5.478331090868753,619.5857298587027 +25,53.989352155069,5.478331090868753,904.376237450921 +26,53.989352155069,5.478331090868753,489.5857401809359 +27,53.989352155069,5.478331090868753,480.58574089555196 +28,53.989352155069,5.478331090868753,789.5857163603979 +29,53.989352155069,5.478331090868753,939.5857044501292 +30,53.989352155069,5.478331090868753,1209.5856830116452 +31,53.989352155069,5.478331090868753,262.5857582051429 +32,53.989352155069,5.478331090868753,295.5857555848837 +33,53.989352155069,5.478331090868753,396.58574756530265 +34,53.989352155069,5.478331090868753,150.58576709814366 +35,53.989352155069,5.478331090868753,481.5857408161503 +36,53.989352155069,5.478331090868753,171.58576543070603 +37,53.989352155069,5.478331090868753,1011.5856987332004 +38,53.989352155069,5.478331090868753,471.58574161016816 +39,53.989352155069,5.478331090868753,95.58577146524229 +40,53.989352155069,5.478331090868753,303.58575494966937 +41,53.989352155069,5.478331090868753,182.58576455728627 +42,53.989352155069,5.478331090868753,538.5857362902481 +43,53.989352155069,5.478331090868753,366.5857499473565 +44,53.989352155069,5.478331090868753,439.5857441510256 +45,53.989352155069,5.478331090868753,331.5857527264192 +46,53.989352155069,5.478331090868753,238.58576011078603 +47,53.989352155069,5.478331090868753,554.5857350198194 +48,53.989352155069,5.478331090868753,169.5857655895096 +49,53.989352155069,5.478331090868753,176.5857650336971 +50,53.989352155069,5.478331090868753,311.585754314455 +51,53.989352155069,5.478331090868753,166.585765827715 +52,53.989352155069,5.478331090868753,349.5857512971869 +53,53.989352155069,5.478331090868753,185.58576431908094 +54,53.989352155069,5.478331090868753,115.58576987720642 +55,53.989352155069,5.478331090868753,99.58577114763511 +56,53.989352155069,5.478331090868753,285.58575637890164 +57,53.989352155069,5.478331090868753,103.34535948486929 +58,53.989352155069,5.478331090868753,121.58576940079568 +59,53.989352155069,5.478331090868753,272.585757411125 +60,53.989352155069,5.478331090868753,263.5857581257411 +61,53.989352155069,5.478331090868753,295.5857555848837 +62,53.989352155069,5.478331090868753,289.5857560612945 +63,53.989352155069,5.478331090868753,265.58575796693754 +64,53.989352155069,5.478331090868753,470.5857416895698 +65,53.989352155069,5.478331090868753,141.58576781275983 +66,53.989352155069,5.478331090868753,113.58577003600998 +67,53.989352155069,5.478331090868753,85.58577225926021 +68,53.989352155069,5.478331090868753,1476.8987630443203 +69,53.989352155069,5.478331090868753,213.58576209583072 +70,53.989352155069,5.478331090868753,269.5857576493304 +71,53.989352155069,5.478331090868753,275.58575717291956 +72,53.989352155069,5.478331090868753,1045.5856960335393 +73,53.989352155069,5.478331090868753,223.58576130181282 +74,53.989352155069,5.478331090868753,3628.585490938709 +75,53.989352155069,5.478331090868753,3637.5854902240917 +76,53.989352155069,5.478331090868753,291.58575590249086 +77,53.989352155069,5.478331090868753,420.58574565965966 +78,53.989352155069,5.478331090868753,254.58575884035724 +79,53.989352155069,5.478331090868753,501.58573922811433 +80,53.989352155069,5.478331090868753,351.58575113838333 +81,53.989352155069,5.478331090868753,144.5857675745544 +82,53.989352155069,5.478331090868753,65.58577384729607 +83,53.989352155069,5.478331090868753,123.58576924199207 +84,53.989352155069,5.478331090868753,749.5857195364697 +85,53.989352155069,5.478331090868753,232.5857605871967 +86,53.989352155069,5.478331090868753,549.5857354168284 +87,53.989352155069,5.478331090868753,989.5857004800397 +88,53.989352155069,5.478331090868753,252.58575899916082 +89,53.989352155069,5.478331090868753,337.5857522500084 +90,53.989352155069,5.478331090868753,275.58575717291956 +91,53.989352155069,5.478331090868753,346.5857515353923 +92,53.989352155069,5.478331090868753,273.5857573317232 +93,53.989352155069,5.478331090868753,331.5857527264192 +94,53.989352155069,5.478331090868753,398.585747406499 +95,53.989352155069,5.478331090868753,472.58574153076637 +96,53.989352155069,5.478331090868753,445.5857436746148 +97,53.989352155069,5.478331090868753,454.58574295999847 +98,53.989352155069,5.478331090868753,653.5857271590419 +99,53.989352155069,5.478331090868753,726.5857213627112 +100,53.989352155069,5.478331090868753,304.58575487026764 +101,53.989352155069,5.478331090868753,165.58576590711678 +102,53.989352155069,5.478331090868753,554.5857350198194 +103,53.989352155069,5.478331090868753,315.58575399684787 +104,53.989352155069,5.478331090868753,257.3811557603249 +105,53.989352155069,5.478331090868753,594.4020938795843 +106,53.989352155069,5.478331090868753,1648.585648154258 +107,53.989352155069,5.478331090868753,83.58577241806378 +108,53.989352155069,5.478331090868753,142.58576773335804 +109,53.989352155069,5.478331090868753,714.5857223155325 +110,53.989352155069,5.478331090868753,166.585765827715 +111,53.989352155069,5.478331090868753,391.5857479623117 +112,53.989352155069,5.478331090868753,1070.5856940484944 +113,53.989352155069,5.478331090868753,1315.585674595055 +114,53.989352155069,5.478331090868753,507.58573875170373 +115,53.989352155069,5.478331090868753,863.5857104846657 +116,53.989352155069,5.478331090868753,150.58576709814366 +117,53.989352155069,5.478331090868753,598.5857315261405 +118,53.989352155069,5.478331090868753,1221.5856820588235 +119,53.989352155069,5.478331090868753,857.5857109610762 +120,53.989352155069,5.478331090868753,221.58576146061642 +121,53.989352155069,5.478331090868753,726.5857213627112 +122,53.989352155069,5.478331090868753,477.5857411337574 +123,53.989352155069,5.478331090868753,618.5857299381046 +124,53.989352155069,5.478331090868753,564.5857342258015 +125,53.989352155069,5.478331090868753,641.5857281118634 +126,53.989352155069,5.478331090868753,662.5857264444257 +127,53.989352155069,5.478331090868753,599.5857314467387 +128,53.989352155069,5.478331090868753,266.8364515022847 +129,53.989352155069,5.478331090868753,1128.5856894431904 +130,53.989352155069,5.478331090868753,895.0107895499382 +131,53.989352155069,5.478331090868753,350.5857512177851 +132,53.989352155069,5.478331090868753,381.5857487563297 +133,53.989352155069,5.478331090868753,2264.5855992427537 +134,53.989352155069,5.478331090868753,331.5857527264192 +135,53.989352155069,5.478331090868753,145.58576749515262 +136,53.989352155069,5.478331090868753,342.5857518529994 +137,53.989352155069,5.478331090868753,469.58574176897173 +138,53.989352155069,5.478331090868753,662.5857264444257 +139,53.989352155069,5.478331090868753,334.58575248821387 +140,53.989352155069,5.478331090868753,358.5857505825708 +141,53.989352155069,5.478331090868753,506.5857388311055 +142,53.989352155069,5.478331090868753,625.5857293822921 +143,53.989352155069,5.478331090868753,1178.4664455102513 +144,53.989352155069,5.478331090868753,925.5857055617543 +145,53.989352155069,5.478331090868753,550.5857353374264 +146,53.989352155069,5.478331090868753,608.5857307321222 +147,53.989352155069,5.478331090868753,1283.5856771359124 +148,53.989352155069,5.478331090868753,1033.8940424655252 +149,53.989352155069,5.478331090868753,631.5857289058813 +150,53.989352155069,5.478331090868753,339.58575209120477 +151,53.989352155069,5.478331090868753,652.5857272384436 +152,53.989352155069,5.478331090868753,637.5857284294706 +153,53.989352155069,5.478331090868753,1145.58568809336 +154,53.989352155069,5.478331090868753,459.58574256298965 +155,53.989352155069,5.478331090868753,435.58574446863264 +156,53.989352155069,5.478331090868753,223.58576130181282 +157,53.989352155069,5.478331090868753,329.58575288522275 +158,53.989352155069,5.478331090868753,259.58575844334825 +159,53.989352155069,5.478331090868753,207.58576257224152 +160,53.989352155069,5.478331090868753,192.58576376326835 +161,53.989352155069,5.478331090868753,240.5857599519823 +162,53.989352155069,5.478331090868753,473.5857414513646 +163,53.989352155069,5.478331090868753,123.58576924199207 +164,53.989352155069,5.478331090868753,215.5857619370272 +165,53.989352155069,5.478331090868753,108.58577043301895 +166,53.989352155069,5.478331090868753,122.58576932139387 +167,53.989352155069,5.478331090868753,201.58576304865227 +168,53.989352155069,5.478331090868753,85.58577225926021 +169,53.989352155069,5.478331090868753,231.60760465794567 +170,53.989352155069,5.478331090868753,2092.585612899862 +171,53.989352155069,5.478331090868753,2552.585576375037 +172,53.989352155069,5.478331090868753,1153.5856874581455 +173,53.989352155069,5.478331090868753,2100.5856122646474 +174,53.989352155069,5.478331090868753,1520.5856583176874 +175,53.989352155069,5.478331090868753,271.5857574905268 +176,53.989352155069,5.478331090868753,268.5857577287321 +177,53.989352155069,5.478331090868753,1147.5856879345565 +178,53.989352155069,5.478331090868753,121.58576940079568 +179,53.989352155069,5.478331090868753,363.5857501855618 +180,53.989352155069,5.478331090868753,1524.5856580000805 +181,53.989352155069,5.478331090868753,1177.5856855525024 +182,53.989352155069,5.478331090868753,1188.5856846790828 +183,53.989352155069,5.478331090868753,412.58574629487396 +184,53.989352155069,5.478331090868753,1309.585675071466 +185,53.989352155069,5.478331090868753,165.58576590711678 +186,53.989352155069,5.478331090868753,501.58573922811433 +187,53.989352155069,5.478331090868753,1394.5856683223135 +188,53.989352155069,5.478331090868753,856.608845977842 +189,53.989352155069,5.478331090868753,206.5857626516433 +190,53.989352155069,5.478331090868753,452.5857431188022 +191,53.989352155069,5.478331090868753,232.5857605871967 +192,53.989352155069,5.478331090868753,628.5857291440867 +193,53.989352155069,5.478331090868753,834.5857127873172 +194,53.989352155069,5.478331090868753,674.5857254916042 +195,53.989352155069,5.478331090868753,465.5857420865789 +196,53.989352155069,5.478331090868753,537.5857363696499 +197,53.989352155069,5.478331090868753,225.5857611430092 +198,53.989352155069,5.478331090868753,539.5857362108462 +199,53.989352155069,5.478331090868753,539.651141832417 +200,53.989352155069,5.478331090868753,737.4038770818173 +201,53.989352155069,5.478331090868753,270.5857575699285 +202,53.989352155069,5.478331090868753,934.5857048471382 +203,53.989352155069,5.478331090868753,195.58576352506302 +204,53.989352155069,5.478331090868753,447.58574351581115 +205,53.989352155069,5.478331090868753,289.5857560612945 +206,53.989352155069,5.478331090868753,674.5857254916042 +207,53.989352155069,5.478331090868753,174.58576519250062 +208,53.989352155069,5.478331090868753,799.5857155663801 +209,53.989352155069,5.478331090868753,1531.5856574442678 +210,53.989352155069,5.478331090868753,418.58574581846324 +211,53.989352155069,5.478331090868753,588.5857323201583 +212,53.989352155069,5.478331090868753,478.5857410543556 +213,53.989352155069,5.478331090868753,616.5857300969083 +214,53.989352155069,5.478331090868753,310.5857543938568 +215,53.989352155069,5.478331090868753,505.58573891050713 +216,53.989352155069,5.478331090868753,314.5857540762497 +217,53.989352155069,5.478331090868753,731.5857209657021 +218,53.989352155069,5.478331090868753,384.58574851812415 +219,53.989352155069,5.478331090868753,175.58576511309886 +220,53.989352155069,5.478331090868753,412.58574629487396 +221,53.989352155069,5.478331090868753,122.58576932139387 +222,53.989352155069,5.478331090868753,618.5857299381046 +223,53.989352155069,5.478331090868753,376.58574915333855 +224,53.989352155069,5.478331090868753,324.58575328223185 +225,53.989352155069,5.478331090868753,693.5857239829703 +226,53.989352155069,5.478331090868753,566.5857340669977 +227,53.989352155069,5.478331090868753,716.5857221567288 +228,53.989352155069,5.478331090868753,657.5857268414347 +229,53.989352155069,5.478331090868753,357.5857506619725 +230,53.989352155069,5.478331090868753,657.5857268414347 +231,53.989352155069,5.478331090868753,504.5857389899089 +232,53.989352155069,5.478331090868753,228.58576090480392 +233,53.989352155069,5.478331090868753,272.585757411125 +234,53.989352155069,5.478331090868753,186.5857642396791 +235,53.989352155069,5.478331090868753,446.0864616460566 +236,53.989352155069,5.478331090868753,624.5857294616939 +237,53.989352155069,5.478331090868753,497.5857395457216 +238,53.989352155069,5.478331090868753,252.58575899916082 +239,53.989352155069,5.478331090868753,368.58574978855285 +240,53.989352155069,5.478331090868753,211.58576225463432 +241,53.989352155069,5.478331090868753,949.5857036561116 +242,53.989352155069,5.478331090868753,311.585754314455 +243,53.989352155069,5.478331090868753,1208.585683091047 +244,53.989352155069,5.478331090868753,308.7520560368611 +245,53.989352155069,5.478331090868753,918.5857061175667 +246,53.989352155069,5.478331090868753,477.2236575467816 +247,53.989352155069,5.478331090868753,411.5857463742758 +248,53.989352155069,5.478331090868753,512.5857383546946 +249,53.989352155069,5.478331090868753,608.5857307321222 +250,53.989352155069,5.478331090868753,603.5857311291314 +251,53.989352155069,5.478331090868753,219.71838321658527 +252,53.989352155069,5.478331090868753,1090.5856924604586 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/val-metrics-2022.03.17.22.10.07.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/val-metrics-2022.03.17.22.10.07.csv new file mode 100644 index 0000000..983b88e --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/val-metrics-2022.03.17.22.10.07.csv @@ -0,0 +1,7 @@ +,0 +nll,448773.17965908605 +sharpness,5.478331090868753 +variation,3.2747791935611366e-16 +mae,582.0677020495731 +mse,528024.3492431554 +rmse,726.6528395617507 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/val-metrics-2022.06.23.19.06.18.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/val-metrics-2022.06.23.19.06.18.csv new file mode 100644 index 0000000..983b88e --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-3/val-metrics-2022.06.23.19.06.18.csv @@ -0,0 +1,7 @@ +,0 +nll,448773.17965908605 +sharpness,5.478331090868753 +variation,3.2747791935611366e-16 +mae,582.0677020495731 +mse,528024.3492431554 +rmse,726.6528395617507 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.01.20.15.20.11/train/events.out.tfevents.1642692011.node-l00a-006.myriad.ucl.ac.uk.54247.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.01.20.15.20.11/train/events.out.tfevents.1642692011.node-l00a-006.myriad.ucl.ac.uk.54247.0.v2 new file mode 100644 index 0000000..7018362 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.01.20.15.20.11/train/events.out.tfevents.1642692011.node-l00a-006.myriad.ucl.ac.uk.54247.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.01.20.15.20.11/validation/events.out.tfevents.1642692034.node-l00a-006.myriad.ucl.ac.uk.54247.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.01.20.15.20.11/validation/events.out.tfevents.1642692034.node-l00a-006.myriad.ucl.ac.uk.54247.1.v2 new file mode 100644 index 0000000..2ad3390 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.01.20.15.20.11/validation/events.out.tfevents.1642692034.node-l00a-006.myriad.ucl.ac.uk.54247.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.01.26.18.08.30/train/events.out.tfevents.1643220510.node-l00a-002.myriad.ucl.ac.uk.193434.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.01.26.18.08.30/train/events.out.tfevents.1643220510.node-l00a-002.myriad.ucl.ac.uk.193434.0.v2 new file mode 100644 index 0000000..9818756 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.01.26.18.08.30/train/events.out.tfevents.1643220510.node-l00a-002.myriad.ucl.ac.uk.193434.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.01.26.18.08.30/validation/events.out.tfevents.1643220529.node-l00a-002.myriad.ucl.ac.uk.193434.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.01.26.18.08.30/validation/events.out.tfevents.1643220529.node-l00a-002.myriad.ucl.ac.uk.193434.1.v2 new file mode 100644 index 0000000..2c9b423 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.01.26.18.08.30/validation/events.out.tfevents.1643220529.node-l00a-002.myriad.ucl.ac.uk.193434.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.02.10.15.46.26/train/events.out.tfevents.1644507986.node-e00a-018.myriad.ucl.ac.uk.149058.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.02.10.15.46.26/train/events.out.tfevents.1644507986.node-e00a-018.myriad.ucl.ac.uk.149058.0.v2 new file mode 100644 index 0000000..adc03a3 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.02.10.15.46.26/train/events.out.tfevents.1644507986.node-e00a-018.myriad.ucl.ac.uk.149058.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.02.10.15.46.26/validation/events.out.tfevents.1644508005.node-e00a-018.myriad.ucl.ac.uk.149058.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.02.10.15.46.26/validation/events.out.tfevents.1644508005.node-e00a-018.myriad.ucl.ac.uk.149058.1.v2 new file mode 100644 index 0000000..30ae85e Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.02.10.15.46.26/validation/events.out.tfevents.1644508005.node-e00a-018.myriad.ucl.ac.uk.149058.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.02.11.06.14.43/train/events.out.tfevents.1644560083.node-j00a-002.myriad.ucl.ac.uk.190697.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.02.11.06.14.43/train/events.out.tfevents.1644560083.node-j00a-002.myriad.ucl.ac.uk.190697.0.v2 new file mode 100644 index 0000000..a459f42 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.02.11.06.14.43/train/events.out.tfevents.1644560083.node-j00a-002.myriad.ucl.ac.uk.190697.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.02.11.06.14.43/validation/events.out.tfevents.1644560104.node-j00a-002.myriad.ucl.ac.uk.190697.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.02.11.06.14.43/validation/events.out.tfevents.1644560104.node-j00a-002.myriad.ucl.ac.uk.190697.1.v2 new file mode 100644 index 0000000..1d6dbba Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.02.11.06.14.43/validation/events.out.tfevents.1644560104.node-j00a-002.myriad.ucl.ac.uk.190697.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.02.14.18.55.23/train/events.out.tfevents.1644864923.node-e00a-018.myriad.ucl.ac.uk.58903.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.02.14.18.55.23/train/events.out.tfevents.1644864923.node-e00a-018.myriad.ucl.ac.uk.58903.0.v2 new file mode 100644 index 0000000..b43afaa Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.02.14.18.55.23/train/events.out.tfevents.1644864923.node-e00a-018.myriad.ucl.ac.uk.58903.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.02.14.18.55.23/validation/events.out.tfevents.1644864948.node-e00a-018.myriad.ucl.ac.uk.58903.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.02.14.18.55.23/validation/events.out.tfevents.1644864948.node-e00a-018.myriad.ucl.ac.uk.58903.1.v2 new file mode 100644 index 0000000..a1f64c1 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.02.14.18.55.23/validation/events.out.tfevents.1644864948.node-e00a-018.myriad.ucl.ac.uk.58903.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.03.11.10.57.33/train/events.out.tfevents.1646996254.node-l00a-002.myriad.ucl.ac.uk.133152.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.03.11.10.57.33/train/events.out.tfevents.1646996254.node-l00a-002.myriad.ucl.ac.uk.133152.0.v2 new file mode 100644 index 0000000..3fceb7c Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.03.11.10.57.33/train/events.out.tfevents.1646996254.node-l00a-002.myriad.ucl.ac.uk.133152.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.03.11.10.57.33/validation/events.out.tfevents.1646996289.node-l00a-002.myriad.ucl.ac.uk.133152.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.03.11.10.57.33/validation/events.out.tfevents.1646996289.node-l00a-002.myriad.ucl.ac.uk.133152.1.v2 new file mode 100644 index 0000000..d2a5538 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/2022.03.11.10.57.33/validation/events.out.tfevents.1646996289.node-l00a-002.myriad.ucl.ac.uk.133152.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/metrics.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/metrics.csv new file mode 100644 index 0000000..19e8b38 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,1562277.0410592193 +sharpness,6.098778942939913 +variation,1.4592083792235365e-16 +mae,515.931681008927 +mse,459157.2777667439 +rmse,677.6114504395155 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/predictions.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/predictions.csv new file mode 100644 index 0000000..0af59b6 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/predictions.csv @@ -0,0 +1,254 @@ +,Predicted value,Predicted standard deviation,True value +0,64.86285023475105,6.098778942939913,98.58577122703691 +1,64.86285023475105,6.098778942939913,339.58575209120477 +2,64.86285023475105,6.098778942939913,344.5857516941958 +3,64.86285023475105,6.098778942939913,100.58577106823331 +4,64.86285023475105,6.098778942939913,322.5857534410353 +5,64.86285023475105,6.098778942939913,355.58575082077624 +6,64.86285023475105,6.098778942939913,719.5857219185235 +7,64.86285023475105,6.098778942939913,172.58576535130422 +8,64.86285023475105,6.098778942939913,69.63722405788964 +9,64.86285023475105,6.098778942939913,270.5857575699285 +10,64.86285023475105,6.098778942939913,1979.5856218722645 +11,64.86285023475105,6.098778942939913,429.5857449450435 +12,64.86285023475105,6.098778942939913,187.58576416027734 +13,64.86285023475105,6.098778942939913,219.58576161942003 +14,64.86285023475105,6.098778942939913,1826.5856340207388 +15,64.86285023475105,6.098778942939913,317.58575383804435 +16,64.86285023475105,6.098778942939913,217.5857617782236 +17,64.86285023475105,6.098778942939913,330.5857528058209 +18,64.86285023475105,6.098778942939913,833.7677456801904 +19,64.86285023475105,6.098778942939913,907.5857069909863 +20,64.86285023475105,6.098778942939913,414.5857461360704 +21,64.86285023475105,6.098778942939913,485.1102590218785 +22,64.86285023475105,6.098778942939913,224.58576122241104 +23,64.86285023475105,6.098778942939913,1112.585690713619 +24,64.86285023475105,6.098778942939913,2014.5856190932016 +25,64.86285023475105,6.098778942939913,227.5857609842057 +26,64.86285023475105,6.098778942939913,531.5857368460606 +27,64.86285023475105,6.098778942939913,689.5857243005772 +28,64.86285023475105,6.098778942939913,753.9456261761827 +29,64.86285023475105,6.098778942939913,776.3577663735823 +30,64.86285023475105,6.098778942939913,795.5857158839873 +31,64.86285023475105,6.098778942939913,350.5857512177851 +32,64.86285023475105,6.098778942939913,280.5857567759106 +33,64.86285023475105,6.098778942939913,1326.5856737216354 +34,64.86285023475105,6.098778942939913,534.5857366078552 +35,64.86285023475105,6.098778942939913,465.5857420865789 +36,64.86285023475105,6.098778942939913,275.58575717291956 +37,64.86285023475105,6.098778942939913,558.5857347022122 +38,64.86285023475105,6.098778942939913,323.58575336163346 +39,64.86285023475105,6.098778942939913,571.5857336699888 +40,64.86285023475105,6.098778942939913,791.5857162015947 +41,64.86285023475105,6.098778942939913,647.5142591836287 +42,64.86285023475105,6.098778942939913,260.58575836394647 +43,64.86285023475105,6.098778942939913,226.58576106360744 +44,64.86285023475105,6.098778942939913,364.58575010616005 +45,64.86285023475105,6.098778942939913,206.5857626516433 +46,64.86285023475105,6.098778942939913,296.585755505482 +47,64.86285023475105,6.098778942939913,244.5857596343752 +48,64.86285023475105,6.098778942939913,173.5857652719024 +49,64.86285023475105,6.098778942939913,272.585757411125 +50,64.86285023475105,6.098778942939913,468.58574184837363 +51,64.86285023475105,6.098778942939913,506.5857388311055 +52,64.86285023475105,6.098778942939913,534.5857366078552 +53,64.86285023475105,6.098778942939913,331.5857527264192 +54,64.86285023475105,6.098778942939913,138.58576805096516 +55,64.86285023475105,6.098778942939913,181.58576463668808 +56,64.86285023475105,6.098778942939913,76.58577297387635 +57,64.86285023475105,6.098778942939913,242.58575979317874 +58,64.86285023475105,6.098778942939913,273.5857573317232 +59,64.86285023475105,6.098778942939913,408.58574661248116 +60,64.86285023475105,6.098778942939913,397.5857474859008 +61,64.86285023475105,6.098778942939913,201.58576304865227 +62,64.86285023475105,6.098778942939913,377.5857490739367 +63,64.86285023475105,6.098778942939913,119.58576955959923 +64,64.86285023475105,6.098778942939913,139.58576797156337 +65,64.86285023475105,6.098778942939913,69.58577352968891 +66,64.86285023475105,6.098778942939913,336.58575232941024 +67,64.86285023475105,6.098778942939913,361.5857503443654 +68,64.86285023475105,6.098778942939913,283.58575653770527 +69,64.86285023475105,6.098778942939913,116.58576979780462 +70,64.86285023475105,6.098778942939913,999.5856996860216 +71,64.86285023475105,6.098778942939913,934.5857048471382 +72,64.86285023475105,6.098778942939913,779.5857171544162 +73,64.86285023475105,6.098778942939913,1886.5856292566314 +74,64.86285023475105,6.098778942939913,276.58575709351777 +75,64.86285023475105,6.098778942939913,381.5857487563297 +76,64.86285023475105,6.098778942939913,2131.5856098031923 +77,64.86285023475105,6.098778942939913,847.5857117550943 +78,64.86285023475105,6.098778942939913,210.5857623340361 +79,64.86285023475105,6.098778942939913,479.58574097495386 +80,64.86285023475105,6.098778942939913,684.5857246975862 +81,64.86285023475105,6.098778942939913,564.5857342258015 +82,64.86285023475105,6.098778942939913,563.5857343052032 +83,64.86285023475105,6.098778942939913,143.5857676539562 +84,64.86285023475105,6.098778942939913,317.58575383804435 +85,64.86285023475105,6.098778942939913,374.5857493121421 +86,64.86285023475105,6.098778942939913,322.5857534410353 +87,64.86285023475105,6.098778942939913,791.5857162015947 +88,64.86285023475105,6.098778942939913,222.5857613812146 +89,64.86285023475105,6.098778942939913,483.58574065734666 +90,64.86285023475105,6.098778942939913,602.5857312085333 +91,64.86285023475105,6.098778942939913,765.585718266041 +92,64.86285023475105,6.098778942939913,475.585741292561 +93,64.86285023475105,6.098778942939913,298.9949156176686 +94,64.86285023475105,6.098778942939913,311.585754314455 +95,64.86285023475105,6.098778942939913,721.2550053696123 +96,64.86285023475105,6.098778942939913,272.585757411125 +97,64.86285023475105,6.098778942939913,803.5857152487729 +98,64.86285023475105,6.098778942939913,300.5857551878748 +99,64.86285023475105,6.098778942939913,782.6436177376511 +100,64.86285023475105,6.098778942939913,1786.5856371968107 +101,64.86285023475105,6.098778942939913,401.58574716829366 +102,64.86285023475105,6.098778942939913,578.5857331141764 +103,64.86285023475105,6.098778942939913,859.5857108022728 +104,64.86285023475105,6.098778942939913,371.58574955034754 +105,64.86285023475105,6.098778942939913,346.5857515353923 +106,64.86285023475105,6.098778942939913,524.5857374018732 +107,64.86285023475105,6.098778942939913,850.5857115168886 +108,64.86285023475105,6.098778942939913,765.585718266041 +109,64.86285023475105,6.098778942939913,2551.585576454439 +110,64.86285023475105,6.098778942939913,598.5857315261405 +111,64.86285023475105,6.098778942939913,672.5857256504078 +112,64.86285023475105,6.098778942939913,607.5857308115244 +113,64.86285023475105,6.098778942939913,679.5857250945952 +114,64.86285023475105,6.098778942939913,1173.5856858701095 +115,64.86285023475105,6.098778942939913,84.58577233866201 +116,64.86285023475105,6.098778942939913,644.585727873658 +117,64.86285023475105,6.098778942939913,462.5857423247843 +118,64.86285023475105,6.098778942939913,873.5857096906476 +119,64.86285023475105,6.098778942939913,710.5857226331398 +120,64.86285023475105,6.098778942939913,795.5857158839873 +121,64.86285023475105,6.098778942939913,601.5857312879351 +122,64.86285023475105,6.098778942939913,1065.5856944455031 +123,64.86285023475105,6.098778942939913,462.5857423247843 +124,64.86285023475105,6.098778942939913,735.538617696687 +125,64.86285023475105,6.098778942939913,602.5857312085333 +126,64.86285023475105,6.098778942939913,1804.5856357675784 +127,64.86285023475105,6.098778942939913,615.58573017631 +128,64.86285023475105,6.098778942939913,607.5857308115244 +129,64.86285023475105,6.098778942939913,793.3945295514336 +130,64.86285023475105,6.098778942939913,310.5857543938568 +131,64.86285023475105,6.098778942939913,173.5857652719024 +132,64.86285023475105,6.098778942939913,478.5857410543556 +133,64.86285023475105,6.098778942939913,581.585732875971 +134,64.86285023475105,6.098778942939913,573.5857335111854 +135,64.86285023475105,6.098778942939913,515.5857381164893 +136,64.86285023475105,6.098778942939913,1184.5856849966901 +137,64.86285023475105,6.098778942939913,2160.58560750054 +138,64.86285023475105,6.098778942939913,460.58574248358804 +139,64.86285023475105,6.098778942939913,447.58574351581115 +140,64.86285023475105,6.098778942939913,507.58573875170373 +141,64.86285023475105,6.098778942939913,687.5584521825792 +142,64.86285023475105,6.098778942939913,234.5857604283931 +143,64.86285023475105,6.098778942939913,390.58574804171343 +144,64.86285023475105,6.098778942939913,374.5857493121421 +145,64.86285023475105,6.098778942939913,631.5857289058813 +146,64.86285023475105,6.098778942939913,509.5857385929 +147,64.86285023475105,6.098778942939913,574.5857334317835 +148,64.86285023475105,6.098778942939913,680.5857250151935 +149,64.86285023475105,6.098778942939913,1194.5856842026724 +150,64.86285023475105,6.098778942939913,334.58575248821387 +151,64.86285023475105,6.098778942939913,336.58575232941024 +152,64.86285023475105,6.098778942939913,480.58574089555196 +153,64.86285023475105,6.098778942939913,811.5857146135588 +154,64.86285023475105,6.098778942939913,330.5857528058209 +155,64.86285023475105,6.098778942939913,322.5857534410353 +156,64.86285023475105,6.098778942939913,604.5857310497298 +157,64.86285023475105,6.098778942939913,202.58576296925045 +158,64.86285023475105,6.098778942939913,126.58576900378668 +159,64.86285023475105,6.098778942939913,849.5857115962906 +160,64.86285023475105,6.098778942939913,236.5857602695895 +161,64.86285023475105,6.098778942939913,154.5857667805365 +162,64.86285023475105,6.098778942939913,287.5857562200981 +163,64.86285023475105,6.098778942939913,400.58574724769545 +164,64.86285023475105,6.098778942939913,634.585728667676 +165,64.86285023475105,6.098778942939913,309.58575447325865 +166,64.86285023475105,6.098778942939913,503.5857390693108 +167,64.86285023475105,6.098778942939913,61.58577416490324 +168,64.86285023475105,6.098778942939913,680.5857250151935 +169,64.86285023475105,6.098778942939913,791.5857162015947 +170,64.86285023475105,6.098778942939913,675.5857254122026 +171,64.86285023475105,6.098778942939913,333.5857525676157 +172,64.86285023475105,6.098778942939913,2094.5856127410584 +173,64.86285023475105,6.098778942939913,1220.5856821382256 +174,64.86285023475105,6.098778942939913,643.5857279530597 +175,64.86285023475105,6.098778942939913,1310.585674992064 +176,64.86285023475105,6.098778942939913,1271.585678088734 +177,64.86285023475105,6.098778942939913,302.5857550290712 +178,64.86285023475105,6.098778942939913,221.58576146061642 +179,64.86285023475105,6.098778942939913,767.5857181072374 +180,64.86285023475105,6.098778942939913,575.5857333523818 +181,64.86285023475105,6.098778942939913,1976.585622110471 +182,64.86285023475105,6.098778942939913,777.5857173132196 +183,64.86285023475105,6.098778942939913,436.58574438923085 +184,64.86285023475105,6.098778942939913,500.5857393075161 +185,64.86285023475105,6.098778942939913,207.58576257224152 +186,64.86285023475105,6.098778942939913,509.5857385929 +187,64.86285023475105,6.098778942939913,749.5857195364697 +188,64.86285023475105,6.098778942939913,365.5857500267583 +189,64.86285023475105,6.098778942939913,142.58576773335804 +190,64.86285023475105,6.098778942939913,589.5857322407568 +191,64.86285023475105,6.098778942939913,163.58576606592038 +192,64.86285023475105,6.098778942939913,480.58574089555196 +193,64.86285023475105,6.098778942939913,477.5857411337574 +194,64.86285023475105,6.098778942939913,541.5857360520424 +195,64.86285023475105,6.098778942939913,1129.5856893637886 +196,64.86285023475105,6.098778942939913,596.5857316849441 +197,64.86285023475105,6.098778942939913,781.5857169956122 +198,64.86285023475105,6.098778942939913,310.5857543938568 +199,64.86285023475105,6.098778942939913,289.5857560612945 +200,64.86285023475105,6.098778942939913,603.5857311291314 +201,64.86285023475105,6.098778942939913,190.58576392207195 +202,64.86285023475105,6.098778942939913,426.5857451832489 +203,64.86285023475105,6.098778942939913,769.1800191221088 +204,64.86285023475105,6.098778942939913,465.5857420865789 +205,64.86285023475105,6.098778942939913,357.5857506619725 +206,64.86285023475105,6.098778942939913,423.1282952930162 +207,64.86285023475105,6.098778942939913,269.5857576493304 +208,64.86285023475105,6.098778942939913,1343.585672371805 +209,64.86285023475105,6.098778942939913,326.5857531234282 +210,64.86285023475105,6.098778942939913,1445.585664272822 +211,64.86285023475105,6.098778942939913,557.585734781614 +212,64.86285023475105,6.098778942939913,588.5857323201583 +213,64.86285023475105,6.098778942939913,288.5857561406963 +214,64.86285023475105,6.098778942939913,288.5857561406963 +215,64.86285023475105,6.098778942939913,670.5857258092112 +216,64.86285023475105,6.098778942939913,496.5857396251232 +217,64.86285023475105,6.098778942939913,125.58576908318848 +218,64.86285023475105,6.098778942939913,399.5857473270973 +219,64.86285023475105,6.098778942939913,113.58577003600998 +220,64.86285023475105,6.098778942939913,353.58575097957976 +221,64.86285023475105,6.098778942939913,673.585725571006 +222,64.86285023475105,6.098778942939913,284.58575645830336 +223,64.86285023475105,6.098778942939913,1052.5856954777264 +224,64.86285023475105,6.098778942939913,418.58574581846324 +225,64.86285023475105,6.098778942939913,214.585762016429 +226,64.86285023475105,6.098778942939913,405.017588021876 +227,64.86285023475105,6.098778942939913,346.5857515353923 +228,64.86285023475105,6.098778942939913,1298.5856759448855 +229,64.86285023475105,6.098778942939913,252.58575899916082 +230,64.86285023475105,6.098778942939913,486.5857404191413 +231,64.86285023475105,6.098778942939913,666.5857261268186 +232,64.86285023475105,6.098778942939913,580.256144779931 +233,64.86285023475105,6.098778942939913,241.58575987258044 +234,64.86285023475105,6.098778942939913,328.5857529646245 +235,64.86285023475105,6.098778942939913,2042.5856168699515 +236,64.86285023475105,6.098778942939913,223.58576130181282 +237,64.86285023475105,6.098778942939913,177.58576495429523 +238,64.86285023475105,6.098778942939913,975.5857015916647 +239,64.86285023475105,6.098778942939913,806.5857150105676 +240,64.86285023475105,6.098778942939913,217.5857617782236 +241,64.86285023475105,6.098778942939913,1496.5856602233305 +242,64.86285023475105,6.098778942939913,645.5857277942563 +243,64.86285023475105,6.098778942939913,201.58576304865227 +244,64.86285023475105,6.098778942939913,224.58576122241104 +245,64.86285023475105,6.098778942939913,506.5857388311055 +246,64.86285023475105,6.098778942939913,1423.5856660196616 +247,64.86285023475105,6.098778942939913,1297.5856760242873 +248,64.86285023475105,6.098778942939913,1407.5856672900907 +249,64.86285023475105,6.098778942939913,261.5857582845447 +250,64.86285023475105,6.098778942939913,605.9291732079247 +251,64.86285023475105,6.098778942939913,774.5857175514249 +252,64.86285023475105,6.098778942939913,142.58576773335804 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/val-metrics-2022.03.17.22.16.33.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/val-metrics-2022.03.17.22.16.33.csv new file mode 100644 index 0000000..5dfd49f --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/val-metrics-2022.03.17.22.16.33.csv @@ -0,0 +1,7 @@ +,0 +nll,323783.07955324947 +sharpness,6.098778942939913 +variation,1.4708128331642692e-16 +mae,555.9901541423064 +mse,472077.3519621492 +rmse,687.0788542533886 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/val-metrics-2022.06.23.19.06.18.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/val-metrics-2022.06.23.19.06.18.csv new file mode 100644 index 0000000..5dfd49f --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-100-4/val-metrics-2022.06.23.19.06.18.csv @@ -0,0 +1,7 @@ +,0 +nll,323783.07955324947 +sharpness,6.098778942939913 +variation,1.4708128331642692e-16 +mae,555.9901541423064 +mse,472077.3519621492 +rmse,687.0788542533886 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.01.26.17.37.09/train/events.out.tfevents.1643218629.node-e00a-008.myriad.ucl.ac.uk.111520.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.01.26.17.37.09/train/events.out.tfevents.1643218629.node-e00a-008.myriad.ucl.ac.uk.111520.0.v2 new file mode 100644 index 0000000..a4ce210 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.01.26.17.37.09/train/events.out.tfevents.1643218629.node-e00a-008.myriad.ucl.ac.uk.111520.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.01.26.17.37.09/validation/events.out.tfevents.1643218656.node-e00a-008.myriad.ucl.ac.uk.111520.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.01.26.17.37.09/validation/events.out.tfevents.1643218656.node-e00a-008.myriad.ucl.ac.uk.111520.1.v2 new file mode 100644 index 0000000..fbc1065 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.01.26.17.37.09/validation/events.out.tfevents.1643218656.node-e00a-008.myriad.ucl.ac.uk.111520.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.02.10.18.41.08/train/events.out.tfevents.1644518468.node-j00a-002.myriad.ucl.ac.uk.4512.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.02.10.18.41.08/train/events.out.tfevents.1644518468.node-j00a-002.myriad.ucl.ac.uk.4512.0.v2 new file mode 100644 index 0000000..0692234 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.02.10.18.41.08/train/events.out.tfevents.1644518468.node-j00a-002.myriad.ucl.ac.uk.4512.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.02.10.18.41.08/validation/events.out.tfevents.1644518496.node-j00a-002.myriad.ucl.ac.uk.4512.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.02.10.18.41.08/validation/events.out.tfevents.1644518496.node-j00a-002.myriad.ucl.ac.uk.4512.1.v2 new file mode 100644 index 0000000..28ddcb9 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.02.10.18.41.08/validation/events.out.tfevents.1644518496.node-j00a-002.myriad.ucl.ac.uk.4512.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.03.28.16.55.14/train/events.out.tfevents.1648482914.node-l00a-006.myriad.ucl.ac.uk.76053.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.03.28.16.55.14/train/events.out.tfevents.1648482914.node-l00a-006.myriad.ucl.ac.uk.76053.0.v2 new file mode 100644 index 0000000..abffa45 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.03.28.16.55.14/train/events.out.tfevents.1648482914.node-l00a-006.myriad.ucl.ac.uk.76053.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.03.28.16.55.14/validation/events.out.tfevents.1648482962.node-l00a-006.myriad.ucl.ac.uk.76053.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.03.28.16.55.14/validation/events.out.tfevents.1648482962.node-l00a-006.myriad.ucl.ac.uk.76053.1.v2 new file mode 100644 index 0000000..71cea15 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.03.28.16.55.14/validation/events.out.tfevents.1648482962.node-l00a-006.myriad.ucl.ac.uk.76053.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.03.29.13.55.30/train/events.out.tfevents.1648558530.node-j00a-002.myriad.ucl.ac.uk.45966.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.03.29.13.55.30/train/events.out.tfevents.1648558530.node-j00a-002.myriad.ucl.ac.uk.45966.0.v2 new file mode 100644 index 0000000..c937912 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.03.29.13.55.30/train/events.out.tfevents.1648558530.node-j00a-002.myriad.ucl.ac.uk.45966.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.03.29.13.55.30/validation/events.out.tfevents.1648558569.node-j00a-002.myriad.ucl.ac.uk.45966.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.03.29.13.55.30/validation/events.out.tfevents.1648558569.node-j00a-002.myriad.ucl.ac.uk.45966.1.v2 new file mode 100644 index 0000000..3019d76 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.03.29.13.55.30/validation/events.out.tfevents.1648558569.node-j00a-002.myriad.ucl.ac.uk.45966.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.03.29.16.03.19/train/events.out.tfevents.1648566199.node-l00a-004.myriad.ucl.ac.uk.133167.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.03.29.16.03.19/train/events.out.tfevents.1648566199.node-l00a-004.myriad.ucl.ac.uk.133167.0.v2 new file mode 100644 index 0000000..92f6006 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.03.29.16.03.19/train/events.out.tfevents.1648566199.node-l00a-004.myriad.ucl.ac.uk.133167.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.03.29.16.03.19/validation/events.out.tfevents.1648566247.node-l00a-004.myriad.ucl.ac.uk.133167.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.03.29.16.03.19/validation/events.out.tfevents.1648566247.node-l00a-004.myriad.ucl.ac.uk.133167.1.v2 new file mode 100644 index 0000000..acff1dc Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.03.29.16.03.19/validation/events.out.tfevents.1648566247.node-l00a-004.myriad.ucl.ac.uk.133167.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.03.31.17.09.56/train/events.out.tfevents.1648742996.node-l00a-006.myriad.ucl.ac.uk.149748.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.03.31.17.09.56/train/events.out.tfevents.1648742996.node-l00a-006.myriad.ucl.ac.uk.149748.0.v2 new file mode 100644 index 0000000..dd6d771 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.03.31.17.09.56/train/events.out.tfevents.1648742996.node-l00a-006.myriad.ucl.ac.uk.149748.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.03.31.17.09.56/validation/events.out.tfevents.1648743031.node-l00a-006.myriad.ucl.ac.uk.149748.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.03.31.17.09.56/validation/events.out.tfevents.1648743031.node-l00a-006.myriad.ucl.ac.uk.149748.1.v2 new file mode 100644 index 0000000..397f2bf Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.03.31.17.09.56/validation/events.out.tfevents.1648743031.node-l00a-006.myriad.ucl.ac.uk.149748.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.04.04.16.49.16/train/events.out.tfevents.1649087356.node-e00a-010.myriad.ucl.ac.uk.246524.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.04.04.16.49.16/train/events.out.tfevents.1649087356.node-e00a-010.myriad.ucl.ac.uk.246524.0.v2 new file mode 100644 index 0000000..4a557e5 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.04.04.16.49.16/train/events.out.tfevents.1649087356.node-e00a-010.myriad.ucl.ac.uk.246524.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.04.04.16.49.16/validation/events.out.tfevents.1649087407.node-e00a-010.myriad.ucl.ac.uk.246524.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.04.04.16.49.16/validation/events.out.tfevents.1649087407.node-e00a-010.myriad.ucl.ac.uk.246524.1.v2 new file mode 100644 index 0000000..9d506eb Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.04.04.16.49.16/validation/events.out.tfevents.1649087407.node-e00a-010.myriad.ucl.ac.uk.246524.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.04.05.00.35.36/train/events.out.tfevents.1649115336.node-e00a-017.myriad.ucl.ac.uk.174005.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.04.05.00.35.36/train/events.out.tfevents.1649115336.node-e00a-017.myriad.ucl.ac.uk.174005.0.v2 new file mode 100644 index 0000000..2832356 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.04.05.00.35.36/train/events.out.tfevents.1649115336.node-e00a-017.myriad.ucl.ac.uk.174005.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.04.05.00.35.36/validation/events.out.tfevents.1649115366.node-e00a-017.myriad.ucl.ac.uk.174005.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.04.05.00.35.36/validation/events.out.tfevents.1649115366.node-e00a-017.myriad.ucl.ac.uk.174005.1.v2 new file mode 100644 index 0000000..cf06ff2 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/2022.04.05.00.35.36/validation/events.out.tfevents.1649115366.node-e00a-017.myriad.ucl.ac.uk.174005.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/metrics.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/metrics.csv new file mode 100644 index 0000000..a832ddb --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,92801.4686966746 +sharpness,20.211700534382555 +variation,1.7612351462324597e-16 +mae,334.27902092962324 +mse,296481.4801593419 +rmse,544.5011296217317 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/predictions.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/predictions.csv new file mode 100644 index 0000000..0e5594a --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/predictions.csv @@ -0,0 +1,254 @@ +,Predicted value,Predicted standard deviation,True value +0,554.8038530353547,20.211700534382555,701.5857233477558 +1,554.8038530353547,20.211700534382555,1138.5856886491724 +2,554.8038530353547,20.211700534382555,297.5857554260802 +3,554.8038530353547,20.211700534382555,523.5857374812748 +4,554.8038530353547,20.211700534382555,483.58574065734666 +5,554.8038530353547,20.211700534382555,135.9557896728841 +6,554.8038530353547,20.211700534382555,366.5857499473565 +7,554.8038530353547,20.211700534382555,593.5857319231493 +8,554.8038530353547,20.211700534382555,184.5857643984827 +9,554.8038530353547,20.211700534382555,335.58575240881197 +10,554.8038530353547,20.211700534382555,1292.5856764212965 +11,554.8038530353547,20.211700534382555,609.5857306527207 +12,554.8038530353547,20.211700534382555,762.5857185042465 +13,554.8038530353547,20.211700534382555,545.5857357344355 +14,554.8038530353547,20.211700534382555,637.5857284294706 +15,554.8038530353547,20.211700534382555,335.58575240881197 +16,554.8038530353547,20.211700534382555,413.58574621547217 +17,554.8038530353547,20.211700534382555,1797.5856363233909 +18,554.8038530353547,20.211700534382555,2151.5856082151568 +19,554.8038530353547,20.211700534382555,593.5857319231493 +20,554.8038530353547,20.211700534382555,457.5857427217933 +21,554.8038530353547,20.211700534382555,1382.5856692751352 +22,554.8038530353547,20.211700534382555,429.5857449450435 +23,554.8038530353547,20.211700534382555,348.5857513765887 +24,554.8038530353547,20.211700534382555,809.5033679564572 +25,554.8038530353547,20.211700534382555,337.5857522500084 +26,554.8038530353547,20.211700534382555,159.58576638352753 +27,554.8038530353547,20.211700534382555,561.5857344640067 +28,554.8038530353547,20.211700534382555,524.5857374018732 +29,554.8038530353547,20.211700534382555,410.5857464536776 +30,554.8038530353547,20.211700534382555,374.5857493121421 +31,554.8038530353547,20.211700534382555,1077.5856934926821 +32,554.8038530353547,20.211700534382555,568.5857339081942 +33,554.8038530353547,20.211700534382555,579.5857330347744 +34,554.8038530353547,20.211700534382555,544.5857358138372 +35,554.8038530353547,20.211700534382555,373.585749391544 +36,554.8038530353547,20.211700534382555,691.5857241417737 +37,554.8038530353547,20.211700534382555,184.5857643984827 +38,554.8038530353547,20.211700534382555,225.5857611430092 +39,554.8038530353547,20.211700534382555,447.58574351581115 +40,554.8038530353547,20.211700534382555,420.58574565965966 +41,554.8038530353547,20.211700534382555,932.5857050059418 +42,554.8038530353547,20.211700534382555,466.5857420071772 +43,554.8038530353547,20.211700534382555,1223.58568190002 +44,554.8038530353547,20.211700534382555,566.5857340669977 +45,554.8038530353547,20.211700534382555,244.5857596343752 +46,554.8038530353547,20.211700534382555,722.5857216803181 +47,554.8038530353547,20.211700534382555,215.5857619370272 +48,554.8038530353547,20.211700534382555,121.58576940079568 +49,554.8038530353547,20.211700534382555,660.5857266032292 +50,554.8038530353547,20.211700534382555,547.5857355756318 +51,554.8038530353547,20.211700534382555,317.58575383804435 +52,554.8038530353547,20.211700534382555,719.5857219185235 +53,554.8038530353547,20.211700534382555,403.5857470094902 +54,554.8038530353547,20.211700534382555,160.58576630412574 +55,554.8038530353547,20.211700534382555,224.58576122241104 +56,554.8038530353547,20.211700534382555,202.58576296925045 +57,554.8038530353547,20.211700534382555,261.5857582845447 +58,554.8038530353547,20.211700534382555,222.91912719571775 +59,554.8038530353547,20.211700534382555,178.58576487489344 +60,554.8038530353547,20.211700534382555,173.5857652719024 +61,554.8038530353547,20.211700534382555,500.5857393075161 +62,554.8038530353547,20.211700534382555,205.58576273104512 +63,554.8038530353547,20.211700534382555,599.5857314467387 +64,554.8038530353547,20.211700534382555,82.58577249746558 +65,554.8038530353547,20.211700534382555,116.58576979780462 +66,554.8038530353547,20.211700534382555,74.58577313267992 +67,554.8038530353547,20.211700534382555,331.5857527264192 +68,554.8038530353547,20.211700534382555,468.58574184837363 +69,554.8038530353547,20.211700534382555,317.58575383804435 +70,554.8038530353547,20.211700534382555,451.58574319820394 +71,554.8038530353547,20.211700534382555,155.58576670113467 +72,554.8038530353547,20.211700534382555,112.58577011541179 +73,554.8038530353547,20.211700534382555,334.58575248821387 +74,554.8038530353547,20.211700534382555,508.5857386723019 +75,554.8038530353547,20.211700534382555,847.5857117550943 +76,554.8038530353547,20.211700534382555,457.5857427217933 +77,554.8038530353547,20.211700534382555,753.5857192188628 +78,554.8038530353547,20.211700534382555,1774.585638149632 +79,554.8038530353547,20.211700534382555,897.5857077850044 +80,554.8038530353547,20.211700534382555,820.5857138989426 +81,554.8038530353547,20.211700534382555,3336.5855141240318 +82,554.8038530353547,20.211700534382555,718.5857219979254 +83,554.8038530353547,20.211700534382555,770.5857178690321 +84,554.8038530353547,20.211700534382555,466.5857420071772 +85,554.8038530353547,20.211700534382555,254.58575884035724 +86,554.8038530353547,20.211700534382555,768.3583495879683 +87,554.8038530353547,20.211700534382555,189.58576400147373 +88,554.8038530353547,20.211700534382555,601.5857312879351 +89,554.8038530353547,20.211700534382555,315.58575399684787 +90,554.8038530353547,20.211700534382555,427.5857451038471 +91,554.8038530353547,20.211700534382555,247.5857593961698 +92,554.8038530353547,20.211700534382555,457.5857427217933 +93,554.8038530353547,20.211700534382555,754.5857191394607 +94,554.8038530353547,20.211700534382555,423.5857454214543 +95,554.8038530353547,20.211700534382555,222.5857613812146 +96,554.8038530353547,20.211700534382555,1160.585686902333 +97,554.8038530353547,20.211700534382555,641.5857281118634 +98,554.8038530353547,20.211700534382555,1070.5856940484944 +99,554.8038530353547,20.211700534382555,621.5857296998992 +100,554.8038530353547,20.211700534382555,221.85373991699416 +101,554.8038530353547,20.211700534382555,392.5857478829098 +102,554.8038530353547,20.211700534382555,241.58575987258044 +103,554.8038530353547,20.211700534382555,249.58575923736615 +104,554.8038530353547,20.211700534382555,629.5857290646849 +105,554.8038530353547,20.211700534382555,386.5857483593206 +106,554.8038530353547,20.211700534382555,662.5857264444257 +107,554.8038530353547,20.211700534382555,584.5857326377655 +108,554.8038530353547,20.211700534382555,3355.714701120785 +109,554.8038530353547,20.211700534382555,471.0938502979696 +110,554.8038530353547,20.211700534382555,454.58574295999847 +111,554.8038530353547,20.211700534382555,226.58576106360744 +112,554.8038530353547,20.211700534382555,763.4585635073801 +113,554.8038530353547,20.211700534382555,229.585760825402 +114,554.8038530353547,20.211700534382555,1500.5856599057233 +115,554.8038530353547,20.211700534382555,572.5857335905872 +116,554.8038530353547,20.211700534382555,316.58575391744614 +117,554.8038530353547,20.211700534382555,816.5857142165497 +118,554.8038530353547,20.211700534382555,474.58574137196274 +119,554.8038530353547,20.211700534382555,1077.5856934926821 +120,554.8038530353547,20.211700534382555,400.58574724769545 +121,554.8038530353547,20.211700534382555,249.58575923736615 +122,554.8038530353547,20.211700534382555,539.5857362108462 +123,554.8038530353547,20.211700534382555,614.5857302557117 +124,554.8038530353547,20.211700534382555,249.58575923736615 +125,554.8038530353547,20.211700534382555,798.5857156457819 +126,554.8038530353547,20.211700534382555,347.58575145599053 +127,554.8038530353547,20.211700534382555,1132.5856891255833 +128,554.8038530353547,20.211700534382555,173.5857652719024 +129,554.8038530353547,20.211700534382555,395.5857476447045 +130,554.8038530353547,20.211700534382555,307.5857546320623 +131,554.8038530353547,20.211700534382555,165.17565028761243 +132,554.8038530353547,20.211700534382555,708.8707572993352 +133,554.8038530353547,20.211700534382555,658.2016401888546 +134,554.8038530353547,20.211700534382555,512.5857383546946 +135,554.8038530353547,20.211700534382555,470.5857416895698 +136,554.8038530353547,20.211700534382555,811.5857146135588 +137,554.8038530353547,20.211700534382555,735.6805937023079 +138,554.8038530353547,20.211700534382555,663.5857263650239 +139,554.8038530353547,20.211700534382555,1194.9022217453005 +140,554.8038530353547,20.211700534382555,334.58575248821387 +141,554.8038530353547,20.211700534382555,793.585716042791 +142,554.8038530353547,20.211700534382555,1074.5856937308872 +143,554.8038530353547,20.211700534382555,294.5857556642855 +144,554.8038530353547,20.211700534382555,234.5857604283931 +145,554.8038530353547,20.211700534382555,120.58576948019743 +146,554.8038530353547,20.211700534382555,236.5857602695895 +147,554.8038530353547,20.211700534382555,1241.5856804707878 +148,554.8038530353547,20.211700534382555,59.585774323706815 +149,554.8038530353547,20.211700534382555,344.5857516941958 +150,554.8038530353547,20.211700534382555,324.58575328223185 +151,554.8038530353547,20.211700534382555,114.5857699566082 +152,554.8038530353547,20.211700534382555,592.5857320025513 +153,554.8038530353547,20.211700534382555,488.5857402603377 +154,554.8038530353547,20.211700534382555,500.5857393075161 +155,554.8038530353547,20.211700534382555,3305.585516585488 +156,554.8038530353547,20.211700534382555,375.58574923274034 +157,554.8038530353547,20.211700534382555,2275.5855983693336 +158,554.8038530353547,20.211700534382555,3592.585493797173 +159,554.8038530353547,20.211700534382555,2071.5856145673 +160,554.8038530353547,20.211700534382555,1872.5856303682565 +161,554.8038530353547,20.211700534382555,719.5857219185235 +162,554.8038530353547,20.211700534382555,2564.458303244592 +163,554.8038530353547,20.211700534382555,1733.5856414051057 +164,554.8038530353547,20.211700534382555,1853.58563187689 +165,554.8038530353547,20.211700534382555,552.5857351786229 +166,554.8038530353547,20.211700534382555,640.5857281912653 +167,554.8038530353547,20.211700534382555,479.58574097495386 +168,554.8038530353547,20.211700534382555,258.58575852275004 +169,554.8038530353547,20.211700534382555,442.5857439128201 +170,554.8038530353547,20.211700534382555,605.585730970328 +171,554.8038530353547,20.211700534382555,237.58576019018776 +172,554.8038530353547,20.211700534382555,439.5857441510256 +173,554.8038530353547,20.211700534382555,620.585729779301 +174,554.8038530353547,20.211700534382555,734.5857207274968 +175,554.8038530353547,20.211700534382555,861.5857106434689 +176,554.8038530353547,20.211700534382555,296.585755505482 +177,554.8038530353547,20.211700534382555,745.585719854077 +178,554.8038530353547,20.211700534382555,544.5857358138372 +179,554.8038530353547,20.211700534382555,663.5857263650239 +180,554.8038530353547,20.211700534382555,193.5857636838666 +181,554.8038530353547,20.211700534382555,450.5857432776057 +182,554.8038530353547,20.211700534382555,607.5857308115244 +183,554.8038530353547,20.211700534382555,1208.585683091047 +184,554.8038530353547,20.211700534382555,387.5857482799189 +185,554.8038530353547,20.211700534382555,332.5857526470174 +186,554.8038530353547,20.211700534382555,332.5857526470174 +187,554.8038530353547,20.211700534382555,329.58575288522275 +188,554.8038530353547,20.211700534382555,635.5857285882743 +189,554.8038530353547,20.211700534382555,632.5857288264797 +190,554.8038530353547,20.211700534382555,351.58575113838333 +191,554.8038530353547,20.211700534382555,350.5857512177851 +192,554.8038530353547,20.211700534382555,375.58574923274034 +193,554.8038530353547,20.211700534382555,266.5857578875357 +194,554.8038530353547,20.211700534382555,449.5857433570076 +195,554.8038530353547,20.211700534382555,729.6775748147577 +196,554.8038530353547,20.211700534382555,354.58575090017797 +197,554.8038530353547,20.211700534382555,483.81583242757483 +198,554.8038530353547,20.211700534382555,310.5857543938568 +199,554.8038530353547,20.211700534382555,276.58575709351777 +200,554.8038530353547,20.211700534382555,726.5857213627112 +201,554.8038530353547,20.211700534382555,166.585765827715 +202,554.8038530353547,20.211700534382555,436.58574438923085 +203,554.8038530353547,20.211700534382555,243.5857597137769 +204,554.8038530353547,20.211700534382555,356.58575074137434 +205,554.8038530353547,20.211700534382555,213.47561009872064 +206,554.8038530353547,20.211700534382555,1186.5856848378864 +207,554.8038530353547,20.211700534382555,1091.5856923810568 +208,554.8038530353547,20.211700534382555,107.58577051242077 +209,554.8038530353547,20.211700534382555,94.58577154464407 +210,554.8038530353547,20.211700534382555,195.58576352506302 +211,554.8038530353547,20.211700534382555,1315.585674595055 +212,554.8038530353547,20.211700534382555,251.99023701445657 +213,554.8038530353547,20.211700534382555,731.5857209657021 +214,554.8038530353547,20.211700534382555,366.5857499473565 +215,554.8038530353547,20.211700534382555,1106.5856911900298 +216,554.8038530353547,20.211700534382555,376.58574915333855 +217,554.8038530353547,20.211700534382555,656.5857269208365 +218,554.8038530353547,20.211700534382555,795.5857158839873 +219,554.8038530353547,20.211700534382555,203.58576288984864 +220,554.8038530353547,20.211700534382555,313.352607426604 +221,554.8038530353547,20.211700534382555,282.39473424405037 +222,554.8038530353547,20.211700534382555,869.7640424355068 +223,554.8038530353547,20.211700534382555,590.5857321613547 +224,554.8038530353547,20.211700534382555,341.58575193240125 +225,554.8038530353547,20.211700534382555,306.58575471146406 +226,554.8038530353547,20.211700534382555,212.5857621752325 +227,554.8038530353547,20.211700534382555,468.58574184837363 +228,554.8038530353547,20.211700534382555,248.585759316768 +229,554.8038530353547,20.211700534382555,211.58576225463432 +230,554.8038530353547,20.211700534382555,320.5857535998389 +231,554.8038530353547,20.211700534382555,780.5857170750141 +232,554.8038530353547,20.211700534382555,328.5857529646245 +233,554.8038530353547,20.211700534382555,296.585755505482 +234,554.8038530353547,20.211700534382555,1114.5856905548158 +235,554.8038530353547,20.211700534382555,765.585718266041 +236,554.8038530353547,20.211700534382555,566.5857340669977 +237,554.8038530353547,20.211700534382555,154.5857667805365 +238,554.8038530353547,20.211700534382555,1124.5856897607975 +239,554.8038530353547,20.211700534382555,1230.5856813442074 +240,554.8038530353547,20.211700534382555,1377.585669672144 +241,554.8038530353547,20.211700534382555,289.5857560612945 +242,554.8038530353547,20.211700534382555,955.5857031797003 +243,554.8038530353547,20.211700534382555,1340.341044368494 +244,554.8038530353547,20.211700534382555,285.58575637890164 +245,554.8038530353547,20.211700534382555,1317.5856744362516 +246,554.8038530353547,20.211700534382555,1002.9447513380701 +247,554.8038530353547,20.211700534382555,404.58574693008836 +248,554.8038530353547,20.211700534382555,262.5857582051429 +249,554.8038530353547,20.211700534382555,653.5857271590419 +250,554.8038530353547,20.211700534382555,622.5857296204973 +251,554.8038530353547,20.211700534382555,634.585728667676 +252,554.8038530353547,20.211700534382555,675.5857254122026 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/val-metrics-2022.04.05.14.30.42.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/val-metrics-2022.04.05.14.30.42.csv new file mode 100644 index 0000000..64e095d --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/val-metrics-2022.04.05.14.30.42.csv @@ -0,0 +1,7 @@ +,0 +nll,12216.99214060227 +sharpness,20.211701398638695 +variation,1.7752414126822993e-16 +mae,333.5081588257335 +mse,192510.60108174756 +rmse,438.7603002571536 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/val-metrics-2022.06.23.16.00.22.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/val-metrics-2022.06.23.16.00.22.csv new file mode 100644 index 0000000..0415e82 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-0/val-metrics-2022.06.23.16.00.22.csv @@ -0,0 +1,7 @@ +,0 +nll,12216.993166340497 +sharpness,20.21170053438253 +variation,0.0 +mae,333.50815882314765 +mse,192510.60108554532 +rmse,438.7603002614814 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.01.26.17.35.29/train/events.out.tfevents.1643218530.node-l00a-002.myriad.ucl.ac.uk.264161.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.01.26.17.35.29/train/events.out.tfevents.1643218530.node-l00a-002.myriad.ucl.ac.uk.264161.0.v2 new file mode 100644 index 0000000..ed91f8e Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.01.26.17.35.29/train/events.out.tfevents.1643218530.node-l00a-002.myriad.ucl.ac.uk.264161.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.01.26.17.35.29/validation/events.out.tfevents.1643218551.node-l00a-002.myriad.ucl.ac.uk.264161.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.01.26.17.35.29/validation/events.out.tfevents.1643218551.node-l00a-002.myriad.ucl.ac.uk.264161.1.v2 new file mode 100644 index 0000000..9d9a4c3 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.01.26.17.35.29/validation/events.out.tfevents.1643218551.node-l00a-002.myriad.ucl.ac.uk.264161.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.02.10.20.53.18/train/events.out.tfevents.1644526398.node-e00a-017.myriad.ucl.ac.uk.204027.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.02.10.20.53.18/train/events.out.tfevents.1644526398.node-e00a-017.myriad.ucl.ac.uk.204027.0.v2 new file mode 100644 index 0000000..ce0943e Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.02.10.20.53.18/train/events.out.tfevents.1644526398.node-e00a-017.myriad.ucl.ac.uk.204027.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.02.10.20.53.18/validation/events.out.tfevents.1644526428.node-e00a-017.myriad.ucl.ac.uk.204027.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.02.10.20.53.18/validation/events.out.tfevents.1644526428.node-e00a-017.myriad.ucl.ac.uk.204027.1.v2 new file mode 100644 index 0000000..5cd9556 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.02.10.20.53.18/validation/events.out.tfevents.1644526428.node-e00a-017.myriad.ucl.ac.uk.204027.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.02.11.01.31.04/train/events.out.tfevents.1644543064.node-j00a-002.myriad.ucl.ac.uk.39551.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.02.11.01.31.04/train/events.out.tfevents.1644543064.node-j00a-002.myriad.ucl.ac.uk.39551.0.v2 new file mode 100644 index 0000000..94eb0cc Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.02.11.01.31.04/train/events.out.tfevents.1644543064.node-j00a-002.myriad.ucl.ac.uk.39551.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.02.11.01.31.04/validation/events.out.tfevents.1644543100.node-j00a-002.myriad.ucl.ac.uk.39551.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.02.11.01.31.04/validation/events.out.tfevents.1644543100.node-j00a-002.myriad.ucl.ac.uk.39551.1.v2 new file mode 100644 index 0000000..2fe6d6d Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.02.11.01.31.04/validation/events.out.tfevents.1644543100.node-j00a-002.myriad.ucl.ac.uk.39551.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.02.14.19.12.16/train/events.out.tfevents.1644865936.node-l00a-004.myriad.ucl.ac.uk.233939.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.02.14.19.12.16/train/events.out.tfevents.1644865936.node-l00a-004.myriad.ucl.ac.uk.233939.0.v2 new file mode 100644 index 0000000..7d55ad4 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.02.14.19.12.16/train/events.out.tfevents.1644865936.node-l00a-004.myriad.ucl.ac.uk.233939.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.02.14.19.12.16/validation/events.out.tfevents.1644865965.node-l00a-004.myriad.ucl.ac.uk.233939.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.02.14.19.12.16/validation/events.out.tfevents.1644865965.node-l00a-004.myriad.ucl.ac.uk.233939.1.v2 new file mode 100644 index 0000000..e3f5361 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.02.14.19.12.16/validation/events.out.tfevents.1644865965.node-l00a-004.myriad.ucl.ac.uk.233939.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.03.11.10.09.01/train/events.out.tfevents.1646993341.node-j00a-001.myriad.ucl.ac.uk.13947.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.03.11.10.09.01/train/events.out.tfevents.1646993341.node-j00a-001.myriad.ucl.ac.uk.13947.0.v2 new file mode 100644 index 0000000..545499b Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.03.11.10.09.01/train/events.out.tfevents.1646993341.node-j00a-001.myriad.ucl.ac.uk.13947.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.03.11.10.09.01/validation/events.out.tfevents.1646993382.node-j00a-001.myriad.ucl.ac.uk.13947.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.03.11.10.09.01/validation/events.out.tfevents.1646993382.node-j00a-001.myriad.ucl.ac.uk.13947.1.v2 new file mode 100644 index 0000000..1089b53 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/2022.03.11.10.09.01/validation/events.out.tfevents.1646993382.node-j00a-001.myriad.ucl.ac.uk.13947.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/metrics.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/metrics.csv new file mode 100644 index 0000000..ea3f750 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,199461.48703608857 +sharpness,11.730535428675916 +variation,1.5173031769402366e-16 +mae,283.1296424537963 +mse,216041.7277134326 +rmse,464.8028912490031 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/predictions.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/predictions.csv new file mode 100644 index 0000000..1c21742 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/predictions.csv @@ -0,0 +1,254 @@ +,Predicted value,Predicted standard deviation,True value +0,466.4717414697112,11.730535428675914,795.5857158839873 +1,466.4717414697112,11.730535428675914,276.58575709351777 +2,466.4717414697112,11.730535428675914,528.5857370842659 +3,466.4717414697112,11.730535428675914,540.5857361314445 +4,466.4717414697112,11.730535428675914,650.5857273972472 +5,466.4717414697112,11.730535428675914,1100.5856916664407 +6,466.4717414697112,11.730535428675914,279.5857568553124 +7,466.4717414697112,11.730535428675914,301.58575510847294 +8,466.4717414697112,11.730535428675914,302.5857550290712 +9,466.4717414697112,11.730535428675914,614.5857302557117 +10,466.4717414697112,11.730535428675914,577.5857331935781 +11,466.4717414697112,11.730535428675914,571.5857336699888 +12,466.4717414697112,11.730535428675914,792.5857161221927 +13,466.4717414697112,11.730535428675914,1341.5856725306085 +14,466.4717414697112,11.730535428675914,233.5857605077949 +15,466.4717414697112,11.730535428675914,144.5857675745544 +16,466.4717414697112,11.730535428675914,1049.5856957159324 +17,466.4717414697112,11.730535428675914,579.5857330347744 +18,466.4717414697112,11.730535428675914,187.58576416027734 +19,466.4717414697112,11.730535428675914,526.5857372430696 +20,466.4717414697112,11.730535428675914,520.5857377194803 +21,466.4717414697112,11.730535428675914,435.58574446863264 +22,466.4717414697112,11.730535428675914,1002.5856994478163 +23,466.4717414697112,11.730535428675914,261.5857582845447 +24,466.4717414697112,11.730535428675914,401.58574716829366 +25,466.4717414697112,11.730535428675914,443.58574383341835 +26,466.4717414697112,11.730535428675914,461.585742404186 +27,466.4717414697112,11.730535428675914,572.5857335905872 +28,466.4717414697112,11.730535428675914,375.58574923274034 +29,466.4717414697112,11.730535428675914,136.26216674540237 +30,466.4717414697112,11.730535428675914,614.5857302557117 +31,466.4717414697112,11.730535428675914,287.5857562200981 +32,466.4717414697112,11.730535428675914,236.5857602695895 +33,466.4717414697112,11.730535428675914,955.5857031797003 +34,466.4717414697112,11.730535428675914,435.58574446863264 +35,466.4717414697112,11.730535428675914,282.58575661710705 +36,466.4717414697112,11.730535428675914,982.585701035852 +37,466.4717414697112,11.730535428675914,208.5857624928397 +38,466.4717414697112,11.730535428675914,850.5857115168886 +39,466.4717414697112,11.730535428675914,640.5857281912653 +40,466.4717414697112,11.730535428675914,635.285556532021 +41,466.4717414697112,11.730535428675914,496.5857396251232 +42,466.4717414697112,11.730535428675914,263.5857581257411 +43,466.4717414697112,11.730535428675914,270.5857575699285 +44,466.4717414697112,11.730535428675914,620.585729779301 +45,466.4717414697112,11.730535428675914,800.4307672174878 +46,466.4717414697112,11.730535428675914,204.58576281044685 +47,466.4717414697112,11.730535428675914,325.58575320282995 +48,466.4717414697112,11.730535428675914,565.5857341463998 +49,466.4717414697112,11.730535428675914,583.5857327171674 +50,466.4717414697112,11.730535428675914,626.5857293028903 +51,466.4717414697112,11.730535428675914,599.5857314467387 +52,466.4717414697112,11.730535428675914,241.58575987258044 +53,466.4717414697112,11.730535428675914,93.58577162404586 +54,466.4717414697112,11.730535428675914,177.58576495429523 +55,466.4717414697112,11.730535428675914,253.58575891975903 +56,466.4717414697112,11.730535428675914,183.58576447788448 +57,466.4717414697112,11.730535428675914,331.5857527264192 +58,466.4717414697112,11.730535428675914,543.8612030793709 +59,466.4717414697112,11.730535428675914,368.58574978855285 +60,466.4717414697112,11.730535428675914,476.58574121315917 +61,466.4717414697112,11.730535428675914,553.5857350992212 +62,466.4717414697112,11.730535428675914,177.58576495429523 +63,466.4717414697112,11.730535428675914,653.9614869773397 +64,466.4717414697112,11.730535428675914,745.5485956310678 +65,466.4717414697112,11.730535428675914,437.5857443098292 +66,466.4717414697112,11.730535428675914,66.58577376789428 +67,466.4717414697112,11.730535428675914,257.5857586021519 +68,466.4717414697112,11.730535428675914,129.58576876558132 +69,466.4717414697112,11.730535428675914,146.58576741575087 +70,466.4717414697112,11.730535428675914,332.5857526470174 +71,466.4717414697112,11.730535428675914,1362.585670863171 +72,466.4717414697112,11.730535428675914,1943.585624730729 +73,466.4717414697112,11.730535428675914,373.585749391544 +74,466.4717414697112,11.730535428675914,1784.5856373556146 +75,466.4717414697112,11.730535428675914,504.5857389899089 +76,466.4717414697112,11.730535428675914,259.58575844334825 +77,466.4717414697112,11.730535428675914,686.5857245387828 +78,466.4717414697112,11.730535428675914,331.59810336415944 +79,466.4717414697112,11.730535428675914,369.5857497091512 +80,466.4717414697112,11.730535428675914,244.5857596343752 +81,466.4717414697112,11.730535428675914,270.5857575699285 +82,466.4717414697112,11.730535428675914,169.5857655895096 +83,466.4717414697112,11.730535428675914,563.5857343052032 +84,466.4717414697112,11.730535428675914,376.58574915333855 +85,466.4717414697112,11.730535428675914,366.5857499473565 +86,466.4717414697112,11.730535428675914,230.58576074600026 +87,466.4717414697112,11.730535428675914,1212.5856827734399 +88,466.4717414697112,11.730535428675914,428.5857450244453 +89,466.4717414697112,11.730535428675914,191.58576384267016 +90,466.4717414697112,11.730535428675914,737.5857204892912 +91,466.4717414697112,11.730535428675914,790.5857162809963 +92,466.4717414697112,11.730535428675914,450.5857432776057 +93,466.4717414697112,11.730535428675914,233.5857605077949 +94,466.4717414697112,11.730535428675914,1331.5856733246264 +95,466.4717414697112,11.730535428675914,234.06886996956717 +96,466.4717414697112,11.730535428675914,228.58576090480392 +97,466.4717414697112,11.730535428675914,555.5857349404176 +98,466.4717414697112,11.730535428675914,322.5857534410353 +99,466.4717414697112,11.730535428675914,182.58576455728627 +100,466.4717414697112,11.730535428675914,542.5857359726408 +101,466.4717414697112,11.730535428675914,264.5857580463393 +102,466.4717414697112,11.730535428675914,502.5857391487126 +103,466.4717414697112,11.730535428675914,504.5857389899089 +104,466.4717414697112,11.730535428675914,177.58576495429523 +105,466.4717414697112,11.730535428675914,262.5857582051429 +106,466.4717414697112,11.730535428675914,179.58576479549168 +107,466.4717414697112,11.730535428675914,3285.230902043269 +108,466.4717414697112,11.730535428675914,257.5857586021519 +109,466.4717414697112,11.730535428675914,1369.9735422635215 +110,466.4717414697112,11.730535428675914,560.5857345434086 +111,466.4717414697112,11.730535428675914,456.97355178318014 +112,466.4717414697112,11.730535428675914,328.5857529646245 +113,466.4717414697112,11.730535428675914,977.585701432861 +114,466.4717414697112,11.730535428675914,735.5857206480949 +115,466.4717414697112,11.730535428675914,747.6702578770523 +116,466.4717414697112,11.730535428675914,619.5857298587027 +117,466.4717414697112,11.730535428675914,429.5857449450435 +118,466.4717414697112,11.730535428675914,352.5857510589816 +119,466.4717414697112,11.730535428675914,325.58575320282995 +120,466.4717414697112,11.730535428675914,381.5857487563297 +121,466.4717414697112,11.730535428675914,656.5857269208365 +122,466.4717414697112,11.730535428675914,477.5857411337574 +123,466.4717414697112,11.730535428675914,399.5857473270973 +124,466.4717414697112,11.730535428675914,486.5857404191413 +125,466.4717414697112,11.730535428675914,358.5857505825708 +126,466.4717414697112,11.730535428675914,257.5857586021519 +127,466.4717414697112,11.730535428675914,641.5857281118634 +128,466.4717414697112,11.730535428675914,744.6165269361184 +129,466.4717414697112,11.730535428675914,610.585730573319 +130,466.4717414697112,11.730535428675914,628.5857291440867 +131,466.4717414697112,11.730535428675914,605.585730970328 +132,466.4717414697112,11.730535428675914,802.5857153281747 +133,466.4717414697112,11.730535428675914,1208.1195814195778 +134,466.4717414697112,11.730535428675914,2063.585615202514 +135,466.4717414697112,11.730535428675914,1151.5856876169494 +136,466.4717414697112,11.730535428675914,785.5857166780053 +137,466.4717414697112,11.730535428675914,543.5857358932392 +138,466.4717414697112,11.730535428675914,247.5857593961698 +139,466.4717414697112,11.730535428675914,268.5857577287321 +140,466.4717414697112,11.730535428675914,422.0160755603324 +141,466.4717414697112,11.730535428675914,501.58573922811433 +142,466.4717414697112,11.730535428675914,430.5857448656418 +143,466.4717414697112,11.730535428675914,225.5857611430092 +144,466.4717414697112,11.730535428675914,247.5857593961698 +145,466.4717414697112,11.730535428675914,271.5857574905268 +146,466.4717414697112,11.730535428675914,87.5857721004566 +147,466.4717414697112,11.730535428675914,184.5857643984827 +148,466.4717414697112,11.730535428675914,149.58576717754542 +149,466.4717414697112,11.730535428675914,375.58574923274034 +150,466.4717414697112,11.730535428675914,620.585729779301 +151,466.4717414697112,11.730535428675914,321.5857535204372 +152,466.4717414697112,11.730535428675914,436.58574438923085 +153,466.4717414697112,11.730535428675914,542.5857359726408 +154,466.4717414697112,11.730535428675914,689.5857243005772 +155,466.4717414697112,11.730535428675914,1062.5856946837089 +156,466.4717414697112,11.730535428675914,457.5857427217933 +157,466.4717414697112,11.730535428675914,293.58575574368734 +158,466.4717414697112,11.730535428675914,3261.585520079166 +159,466.4717414697112,11.730535428675914,2097.585612502853 +160,466.4717414697112,11.730535428675914,1867.5856307652653 +161,466.4717414697112,11.730535428675914,1191.5856844408775 +162,466.4717414697112,11.730535428675914,1153.1905864961611 +163,466.4717414697112,11.730535428675914,547.5857355756318 +164,466.4717414697112,11.730535428675914,240.5857599519823 +165,466.4717414697112,11.730535428675914,458.5857426423914 +166,466.4717414697112,11.730535428675914,406.58574677128473 +167,466.4717414697112,11.730535428675914,652.5857272384436 +168,466.4717414697112,11.730535428675914,185.58576431908094 +169,466.4717414697112,11.730535428675914,335.58575240881197 +170,466.4717414697112,11.730535428675914,742.5857200922823 +171,466.4717414697112,11.730535428675914,845.5857119138975 +172,466.4717414697112,11.730535428675914,887.811580454068 +173,466.4717414697112,11.730535428675914,445.5857436746148 +174,466.4717414697112,11.730535428675914,533.585736687257 +175,466.4717414697112,11.730535428675914,910.5857067527812 +176,466.4717414697112,11.730535428675914,614.5857302557117 +177,466.4717414697112,11.730535428675914,244.5857596343752 +178,466.4717414697112,11.730535428675914,2096.5856125822547 +179,466.4717414697112,11.730535428675914,194.5857636044648 +180,466.4717414697112,11.730535428675914,353.58575097957976 +181,466.4717414697112,11.730535428675914,669.5857258886133 +182,466.4717414697112,11.730535428675914,1321.5856741186446 +183,466.4717414697112,11.730535428675914,536.7372200565968 +184,466.4717414697112,11.730535428675914,572.5857335905872 +185,466.4717414697112,11.730535428675914,740.5857202510858 +186,466.4717414697112,11.730535428675914,619.5857298587027 +187,466.4717414697112,11.730535428675914,520.5857377194803 +188,466.4717414697112,11.730535428675914,611.5857304939171 +189,466.4717414697112,11.730535428675914,932.5857050059418 +190,466.4717414697112,11.730535428675914,227.5857609842057 +191,466.4717414697112,11.730535428675914,319.58575367924067 +192,466.4717414697112,11.730535428675914,381.5857487563297 +193,466.4717414697112,11.730535428675914,222.5857613812146 +194,466.4717414697112,11.730535428675914,990.5857004006378 +195,466.4717414697112,11.730535428675914,832.5857129461209 +196,466.4717414697112,11.730535428675914,829.0174567200193 +197,466.4717414697112,11.730535428675914,562.5857343846051 +198,466.4717414697112,11.730535428675914,642.5857280324616 +199,466.4717414697112,11.730535428675914,375.58574923274034 +200,466.4717414697112,11.730535428675914,903.5857073085936 +201,466.4717414697112,11.730535428675914,282.58575661710705 +202,466.4717414697112,11.730535428675914,533.585736687257 +203,466.4717414697112,11.730535428675914,734.5857207274968 +204,466.4717414697112,11.730535428675914,2109.5856115500314 +205,466.4717414697112,11.730535428675914,462.6991086384732 +206,466.4717414697112,11.730535428675914,440.3395289741532 +207,466.4717414697112,11.730535428675914,459.58574256298965 +208,466.4717414697112,11.730535428675914,800.5857154869783 +209,466.4717414697112,11.730535428675914,204.58576281044685 +210,466.4717414697112,11.730535428675914,250.5857591579644 +211,466.4717414697112,11.730535428675914,493.5857398633288 +212,466.4717414697112,11.730535428675914,168.24815042310587 +213,466.4717414697112,11.730535428675914,121.58576940079568 +214,466.4717414697112,11.730535428675914,474.58574137196274 +215,466.4717414697112,11.730535428675914,603.5857311291314 +216,466.4717414697112,11.730535428675914,450.5857432776057 +217,466.4717414697112,11.730535428675914,366.5857499473565 +218,466.4717414697112,11.730535428675914,335.58575240881197 +219,466.4717414697112,11.730535428675914,254.58575884035724 +220,466.4717414697112,11.730535428675914,644.585727873658 +221,466.4717414697112,11.730535428675914,630.5857289852831 +222,466.4717414697112,11.730535428675914,286.5857562994999 +223,466.4717414697112,11.730535428675914,239.5857600313841 +224,466.4717414697112,11.730535428675914,1204.5856834086542 +225,466.4717414697112,11.730535428675914,584.5857326377655 +226,466.4717414697112,11.730535428675914,359.5857505031691 +227,466.4717414697112,11.730535428675914,223.58576130181282 +228,466.4717414697112,11.730535428675914,493.5857398633288 +229,466.4717414697112,11.730535428675914,783.5857168368087 +230,466.4717414697112,11.730535428675914,305.58575479086585 +231,466.4717414697112,11.730535428675914,364.58575010616005 +232,466.4717414697112,11.730535428675914,1117.5856903166102 +233,466.4717414697112,11.730535428675914,308.58575455266043 +234,466.4717414697112,11.730535428675914,231.03896111579812 +235,466.4717414697112,11.730535428675914,211.58576225463432 +236,466.4717414697112,11.730535428675914,411.5857463742758 +237,466.4717414697112,11.730535428675914,471.84628776184684 +238,466.4717414697112,11.730535428675914,1159.5856869817349 +239,466.4717414697112,11.730535428675914,334.58575248821387 +240,466.4717414697112,11.730535428675914,73.56765209308998 +241,466.4717414697112,11.730535428675914,334.58575248821387 +242,466.4717414697112,11.730535428675914,848.5857116756923 +243,466.4717414697112,11.730535428675914,501.58573922811433 +244,466.4717414697112,11.730535428675914,1390.5856686399204 +245,466.4717414697112,11.730535428675914,1012.5856986537982 +246,466.4717414697112,11.730535428675914,1840.5856329091127 +247,466.4717414697112,11.730535428675914,555.5857349404176 +248,466.4717414697112,11.730535428675914,595.5857317643457 +249,466.4717414697112,11.730535428675914,525.5857373224713 +250,466.4717414697112,11.730535428675914,238.4559452332465 +251,466.4717414697112,11.730535428675914,157.58576654233113 +252,466.4717414697112,11.730535428675914,212.5857621752325 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/val-metrics-2022.03.17.22.10.07.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/val-metrics-2022.03.17.22.10.07.csv new file mode 100644 index 0000000..316f23e --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/val-metrics-2022.03.17.22.10.07.csv @@ -0,0 +1,7 @@ +,0 +nll,39670.92151141521 +sharpness,11.73053536344944 +variation,1.529369642217302e-16 +mae,353.34858349048255 +mse,213145.37307677275 +rmse,461.6766975674349 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/val-metrics-2022.06.24.00.17.32.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/val-metrics-2022.06.24.00.17.32.csv new file mode 100644 index 0000000..701111a --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-1/val-metrics-2022.06.24.00.17.32.csv @@ -0,0 +1,7 @@ +,0 +nll,39670.92107282222 +sharpness,11.730535428675914 +variation,0.0 +mae,353.34858349193024 +mse,213145.3730788136 +rmse,461.67669756964517 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.01.26.17.15.33/train/events.out.tfevents.1643217333.node-e00a-008.myriad.ucl.ac.uk.74047.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.01.26.17.15.33/train/events.out.tfevents.1643217333.node-e00a-008.myriad.ucl.ac.uk.74047.0.v2 new file mode 100644 index 0000000..1f80547 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.01.26.17.15.33/train/events.out.tfevents.1643217333.node-e00a-008.myriad.ucl.ac.uk.74047.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.01.26.17.15.33/validation/events.out.tfevents.1643217360.node-e00a-008.myriad.ucl.ac.uk.74047.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.01.26.17.15.33/validation/events.out.tfevents.1643217360.node-e00a-008.myriad.ucl.ac.uk.74047.1.v2 new file mode 100644 index 0000000..242aed8 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.01.26.17.15.33/validation/events.out.tfevents.1643217360.node-e00a-008.myriad.ucl.ac.uk.74047.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.02.10.19.54.30/train/events.out.tfevents.1644522870.node-j00a-001.myriad.ucl.ac.uk.46642.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.02.10.19.54.30/train/events.out.tfevents.1644522870.node-j00a-001.myriad.ucl.ac.uk.46642.0.v2 new file mode 100644 index 0000000..952acca Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.02.10.19.54.30/train/events.out.tfevents.1644522870.node-j00a-001.myriad.ucl.ac.uk.46642.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.02.10.19.54.30/validation/events.out.tfevents.1644522899.node-j00a-001.myriad.ucl.ac.uk.46642.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.02.10.19.54.30/validation/events.out.tfevents.1644522899.node-j00a-001.myriad.ucl.ac.uk.46642.1.v2 new file mode 100644 index 0000000..f2030fd Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.02.10.19.54.30/validation/events.out.tfevents.1644522899.node-j00a-001.myriad.ucl.ac.uk.46642.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.03.28.17.22.19/train/events.out.tfevents.1648484539.node-l00a-006.myriad.ucl.ac.uk.231358.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.03.28.17.22.19/train/events.out.tfevents.1648484539.node-l00a-006.myriad.ucl.ac.uk.231358.0.v2 new file mode 100644 index 0000000..7bbfa0d Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.03.28.17.22.19/train/events.out.tfevents.1648484539.node-l00a-006.myriad.ucl.ac.uk.231358.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.03.28.17.22.19/validation/events.out.tfevents.1648484564.node-l00a-006.myriad.ucl.ac.uk.231358.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.03.28.17.22.19/validation/events.out.tfevents.1648484564.node-l00a-006.myriad.ucl.ac.uk.231358.1.v2 new file mode 100644 index 0000000..a687855 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.03.28.17.22.19/validation/events.out.tfevents.1648484564.node-l00a-006.myriad.ucl.ac.uk.231358.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.03.29.13.55.30/train/events.out.tfevents.1648558530.node-j00a-002.myriad.ucl.ac.uk.45985.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.03.29.13.55.30/train/events.out.tfevents.1648558530.node-j00a-002.myriad.ucl.ac.uk.45985.0.v2 new file mode 100644 index 0000000..07a3a5d Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.03.29.13.55.30/train/events.out.tfevents.1648558530.node-j00a-002.myriad.ucl.ac.uk.45985.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.03.29.13.55.30/validation/events.out.tfevents.1648558569.node-j00a-002.myriad.ucl.ac.uk.45985.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.03.29.13.55.30/validation/events.out.tfevents.1648558569.node-j00a-002.myriad.ucl.ac.uk.45985.1.v2 new file mode 100644 index 0000000..118d857 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.03.29.13.55.30/validation/events.out.tfevents.1648558569.node-j00a-002.myriad.ucl.ac.uk.45985.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.03.29.16.06.37/train/events.out.tfevents.1648566397.node-l00a-006.myriad.ucl.ac.uk.61165.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.03.29.16.06.37/train/events.out.tfevents.1648566397.node-l00a-006.myriad.ucl.ac.uk.61165.0.v2 new file mode 100644 index 0000000..bc85b97 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.03.29.16.06.37/train/events.out.tfevents.1648566397.node-l00a-006.myriad.ucl.ac.uk.61165.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.03.29.16.06.37/validation/events.out.tfevents.1648566430.node-l00a-006.myriad.ucl.ac.uk.61165.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.03.29.16.06.37/validation/events.out.tfevents.1648566430.node-l00a-006.myriad.ucl.ac.uk.61165.1.v2 new file mode 100644 index 0000000..ac9751c Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.03.29.16.06.37/validation/events.out.tfevents.1648566430.node-l00a-006.myriad.ucl.ac.uk.61165.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.03.31.16.34.43/train/events.out.tfevents.1648740883.node-l00a-004.myriad.ucl.ac.uk.133454.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.03.31.16.34.43/train/events.out.tfevents.1648740883.node-l00a-004.myriad.ucl.ac.uk.133454.0.v2 new file mode 100644 index 0000000..184829c Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.03.31.16.34.43/train/events.out.tfevents.1648740883.node-l00a-004.myriad.ucl.ac.uk.133454.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.03.31.16.34.43/validation/events.out.tfevents.1648740939.node-l00a-004.myriad.ucl.ac.uk.133454.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.03.31.16.34.43/validation/events.out.tfevents.1648740939.node-l00a-004.myriad.ucl.ac.uk.133454.1.v2 new file mode 100644 index 0000000..b1b37f9 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.03.31.16.34.43/validation/events.out.tfevents.1648740939.node-l00a-004.myriad.ucl.ac.uk.133454.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.04.04.16.53.58/train/events.out.tfevents.1649087639.node-e00a-017.myriad.ucl.ac.uk.185013.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.04.04.16.53.58/train/events.out.tfevents.1649087639.node-e00a-017.myriad.ucl.ac.uk.185013.0.v2 new file mode 100644 index 0000000..0775010 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.04.04.16.53.58/train/events.out.tfevents.1649087639.node-e00a-017.myriad.ucl.ac.uk.185013.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.04.04.16.53.58/validation/events.out.tfevents.1649087673.node-e00a-017.myriad.ucl.ac.uk.185013.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.04.04.16.53.58/validation/events.out.tfevents.1649087673.node-e00a-017.myriad.ucl.ac.uk.185013.1.v2 new file mode 100644 index 0000000..6dcb371 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.04.04.16.53.58/validation/events.out.tfevents.1649087673.node-e00a-017.myriad.ucl.ac.uk.185013.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.04.05.00.40.15/train/events.out.tfevents.1649115615.node-e00a-018.myriad.ucl.ac.uk.49229.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.04.05.00.40.15/train/events.out.tfevents.1649115615.node-e00a-018.myriad.ucl.ac.uk.49229.0.v2 new file mode 100644 index 0000000..c18bd6b Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.04.05.00.40.15/train/events.out.tfevents.1649115615.node-e00a-018.myriad.ucl.ac.uk.49229.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.04.05.00.40.15/validation/events.out.tfevents.1649115643.node-e00a-018.myriad.ucl.ac.uk.49229.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.04.05.00.40.15/validation/events.out.tfevents.1649115643.node-e00a-018.myriad.ucl.ac.uk.49229.1.v2 new file mode 100644 index 0000000..a474eb8 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/2022.04.05.00.40.15/validation/events.out.tfevents.1649115643.node-e00a-018.myriad.ucl.ac.uk.49229.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/metrics.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/metrics.csv new file mode 100644 index 0000000..e2e7028 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,126563.10315942802 +sharpness,17.33605789600324 +variation,2.0533824679073555e-16 +mae,358.18458344680585 +mse,298421.7224859953 +rmse,546.2798939060409 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/predictions.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/predictions.csv new file mode 100644 index 0000000..8a0e088 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/predictions.csv @@ -0,0 +1,254 @@ +,Predicted value,Predicted standard deviation,True value +0,610.7681341129493,17.33605789600324,240.5857599519823 +1,610.7681341129493,17.33605789600324,338.5857521706066 +2,610.7681341129493,17.33605789600324,400.58574724769545 +3,610.7681341129493,17.33605789600324,481.5857408161503 +4,610.7681341129493,17.33605789600324,607.5857308115244 +5,610.7681341129493,17.33605789600324,170.5857655101078 +6,610.7681341129493,17.33605789600324,99.58577114763511 +7,610.7681341129493,17.33605789600324,679.5857250945952 +8,610.7681341129493,17.33605789600324,197.58576336625939 +9,610.7681341129493,17.33605789600324,200.58576312805405 +10,610.7681341129493,17.33605789600324,674.5857254916042 +11,610.7681341129493,17.33605789600324,144.5857675745544 +12,610.7681341129493,17.33605789600324,478.5857410543556 +13,610.7681341129493,17.33605789600324,978.5857013534593 +14,610.7681341129493,17.33605789600324,247.5857593961698 +15,610.7681341129493,17.33605789600324,754.4592429505203 +16,610.7681341129493,17.33605789600324,432.585744706838 +17,610.7681341129493,17.33605789600324,83.42622265888586 +18,610.7681341129493,17.33605789600324,652.5857272384436 +19,610.7681341129493,17.33605789600324,609.5857306527207 +20,610.7681341129493,17.33605789600324,208.5857624928397 +21,610.7681341129493,17.33605789600324,623.5857295410957 +22,610.7681341129493,17.33605789600324,453.5857430394004 +23,610.7681341129493,17.33605789600324,477.5857411337574 +24,610.7681341129493,17.33605789600324,1340.5856726100105 +25,610.7681341129493,17.33605789600324,502.5857391487126 +26,610.7681341129493,17.33605789600324,218.58576169882184 +27,610.7681341129493,17.33605789600324,163.58576606592038 +28,610.7681341129493,17.33605789600324,565.5857341463998 +29,610.7681341129493,17.33605789600324,430.5857448656418 +30,610.7681341129493,17.33605789600324,280.7913011441348 +31,610.7681341129493,17.33605789600324,295.5857555848837 +32,610.7681341129493,17.33605789600324,253.58575891975903 +33,610.7681341129493,17.33605789600324,399.5857473270973 +34,610.7681341129493,17.33605789600324,1164.5856865847259 +35,610.7681341129493,17.33605789600324,129.58576876558132 +36,610.7681341129493,17.33605789600324,469.58574176897173 +37,610.7681341129493,17.33605789600324,260.58575836394647 +38,610.7681341129493,17.33605789600324,523.5857374812748 +39,610.7681341129493,17.33605789600324,166.585765827715 +40,610.7681341129493,17.33605789600324,330.5857528058209 +41,610.7681341129493,17.33605789600324,351.58575113838333 +42,610.7681341129493,17.33605789600324,571.5857336699888 +43,610.7681341129493,17.33605789600324,935.5857047677364 +44,610.7681341129493,17.33605789600324,256.58575868155367 +45,610.7681341129493,17.33605789600324,910.5857067527812 +46,610.7681341129493,17.33605789600324,168.5857656689114 +47,610.7681341129493,17.33605789600324,208.5857624928397 +48,610.7681341129493,17.33605789600324,571.5857336699888 +49,610.7681341129493,17.33605789600324,400.58574724769545 +50,610.7681341129493,17.33605789600324,86.58577217985842 +51,610.7681341129493,17.33605789600324,222.5857613812146 +52,610.7681341129493,17.33605789600324,153.58576685993827 +53,610.7681341129493,17.33605789600324,393.58574780350807 +54,610.7681341129493,17.33605789600324,310.5857543938568 +55,610.7681341129493,17.33605789600324,354.58575090017797 +56,610.7681341129493,17.33605789600324,727.5857212833093 +57,610.7681341129493,17.33605789600324,494.58573978392684 +58,610.7681341129493,17.33605789600324,319.58575367924067 +59,610.7681341129493,17.33605789600324,652.5857272384436 +60,610.7681341129493,17.33605789600324,127.58576892438492 +61,610.7681341129493,17.33605789600324,106.58577059182257 +62,610.7681341129493,17.33605789600324,160.58576630412574 +63,610.7681341129493,17.33605789600324,335.58575240881197 +64,610.7681341129493,17.33605789600324,1013.5856985743968 +65,610.7681341129493,17.33605789600324,1285.585676977109 +66,610.7681341129493,17.33605789600324,1333.5856731658228 +67,610.7681341129493,17.33605789600324,3643.743437099969 +68,610.7681341129493,17.33605789600324,1001.585699527218 +69,610.7681341129493,17.33605789600324,291.58575590249086 +70,610.7681341129493,17.33605789600324,234.5857604283931 +71,610.7681341129493,17.33605789600324,926.9151354639647 +72,610.7681341129493,17.33605789600324,254.58575884035724 +73,610.7681341129493,17.33605789600324,238.58576011078603 +74,610.7681341129493,17.33605789600324,496.5857396251232 +75,610.7681341129493,17.33605789600324,373.585749391544 +76,610.7681341129493,17.33605789600324,552.5857351786229 +77,610.7681341129493,17.33605789600324,125.58576908318848 +78,610.7681341129493,17.33605789600324,360.58575042376714 +79,610.7681341129493,17.33605789600324,251.58575907856255 +80,610.7681341129493,17.33605789600324,339.58575209120477 +81,610.7681341129493,17.33605789600324,304.58575487026764 +82,610.7681341129493,17.33605789600324,556.5857348610158 +83,610.7681341129493,17.33605789600324,495.5857397045252 +84,610.7681341129493,17.33605789600324,287.5857562200981 +85,610.7681341129493,17.33605789600324,3521.5854994346996 +86,610.7681341129493,17.33605789600324,160.620206064518 +87,610.7681341129493,17.33605789600324,234.5857604283931 +88,610.7681341129493,17.33605789600324,669.5857258886133 +89,610.7681341129493,17.33605789600324,152.5857669393401 +90,610.7681341129493,17.33605789600324,632.5857288264797 +91,610.7681341129493,17.33605789600324,334.58575248821387 +92,610.7681341129493,17.33605789600324,235.58576034899133 +93,610.7681341129493,17.33605789600324,768.9388632748868 +94,610.7681341129493,17.33605789600324,213.58576209583072 +95,610.7681341129493,17.33605789600324,230.58576074600026 +96,610.7681341129493,17.33605789600324,551.5857352580248 +97,610.7681341129493,17.33605789600324,257.5857586021519 +98,610.7681341129493,17.33605789600324,758.5857188218538 +99,610.7681341129493,17.33605789600324,236.5857602695895 +100,610.7681341129493,17.33605789600324,383.585748597526 +101,610.7681341129493,17.33605789600324,223.58576130181282 +102,610.7681341129493,17.33605789600324,779.5857171544162 +103,610.7681341129493,17.33605789600324,236.5857602695895 +104,610.7681341129493,17.33605789600324,1542.5856565708484 +105,610.7681341129493,17.33605789600324,428.5857450244453 +106,610.7681341129493,17.33605789600324,836.5857126285138 +107,610.7681341129493,17.33605789600324,550.5857353374264 +108,610.7681341129493,17.33605789600324,441.5857439922218 +109,610.7681341129493,17.33605789600324,693.5857239829703 +110,610.7681341129493,17.33605789600324,491.5857400221323 +111,610.7681341129493,17.33605789600324,208.5857624928397 +112,610.7681341129493,17.33605789600324,1054.168039020076 +113,610.7681341129493,17.33605789600324,547.5959088769893 +114,610.7681341129493,17.33605789600324,1111.5856907930208 +115,610.7681341129493,17.33605789600324,876.5857094524423 +116,610.7681341129493,17.33605789600324,657.5857268414347 +117,610.7681341129493,17.33605789600324,251.01789069958312 +118,610.7681341129493,17.33605789600324,546.5857356550338 +119,610.7681341129493,17.33605789600324,250.5857591579644 +120,610.7681341129493,17.33605789600324,204.58576281044685 +121,610.7681341129493,17.33605789600324,144.5857675745544 +122,610.7681341129493,17.33605789600324,278.5857569347142 +123,610.7681341129493,17.33605789600324,2148.5856084533616 +124,610.7681341129493,17.33605789600324,345.58575161479416 +125,610.7681341129493,17.33605789600324,904.585707229192 +126,610.7681341129493,17.33605789600324,1154.5856873787438 +127,610.7681341129493,17.33605789600324,1470.585662287777 +128,610.7681341129493,17.33605789600324,739.5857203304878 +129,610.7681341129493,17.33605789600324,331.5857527264192 +130,610.7681341129493,17.33605789600324,476.58574121315917 +131,610.7681341129493,17.33605789600324,465.5857420865789 +132,610.7681341129493,17.33605789600324,1018.5856981773877 +133,610.7681341129493,17.33605789600324,1234.5856810266002 +134,610.7681341129493,17.33605789600324,653.5857271590419 +135,610.7681341129493,17.33605789600324,347.58575145599053 +136,610.7681341129493,17.33605789600324,801.5857154075765 +137,610.7681341129493,17.33605789600324,549.5857354168284 +138,610.7681341129493,17.33605789600324,184.5857643984827 +139,610.7681341129493,17.33605789600324,624.5857294616939 +140,610.7681341129493,17.33605789600324,694.5857239035686 +141,610.7681341129493,17.33605789600324,542.5857359726408 +142,610.7681341129493,17.33605789600324,628.5857291440867 +143,610.7681341129493,17.33605789600324,1384.5856691163315 +144,610.7681341129493,17.33605789600324,385.58574843872236 +145,610.7681341129493,17.33605789600324,442.5857439128201 +146,610.7681341129493,17.33605789600324,2145.585608691567 +147,610.7681341129493,17.33605789600324,2084.5856135350764 +148,610.7681341129493,17.33605789600324,133.58576844797415 +149,610.7681341129493,17.33605789600324,168.5857656689114 +150,610.7681341129493,17.33605789600324,348.5857513765887 +151,610.7681341129493,17.33605789600324,2181.5856058331024 +152,610.7681341129493,17.33605789600324,365.5857500267583 +153,610.7681341129493,17.33605789600324,1205.5856833292526 +154,610.7681341129493,17.33605789600324,313.58575415565144 +155,610.7681341129493,17.33605789600324,72.58577329148352 +156,610.7681341129493,17.33605789600324,980.5857011946556 +157,610.7681341129493,17.33605789600324,617.5857300175064 +158,610.7681341129493,17.33605789600324,256.58575868155367 +159,610.7681341129493,17.33605789600324,3289.585517855917 +160,610.7681341129493,17.33605789600324,218.58576169882184 +161,610.7681341129493,17.33605789600324,402.585747088892 +162,610.7681341129493,17.33605789600324,1519.5856583970894 +163,610.7681341129493,17.33605789600324,289.5857560612945 +164,610.7681341129493,17.33605789600324,852.4579164643103 +165,610.7681341129493,17.33605789600324,213.01151280128758 +166,610.7681341129493,17.33605789600324,296.585755505482 +167,610.7681341129493,17.33605789600324,1373.585669989751 +168,610.7681341129493,17.33605789600324,468.9700846237468 +169,610.7681341129493,17.33605789600324,3337.58551404463 +170,610.7681341129493,17.33605789600324,361.5857503443654 +171,610.7681341129493,17.33605789600324,1177.5856855525024 +172,610.7681341129493,17.33605789600324,260.58575836394647 +173,610.7681341129493,17.33605789600324,526.5857372430696 +174,610.7681341129493,17.33605789600324,226.58576106360744 +175,610.7681341129493,17.33605789600324,371.58574955034754 +176,610.7681341129493,17.33605789600324,490.58574010153404 +177,610.7681341129493,17.33605789600324,1342.5856724512068 +178,610.7681341129493,17.33605789600324,926.5857054823524 +179,610.7681341129493,17.33605789600324,2657.585568037849 +180,610.7681341129493,17.33605789600324,199.5857632074558 +181,610.7681341129493,17.33605789600324,237.58576019018776 +182,610.7681341129493,17.33605789600324,464.58574216598083 +183,610.7681341129493,17.33605789600324,229.585760825402 +184,610.7681341129493,17.33605789600324,759.5857187424518 +185,610.7681341129493,17.33605789600324,192.58576376326835 +186,610.7681341129493,17.33605789600324,444.58574375401656 +187,610.7681341129493,17.33605789600324,674.5857254916042 +188,610.7681341129493,17.33605789600324,426.5857451832489 +189,610.7681341129493,17.33605789600324,259.58575844334825 +190,610.7681341129493,17.33605789600324,443.58574383341835 +191,610.7681341129493,17.33605789600324,615.58573017631 +192,610.7681341129493,17.33605789600324,849.5857115962906 +193,610.7681341129493,17.33605789600324,647.5857276354526 +194,610.7681341129493,17.33605789600324,545.5857357344355 +195,610.7681341129493,17.33605789600324,411.5857463742758 +196,610.7681341129493,17.33605789600324,464.58574216598083 +197,610.7681341129493,17.33605789600324,739.5857203304878 +198,610.7681341129493,17.33605789600324,689.5857243005772 +199,610.7681341129493,17.33605789600324,621.5857296998992 +200,610.7681341129493,17.33605789600324,494.58573978392684 +201,610.7681341129493,17.33605789600324,456.5857428011951 +202,610.7681341129493,17.33605789600324,717.5857220773271 +203,610.7681341129493,17.33605789600324,442.5857439128201 +204,610.7681341129493,17.33605789600324,208.5857624928397 +205,610.7681341129493,17.33605789600324,207.58576257224152 +206,610.7681341129493,17.33605789600324,354.58575090017797 +207,610.7681341129493,17.33605789600324,143.5857676539562 +208,610.7681341129493,17.33605789600324,179.58576479549168 +209,610.7681341129493,17.33605789600324,1376.5856697515458 +210,610.7681341129493,17.33605789600324,262.5857582051429 +211,610.7681341129493,17.33605789600324,217.5857617782236 +212,610.7681341129493,17.33605789600324,463.58574224538256 +213,610.7681341129493,17.33605789600324,481.5857408161503 +214,610.7681341129493,17.33605789600324,652.5857272384436 +215,610.7681341129493,17.33605789600324,894.5857080232097 +216,610.7681341129493,17.33605789600324,711.5857225537379 +217,610.7681341129493,17.33605789600324,188.58576408087555 +218,610.7681341129493,17.33605789600324,659.5857266826313 +219,610.7681341129493,17.33605789600324,331.5857527264192 +220,610.7681341129493,17.33605789600324,250.5857591579644 +221,610.7681341129493,17.33605789600324,242.58575979317874 +222,610.7681341129493,17.33605789600324,308.58575455266043 +223,610.7681341129493,17.33605789600324,781.5857169956122 +224,610.7681341129493,17.33605789600324,254.58575884035724 +225,610.7681341129493,17.33605789600324,259.58575844334825 +226,610.7681341129493,17.33605789600324,297.5857554260802 +227,610.7681341129493,17.33605789600324,276.58575709351777 +228,610.7681341129493,17.33605789600324,315.58575399684787 +229,610.7681341129493,17.33605789600324,273.5857573317232 +230,610.7681341129493,17.33605789600324,196.5857634456612 +231,610.7681341129493,17.33605789600324,640.5857281912653 +232,610.7681341129493,17.33605789600324,722.5857216803181 +233,610.7681341129493,17.33605789600324,491.5857400221323 +234,610.7681341129493,17.33605789600324,1117.5856903166102 +235,610.7681341129493,17.33605789600324,317.58575383804435 +236,610.7681341129493,17.33605789600324,358.5857505825708 +237,610.7681341129493,17.33605789600324,1801.585636005784 +238,610.7681341129493,17.33605789600324,294.5857556642855 +239,610.7681341129493,17.33605789600324,607.5857308115244 +240,610.7681341129493,17.33605789600324,634.585728667676 +241,610.7681341129493,17.33605789600324,224.58576122241104 +242,610.7681341129493,17.33605789600324,229.9570867399526 +243,610.7681341129493,17.33605789600324,511.5857384340965 +244,610.7681341129493,17.33605789600324,507.58573875170373 +245,610.7681341129493,17.33605789600324,276.58575709351777 +246,610.7681341129493,17.33605789600324,1335.5856730070195 +247,610.7681341129493,17.33605789600324,289.5857560612945 +248,610.7681341129493,17.33605789600324,225.52557371613608 +249,610.7681341129493,17.33605789600324,190.0023038850011 +250,610.7681341129493,17.33605789600324,541.5857360520424 +251,610.7681341129493,17.33605789600324,223.58576130181282 +252,610.7681341129493,17.33605789600324,1038.5856965893518 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/val-metrics-2022.04.05.14.33.45.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/val-metrics-2022.04.05.14.33.45.csv new file mode 100644 index 0000000..62613cc --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/val-metrics-2022.04.05.14.33.45.csv @@ -0,0 +1,7 @@ +,0 +nll,17606.324228304195 +sharpness,17.336062888909044 +variation,0.0 +mae,358.1672125195266 +mse,205238.3254350778 +rmse,453.0323668735798 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/val-metrics-2022.06.23.17.06.41.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/val-metrics-2022.06.23.17.06.41.csv new file mode 100644 index 0000000..85503e3 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-2/val-metrics-2022.06.23.17.06.41.csv @@ -0,0 +1,7 @@ +,0 +nll,17606.33424606129 +sharpness,17.336057896003176 +variation,0.0 +mae,358.1672125133163 +mse,205238.32545577423 +rmse,453.03236689642193 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.01.26.17.35.29/train/events.out.tfevents.1643218529.node-l00a-002.myriad.ucl.ac.uk.264190.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.01.26.17.35.29/train/events.out.tfevents.1643218529.node-l00a-002.myriad.ucl.ac.uk.264190.0.v2 new file mode 100644 index 0000000..7e3233a Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.01.26.17.35.29/train/events.out.tfevents.1643218529.node-l00a-002.myriad.ucl.ac.uk.264190.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.01.26.17.35.29/validation/events.out.tfevents.1643218551.node-l00a-002.myriad.ucl.ac.uk.264190.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.01.26.17.35.29/validation/events.out.tfevents.1643218551.node-l00a-002.myriad.ucl.ac.uk.264190.1.v2 new file mode 100644 index 0000000..694aa44 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.01.26.17.35.29/validation/events.out.tfevents.1643218551.node-l00a-002.myriad.ucl.ac.uk.264190.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.02.10.17.42.18/train/events.out.tfevents.1644514938.node-e00a-014.myriad.ucl.ac.uk.171650.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.02.10.17.42.18/train/events.out.tfevents.1644514938.node-e00a-014.myriad.ucl.ac.uk.171650.0.v2 new file mode 100644 index 0000000..6b9c384 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.02.10.17.42.18/train/events.out.tfevents.1644514938.node-e00a-014.myriad.ucl.ac.uk.171650.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.02.10.17.42.18/validation/events.out.tfevents.1644514962.node-e00a-014.myriad.ucl.ac.uk.171650.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.02.10.17.42.18/validation/events.out.tfevents.1644514962.node-e00a-014.myriad.ucl.ac.uk.171650.1.v2 new file mode 100644 index 0000000..04f86f7 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.02.10.17.42.18/validation/events.out.tfevents.1644514962.node-e00a-014.myriad.ucl.ac.uk.171650.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.02.11.02.50.37/train/events.out.tfevents.1644547837.node-j00a-001.myriad.ucl.ac.uk.134195.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.02.11.02.50.37/train/events.out.tfevents.1644547837.node-j00a-001.myriad.ucl.ac.uk.134195.0.v2 new file mode 100644 index 0000000..95047b3 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.02.11.02.50.37/train/events.out.tfevents.1644547837.node-j00a-001.myriad.ucl.ac.uk.134195.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.02.11.02.50.37/validation/events.out.tfevents.1644547869.node-j00a-001.myriad.ucl.ac.uk.134195.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.02.11.02.50.37/validation/events.out.tfevents.1644547869.node-j00a-001.myriad.ucl.ac.uk.134195.1.v2 new file mode 100644 index 0000000..1bb0926 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.02.11.02.50.37/validation/events.out.tfevents.1644547869.node-j00a-001.myriad.ucl.ac.uk.134195.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.02.14.19.24.22/train/events.out.tfevents.1644866662.node-j00a-002.myriad.ucl.ac.uk.263945.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.02.14.19.24.22/train/events.out.tfevents.1644866662.node-j00a-002.myriad.ucl.ac.uk.263945.0.v2 new file mode 100644 index 0000000..e9bc5c7 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.02.14.19.24.22/train/events.out.tfevents.1644866662.node-j00a-002.myriad.ucl.ac.uk.263945.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.02.14.19.24.22/validation/events.out.tfevents.1644866692.node-j00a-002.myriad.ucl.ac.uk.263945.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.02.14.19.24.22/validation/events.out.tfevents.1644866692.node-j00a-002.myriad.ucl.ac.uk.263945.1.v2 new file mode 100644 index 0000000..31c02bc Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.02.14.19.24.22/validation/events.out.tfevents.1644866692.node-j00a-002.myriad.ucl.ac.uk.263945.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.03.10.22.47.06/train/events.out.tfevents.1646952426.node-l00a-002.myriad.ucl.ac.uk.235048.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.03.10.22.47.06/train/events.out.tfevents.1646952426.node-l00a-002.myriad.ucl.ac.uk.235048.0.v2 new file mode 100644 index 0000000..ca9c989 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.03.10.22.47.06/train/events.out.tfevents.1646952426.node-l00a-002.myriad.ucl.ac.uk.235048.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.03.10.22.47.06/validation/events.out.tfevents.1646952464.node-l00a-002.myriad.ucl.ac.uk.235048.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.03.10.22.47.06/validation/events.out.tfevents.1646952464.node-l00a-002.myriad.ucl.ac.uk.235048.1.v2 new file mode 100644 index 0000000..b4fee23 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/2022.03.10.22.47.06/validation/events.out.tfevents.1646952464.node-l00a-002.myriad.ucl.ac.uk.235048.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/metrics.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/metrics.csv new file mode 100644 index 0000000..a8831dc --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,454621.6777407376 +sharpness,4.980954511361468 +variation,0.1837399279731004 +mae,163.76467720217218 +mse,154965.34138961424 +rmse,393.6563747605445 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/predictions.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/predictions.csv new file mode 100644 index 0000000..deccbc1 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/predictions.csv @@ -0,0 +1,254 @@ +,Predicted value,Predicted standard deviation,True value +0,656.1144533182688,6.418685991286109,718.5857219979254 +1,236.26825344036496,4.251382940288516,247.5857593961698 +2,627.9723287457274,5.853039939233369,590.5857321613547 +3,649.6905071744133,6.275697690346855,856.5857110404779 +4,660.5516789034392,6.539654946499754,694.5857239035686 +5,292.9634816358086,4.24182885018806,336.58575232941024 +6,595.3768143168401,5.389956510199306,542.5857359726408 +7,366.94542493505304,4.232793138258331,376.58574915333855 +8,296.18070571247534,4.240277256248288,359.5857505031691 +9,347.7367959097484,4.23029227416461,369.5857497091512 +10,227.41610029582097,4.251629806995067,230.58576074600026 +11,618.1870905074067,5.697405330951364,679.5857250945952 +12,593.4734872508817,5.346467372798137,910.5857067527812 +13,214.3123633168181,4.251887172333312,199.5857632074558 +14,220.14324014271205,4.252071572983614,204.58576281044685 +15,618.0849032184616,5.687401436089248,781.5857169956122 +16,213.9023426596579,4.249498843880227,109.58577035361715 +17,645.2801223193475,6.143805166947311,703.5857231889522 +18,199.2233003445728,4.250190882831528,181.58576463668808 +19,606.7263268118915,5.519301379311216,695.3071651297435 +20,259.2209397088156,4.253302510965272,276.58575709351777 +21,647.0362465050258,6.195643297116576,709.5857227125415 +22,527.1935251007418,4.708737625399066,592.5857320025513 +23,535.9824342131398,4.761881935490118,595.5857317643457 +24,522.879921548407,4.668056292012465,619.5857298587027 +25,636.9471480680951,6.028570690836528,904.376237450921 +26,540.1283939371261,4.795592841416213,489.5857401809359 +27,510.556235424927,4.572458478766387,480.58574089555196 +28,630.976555625679,5.885934244798865,789.5857163603979 +29,664.0425437506857,6.599418182185971,939.5857044501292 +30,636.0163078795559,5.946630608399098,1209.5856830116452 +31,350.0213151541722,4.228714641108599,262.5857582051429 +32,376.76623731329727,4.236588289620118,295.5857555848837 +33,292.3858312903105,4.242016306885681,396.58574756530265 +34,199.9038985024019,4.250688581136204,150.58576709814366 +35,520.6161428020497,4.633518057101517,481.5857408161503 +36,210.48561172313583,4.249566669792767,171.58576543070603 +37,615.7782666347467,5.6145762825657695,1011.5856987332004 +38,398.5533317623869,4.251907267981067,471.58574161016816 +39,209.93361161167576,4.249760187197911,95.58577146524229 +40,308.33653409516427,4.237301359568695,303.58575494966937 +41,210.44350124544889,4.24943535418898,182.58576455728627 +42,612.808815452625,5.615556042206284,538.5857362902481 +43,367.00787902785504,4.229454994411129,366.5857499473565 +44,401.5369088792542,4.247803587888411,439.5857441510256 +45,345.01494872140046,4.230378990603062,331.5857527264192 +46,319.9077712964865,4.23166124783297,238.58576011078603 +47,563.5068224589996,5.000718381016055,554.5857350198194 +48,222.23597290178458,4.248438574085456,169.5857655895096 +49,224.28862117697298,4.248166887654073,176.5857650336971 +50,290.5948173953695,4.243692397368064,311.585754314455 +51,188.39493415009946,4.248185887553988,166.585765827715 +52,278.8353691536251,4.246111916786245,349.5857512971869 +53,203.939145865934,4.249582598192857,185.58576431908094 +54,205.0650486425513,4.248982351009122,115.58576987720642 +55,219.1469336249358,4.246986065226937,99.58577114763511 +56,242.2162353110254,4.251021200884724,285.58575637890164 +57,189.74029967996483,4.249090941733635,103.34535948486929 +58,157.89766772792808,4.255428791399563,121.58576940079568 +59,253.41902992729973,4.250032545125316,272.585757411125 +60,229.53110963883245,4.25211180322878,263.5857581257411 +61,302.35894124102214,4.239464180777255,295.5857555848837 +62,271.6821665924328,4.248021491270997,289.5857560612945 +63,267.21653271986014,4.247571716346745,265.58575796693754 +64,447.9107266565608,4.326811393938046,470.5857416895698 +65,208.88147504574607,4.249512333781746,141.58576781275983 +66,224.47927066815845,4.250885400517967,113.58577003600998 +67,202.52698669528417,4.249516445896172,85.58577225926021 +68,667.5758424785546,6.881606372302212,1476.8987630443203 +69,186.16077146351762,4.248348922354888,213.58576209583072 +70,235.1312015701953,4.250893964074694,269.5857576493304 +71,232.69009817453497,4.251041753637106,275.58575717291956 +72,671.9929850974614,7.074179079855858,1045.5856960335393 +73,220.41245422467563,4.2487486129546665,223.58576130181282 +74,658.7004921793961,6.575563377281523,3628.585490938709 +75,654.3835587999876,6.629831978536419,3637.5854902240917 +76,314.74679348500666,4.234571181133069,291.58575590249086 +77,527.7659068380964,4.701431464133422,420.58574565965966 +78,264.5830014888199,4.24808726138829,254.58575884035724 +79,635.4773552663756,5.999705727683542,501.58573922811433 +80,285.40842903369065,4.24186612249623,351.58575113838333 +81,221.2096404962469,4.248123170810194,144.5857675745544 +82,199.06586215733495,4.248963558135991,65.58577384729607 +83,202.68887553890107,4.248835571179957,123.58576924199207 +84,594.4880226145507,5.374634642934639,749.5857195364697 +85,226.40837911464058,4.249037136771453,232.5857605871967 +86,490.68124976698,4.487340999929642,549.5857354168284 +87,657.5243021135522,6.43154752509025,989.5857004800397 +88,230.26879223123996,4.24690365269312,252.58575899916082 +89,282.40160356307405,4.245270003298676,337.5857522500084 +90,385.37171056711503,4.256409901974865,275.58575717291956 +91,309.32480223612964,4.2375342446858,346.5857515353923 +92,258.593548723071,4.249521918345002,273.5857573317232 +93,289.16806366213876,4.243959516059622,331.5857527264192 +94,376.45602633193647,4.274206298144968,398.585747406499 +95,525.589723704392,4.70185726326918,472.58574153076637 +96,352.3790288895763,4.230516465246907,445.5857436746148 +97,352.3807716770427,4.231426416065105,454.58574295999847 +98,602.074978017232,5.449056931107315,653.5857271590419 +99,632.6292376028033,5.932195142600938,726.5857213627112 +100,273.87157398319704,4.245811894531728,304.58575487026764 +101,194.14605381321252,4.247324278651147,165.58576590711678 +102,570.4375905054513,5.087593009035462,554.5857350198194 +103,224.25415072467166,4.250037158322882,315.58575399684787 +104,200.94290975496205,4.249648183491197,257.3811557603249 +105,593.491724020154,5.333007416489404,594.4020938795843 +106,627.0587676996366,5.901697521373588,1648.585648154258 +107,205.65060677052696,4.249250792245044,83.58577241806378 +108,204.55331126477557,4.2502225020087785,142.58576773335804 +109,624.1763020615582,5.825655016467875,714.5857223155325 +110,217.1911376537866,4.247888769596946,166.585765827715 +111,369.17281633373585,4.229338844064219,391.5857479623117 +112,664.5664634936039,6.757702423546906,1070.5856940484944 +113,670.4204882320092,6.9322716812668235,1315.585674595055 +114,519.3299972195438,4.672314683653308,507.58573875170373 +115,635.6045965871746,5.961424554414401,863.5857104846657 +116,209.80814526768535,4.249736225379124,150.58576709814366 +117,550.9175327860395,4.909603545283039,598.5857315261405 +118,664.2627281272163,6.743231890081164,1221.5856820588235 +119,615.5417552467571,5.65000681568858,857.5857109610762 +120,221.83560299526306,4.2525915380098205,221.58576146061642 +121,643.3698944364024,6.125648205320909,726.5857213627112 +122,464.4111686663893,4.379557557869967,477.5857411337574 +123,552.8531371765185,4.93671288737368,618.5857299381046 +124,625.7100019241572,5.790133709492056,564.5857342258015 +125,510.3252769972061,4.60190490167185,641.5857281118634 +126,555.3481961809176,4.921925647521876,662.5857264444257 +127,667.6918550275387,6.787834653558325,599.5857314467387 +128,372.0661498412339,4.2520529171176,266.8364515022847 +129,652.6315962958016,6.306744006727947,1128.5856894431904 +130,636.2642604793365,6.01493735818115,895.0107895499382 +131,358.54039770636354,4.229383111454579,350.5857512177851 +132,399.83710611090845,4.257208151762032,381.5857487563297 +133,672.2043398924362,7.114097150321534,2264.5855992427537 +134,259.03068109694885,4.249408904255306,331.5857527264192 +135,194.8128218926251,4.249689037949232,145.58576749515262 +136,302.8418596409321,4.238980575440946,342.5857518529994 +137,434.894004716649,4.294461596130117,469.58574176897173 +138,583.6932796040566,5.2590253227009,662.5857264444257 +139,353.103808075077,4.2309698645723035,334.58575248821387 +140,349.299749015696,4.228920492816069,358.5857505825708 +141,406.424020023742,4.266199985366335,506.5857388311055 +142,577.8672314491997,5.210693403640248,625.5857293822921 +143,634.4923234476865,5.945595945235493,1178.4664455102513 +144,647.4932029973426,6.195368310348351,925.5857055617543 +145,545.1688352290258,4.864154611661494,550.5857353374264 +146,629.7462001054538,5.901286834828644,608.5857307321222 +147,660.8230356340047,6.653635084789553,1283.5856771359124 +148,668.3206039330263,7.481452682525262,1033.8940424655252 +149,592.5126134575422,5.370684484192178,631.5857289058813 +150,308.83340193476414,4.236838771463263,339.58575209120477 +151,505.7073082709741,4.599157343003643,652.5857272384436 +152,571.8197434994382,5.068545245733293,637.5857284294706 +153,647.9874244581498,6.203945795858826,1145.58568809336 +154,378.40989927341997,4.238153598087208,459.58574256298965 +155,353.14441608675423,4.230712466112415,435.58574446863264 +156,214.10224079975904,4.2520234936729615,223.58576130181282 +157,294.990099881965,4.240804597195851,329.58575288522275 +158,231.9506045132477,4.250490250013402,259.58575844334825 +159,219.55634921539257,4.251625093367563,207.58576257224152 +160,208.8485253739238,4.250276849592951,192.58576376326835 +161,217.40276672035924,4.2494371496878145,240.5857599519823 +162,413.94234657002215,4.267911242612106,473.5857414513646 +163,177.82718671747006,4.2486760287782435,123.58576924199207 +164,197.41524731283442,4.248959223526531,215.5857619370272 +165,204.4565513528034,4.249382118522423,108.58577043301895 +166,232.66747788833908,4.248587686059455,122.58576932139387 +167,213.61124945205682,4.250821359813054,201.58576304865227 +168,200.14080899851996,4.249316728388338,85.58577225926021 +169,238.15725322939778,4.253605748553191,231.60760465794567 +170,673.0774178395969,7.19694520064622,2092.585612899862 +171,666.1297269685839,6.828250925832181,2552.585576375037 +172,608.5164923181911,5.563926061891266,1153.5856874581455 +173,659.2493836028463,7.545238519306666,2100.5856122646474 +174,662.7134953102797,6.67580540651194,1520.5856583176874 +175,240.66055270811574,4.2494711266525345,271.5857574905268 +176,257.39329421809106,4.250421119306416,268.5857577287321 +177,672.6750588154329,7.200920643024708,1147.5856879345565 +178,157.9066010223725,4.255056765993853,121.58576940079568 +179,323.4478360280702,4.231631460090722,363.5857501855618 +180,648.0661838900998,6.288892517594461,1524.5856580000805 +181,654.5739029962334,6.344541830344834,1177.5856855525024 +182,616.1491528065236,5.744103570886984,1188.5856846790828 +183,388.5421889407664,4.255668643728407,412.58574629487396 +184,651.2700592725779,6.390120342655045,1309.585675071466 +185,211.04549017997869,4.25000140140812,165.58576590711678 +186,443.4138646975027,4.317053283183193,501.58573922811433 +187,672.4871652717212,7.1509957021981325,1394.5856683223135 +188,615.2413250060546,5.636200429296205,856.608845977842 +189,208.98357230434357,4.250200189540839,206.5857626516433 +190,406.5000282568473,4.264646460809752,452.5857431188022 +191,230.51757667031796,4.2527819066623325,232.5857605871967 +192,516.1346292521449,4.651252379969992,628.5857291440867 +193,618.588065135733,5.70267040082398,834.5857127873172 +194,527.9847445373181,4.6987361998690735,674.5857254916042 +195,566.3803591388279,5.034042633487866,465.5857420865789 +196,551.3630552019114,4.890776222023165,537.5857363696499 +197,234.97822787147396,4.248607740522083,225.5857611430092 +198,516.3131735035423,4.621969282558665,539.5857362108462 +199,580.0035141489208,5.194271747437566,539.651141832417 +200,604.97987296431,5.515261923833103,737.4038770818173 +201,330.9639435155661,4.250822356108329,270.5857575699285 +202,624.5930898183179,5.778234662737697,934.5857048471382 +203,209.6360105163805,4.249689604567579,195.58576352506302 +204,391.62597043677323,4.2490552138683295,447.58574351581115 +205,348.61959877743556,4.247711811932672,289.5857560612945 +206,644.9818264695842,6.170558721561171,674.5857254916042 +207,244.29986375401512,4.251017521109557,174.58576519250062 +208,625.9003405892437,5.786719372505618,799.5857155663801 +209,663.4942641519484,6.696080209815427,1531.5856574442678 +210,527.7289951794775,4.704296983115018,418.58574581846324 +211,475.322787268182,4.425027524636186,588.5857323201583 +212,485.03830522863444,4.486299114325256,478.5857410543556 +213,537.5950245617024,4.773451014663256,616.5857300969083 +214,286.5531549051304,4.244641797493791,310.5857543938568 +215,472.6146853016,4.427013429702078,505.58573891050713 +216,320.98930817441595,4.2351613336311935,314.5857540762497 +217,637.704643744126,6.004175306284476,731.5857209657021 +218,303.68361110364657,4.237753699214008,384.58574851812415 +219,225.29087243391422,4.248983433219398,175.58576511309886 +220,404.0535956912228,4.258531113953683,412.58574629487396 +221,223.2167388212294,4.247749598503886,122.58576932139387 +222,461.7620806128563,4.404003569830183,618.5857299381046 +223,361.09424723911997,4.232171936271308,376.58574915333855 +224,312.1779461454136,4.236928866318953,324.58575328223185 +225,584.954107721771,5.265073460704111,693.5857239829703 +226,624.7204881592535,5.7728175875466805,566.5857340669977 +227,640.4025313678468,6.068428224859151,716.5857221567288 +228,529.5515176626651,4.7093593718665305,657.5857268414347 +229,281.4405102386301,4.246299196453489,357.5857506619725 +230,651.5106936858357,6.29936336446679,657.5857268414347 +231,499.0306587694269,4.519071310161216,504.5857389899089 +232,227.5630007453439,4.249450553004886,228.58576090480392 +233,272.03662722928146,4.247278295892331,272.585757411125 +234,216.3944524776527,4.249907042986349,186.5857642396791 +235,318.1065903599303,4.237166796311322,446.0864616460566 +236,550.2284807418329,4.915720885409493,624.5857294616939 +237,588.1402749781447,5.304789659228676,497.5857395457216 +238,232.51106436640492,4.251022573140052,252.58575899916082 +239,389.4717652181918,4.244781851408768,368.58574978855285 +240,210.5175212338583,4.250080316862313,211.58576225463432 +241,641.2057063727171,6.080318292519808,949.5857036561116 +242,326.73259498432907,4.2361541667298255,311.585754314455 +243,638.8893953633452,6.261416666172576,1208.585683091047 +244,253.3446958304923,4.251252395439492,308.7520560368611 +245,654.269070845845,6.404156686349592,918.5857061175667 +246,439.4400828285872,4.31417751811634,477.2236575467816 +247,415.7486162406678,4.270588101348623,411.5857463742758 +248,497.63884205726407,4.550955680334902,512.5857383546946 +249,594.6500146015334,5.367778618383401,608.5857307321222 +250,564.5059604223608,5.011652708464945,603.5857311291314 +251,222.98680457175595,4.25025145957896,219.71838321658527 +252,660.2485218365838,6.481187194010425,1090.5856924604586 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/val-metrics-2022.03.17.22.16.39.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/val-metrics-2022.03.17.22.16.39.csv new file mode 100644 index 0000000..6f73cab --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/val-metrics-2022.03.17.22.16.39.csv @@ -0,0 +1,7 @@ +,0 +nll,66372.47908009506 +sharpness,5.304154085801385 +variation,0.21109302508494832 +mae,197.11615343173213 +mse,117611.03144786571 +rmse,342.94464779008536 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/val-metrics-2022.06.23.17.06.41.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/val-metrics-2022.06.23.17.06.41.csv new file mode 100644 index 0000000..d0dc9b8 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-3/val-metrics-2022.06.23.17.06.41.csv @@ -0,0 +1,7 @@ +,0 +nll,66337.21841949296 +sharpness,5.305436757460074 +variation,0.21141497620493607 +mae,197.13333639417164 +mse,117623.81616612092 +rmse,342.96328690709873 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.01.26.17.52.22/train/events.out.tfevents.1643219542.node-l00a-002.myriad.ucl.ac.uk.97416.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.01.26.17.52.22/train/events.out.tfevents.1643219542.node-l00a-002.myriad.ucl.ac.uk.97416.0.v2 new file mode 100644 index 0000000..1a6292b Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.01.26.17.52.22/train/events.out.tfevents.1643219542.node-l00a-002.myriad.ucl.ac.uk.97416.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.01.26.17.52.22/validation/events.out.tfevents.1643219563.node-l00a-002.myriad.ucl.ac.uk.97416.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.01.26.17.52.22/validation/events.out.tfevents.1643219563.node-l00a-002.myriad.ucl.ac.uk.97416.1.v2 new file mode 100644 index 0000000..ab7a830 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.01.26.17.52.22/validation/events.out.tfevents.1643219563.node-l00a-002.myriad.ucl.ac.uk.97416.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.02.10.20.31.44/train/events.out.tfevents.1644525104.node-j00a-001.myriad.ucl.ac.uk.244485.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.02.10.20.31.44/train/events.out.tfevents.1644525104.node-j00a-001.myriad.ucl.ac.uk.244485.0.v2 new file mode 100644 index 0000000..013f047 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.02.10.20.31.44/train/events.out.tfevents.1644525104.node-j00a-001.myriad.ucl.ac.uk.244485.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.02.10.20.31.44/validation/events.out.tfevents.1644525132.node-j00a-001.myriad.ucl.ac.uk.244485.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.02.10.20.31.44/validation/events.out.tfevents.1644525132.node-j00a-001.myriad.ucl.ac.uk.244485.1.v2 new file mode 100644 index 0000000..cde9c16 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.02.10.20.31.44/validation/events.out.tfevents.1644525132.node-j00a-001.myriad.ucl.ac.uk.244485.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.02.11.06.37.03/train/events.out.tfevents.1644561424.node-j00a-002.myriad.ucl.ac.uk.42418.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.02.11.06.37.03/train/events.out.tfevents.1644561424.node-j00a-002.myriad.ucl.ac.uk.42418.0.v2 new file mode 100644 index 0000000..2551351 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.02.11.06.37.03/train/events.out.tfevents.1644561424.node-j00a-002.myriad.ucl.ac.uk.42418.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.02.11.06.37.03/validation/events.out.tfevents.1644561454.node-j00a-002.myriad.ucl.ac.uk.42418.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.02.11.06.37.03/validation/events.out.tfevents.1644561454.node-j00a-002.myriad.ucl.ac.uk.42418.1.v2 new file mode 100644 index 0000000..2c2c160 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.02.11.06.37.03/validation/events.out.tfevents.1644561454.node-j00a-002.myriad.ucl.ac.uk.42418.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.02.14.19.10.08/train/events.out.tfevents.1644865808.node-e00a-018.myriad.ucl.ac.uk.137049.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.02.14.19.10.08/train/events.out.tfevents.1644865808.node-e00a-018.myriad.ucl.ac.uk.137049.0.v2 new file mode 100644 index 0000000..67c0d84 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.02.14.19.10.08/train/events.out.tfevents.1644865808.node-e00a-018.myriad.ucl.ac.uk.137049.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.02.14.19.10.08/validation/events.out.tfevents.1644865836.node-e00a-018.myriad.ucl.ac.uk.137049.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.02.14.19.10.08/validation/events.out.tfevents.1644865836.node-e00a-018.myriad.ucl.ac.uk.137049.1.v2 new file mode 100644 index 0000000..79340a0 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.02.14.19.10.08/validation/events.out.tfevents.1644865836.node-e00a-018.myriad.ucl.ac.uk.137049.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.03.10.17.28.20/train/events.out.tfevents.1646933300.node-e00a-012.myriad.ucl.ac.uk.251894.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.03.10.17.28.20/train/events.out.tfevents.1646933300.node-e00a-012.myriad.ucl.ac.uk.251894.0.v2 new file mode 100644 index 0000000..aa8bcdb Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.03.10.17.28.20/train/events.out.tfevents.1646933300.node-e00a-012.myriad.ucl.ac.uk.251894.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.03.10.17.28.20/validation/events.out.tfevents.1646933349.node-e00a-012.myriad.ucl.ac.uk.251894.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.03.10.17.28.20/validation/events.out.tfevents.1646933349.node-e00a-012.myriad.ucl.ac.uk.251894.1.v2 new file mode 100644 index 0000000..078e087 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.03.10.17.28.20/validation/events.out.tfevents.1646933349.node-e00a-012.myriad.ucl.ac.uk.251894.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.03.10.22.47.04/train/events.out.tfevents.1646952424.node-l00a-002.myriad.ucl.ac.uk.235047.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.03.10.22.47.04/train/events.out.tfevents.1646952424.node-l00a-002.myriad.ucl.ac.uk.235047.0.v2 new file mode 100644 index 0000000..5d19df0 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.03.10.22.47.04/train/events.out.tfevents.1646952424.node-l00a-002.myriad.ucl.ac.uk.235047.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.03.10.22.47.04/validation/events.out.tfevents.1646952462.node-l00a-002.myriad.ucl.ac.uk.235047.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.03.10.22.47.04/validation/events.out.tfevents.1646952462.node-l00a-002.myriad.ucl.ac.uk.235047.1.v2 new file mode 100644 index 0000000..87c5512 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/2022.03.10.22.47.04/validation/events.out.tfevents.1646952462.node-l00a-002.myriad.ucl.ac.uk.235047.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/metrics.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/metrics.csv new file mode 100644 index 0000000..dbae8c6 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,306212.17303432396 +sharpness,6.515836133861682 +variation,0.28757378074075807 +mae,185.43671163860043 +mse,154085.17747346548 +rmse,392.5368485549675 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/predictions.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/predictions.csv new file mode 100644 index 0000000..15dfc37 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/predictions.csv @@ -0,0 +1,254 @@ +,Predicted value,Predicted standard deviation,True value +0,224.96299267146975,3.9152906432150454,98.58577122703691 +1,328.2277715678429,5.201233756107844,339.58575209120477 +2,330.85366164745943,5.2345438875959855,344.5857516941958 +3,121.42816734695596,2.8583896225766585,100.58577106823331 +4,282.93304762604026,4.627842265797743,322.5857534410353 +5,321.0483931221025,5.116582820043029,355.58575082077624 +6,547.9303445538209,8.004823955793391,719.5857219185235 +7,184.9991320878035,3.463909371751284,172.58576535130422 +8,153.10649543043115,3.1340631597244517,69.63722405788964 +9,242.93042787782548,4.133674225763446,270.5857575699285 +10,548.3244030983006,8.035493528408516,1979.5856218722645 +11,424.8043112280648,6.45014216593227,429.5857449450435 +12,172.84573122652006,3.3243080397220894,187.58576416027734 +13,243.72434670539593,4.145697831004371,219.58576161942003 +14,548.300754547514,8.03527462701274,1826.5856340207388 +15,329.63195312956856,5.228198896081651,317.58575383804435 +16,273.97125847366993,4.512978325764608,217.5857617782236 +17,290.35409885606174,4.7231295790258745,330.5857528058209 +18,552.2747896493621,8.073104236039722,833.7677456801904 +19,552.2764605587055,8.073387625934725,907.5857069909863 +20,315.1582938017346,5.038887262525178,414.5857461360704 +21,501.92110243547,7.429752296426723,485.1102590218785 +22,224.41416967574884,3.914944296373612,224.58576122241104 +23,551.2484246107543,8.064031536742366,1112.585690713619 +24,547.8175798321619,8.030837485678967,2014.5856190932016 +25,261.2406782370636,4.366248489268626,227.5857609842057 +26,476.00536800211563,7.100711929347931,531.5857368460606 +27,552.0773261036485,8.071425727846934,689.5857243005772 +28,548.129763009647,8.012484513180182,753.9456261761827 +29,550.2056631897259,8.038737812011663,776.3577663735823 +30,551.294185415648,8.051844267624217,795.5857158839873 +31,351.92057979994576,5.5114817102509175,350.5857512177851 +32,280.9894597596213,4.610170717727434,280.5857567759106 +33,550.2211463323794,8.054587232936532,1326.5856737216354 +34,515.1553646710346,7.596662993402883,534.5857366078552 +35,471.5244889139249,7.042379250879996,465.5857420865789 +36,298.8782055209395,4.8246204499679015,275.58575717291956 +37,495.09485619805497,7.346256207869832,558.5857347022122 +38,303.3195299529762,4.899864717987392,323.58575336163346 +39,548.2613930314257,8.015019128468778,571.5857336699888 +40,551.8868296979946,8.06986792700151,791.5857162015947 +41,546.525730731326,7.988621911469136,647.5142591836287 +42,271.4708549470252,4.482454101294948,260.58575836394647 +43,282.6173777142704,4.621980549089561,226.58576106360744 +44,312.7731777793488,5.009399333879438,364.58575010616005 +45,213.68255078106273,3.7797215971440212,206.5857626516433 +46,302.5391627534337,4.881416680245383,296.585755505482 +47,285.14218200899455,4.657546264778652,244.5857596343752 +48,181.8474688028328,3.419439586551161,173.5857652719024 +49,262.263554279718,4.3726573339260435,272.585757411125 +50,467.32419391824084,6.99029251646768,468.58574184837363 +51,461.173200660247,6.912554598914427,506.5857388311055 +52,537.358216212424,7.874343059423912,534.5857366078552 +53,364.9260637128646,5.6771927548377095,331.5857527264192 +54,148.32676586195527,3.085570276091095,138.58576805096516 +55,152.16385017866565,3.1193791702630413,181.58576463668808 +56,131.24255520766025,2.9258676434808466,76.58577297387635 +57,238.563024418334,4.07650168713478,242.58575979317874 +58,254.68090106692767,4.276371689960352,273.5857573317232 +59,427.73598704376496,6.4881561168992095,408.58574661248116 +60,417.1515729775966,6.351784948173409,397.5857474859008 +61,174.43451764997195,3.342780307856802,201.58576304865227 +62,369.5477365917323,5.742907854637032,377.5857490739367 +63,163.55641716736142,3.234918706506645,119.58576955959923 +64,201.71496469810523,3.6313303176081435,139.58576797156337 +65,143.76154297090403,3.0382112255467746,69.58577352968891 +66,307.59302866967124,4.949824106027605,336.58575232941024 +67,355.2671829736392,5.557791160198499,361.5857503443654 +68,262.2586933943822,4.373893336551379,283.58575653770527 +69,158.67400490747974,3.1891320902489073,116.58576979780462 +70,550.8267997996646,8.060381733454733,999.5856996860216 +71,551.1272429248367,8.063169591358164,934.5857048471382 +72,552.2214160304194,8.071719211856083,779.5857171544162 +73,549.8529292369077,8.051256801893562,1886.5856292566314 +74,315.6577594874471,5.039186713194258,276.58575709351777 +75,367.1593243322823,5.712605131507431,381.5857487563297 +76,548.2380703947857,8.03492687829464,2131.5856098031923 +77,546.8132860754505,7.994923116079523,847.5857117550943 +78,245.8254986046323,4.1682245624598515,210.5857623340361 +79,527.1101747966587,7.746537345963368,479.58574097495386 +80,547.4289176645217,8.00253341605386,684.5857246975862 +81,531.1951134389657,7.793781324083484,564.5857342258015 +82,518.014622965362,7.63376189408088,563.5857343052032 +83,155.24104418351277,3.159634231638378,143.5857676539562 +84,277.9036518791182,4.559176526990071,317.58575383804435 +85,378.70789648998476,5.85891703103642,374.5857493121421 +86,267.7466344501409,4.43866780166516,322.5857534410353 +87,552.0874644024362,8.070668356627795,791.5857162015947 +88,228.3190582290627,3.954835417468292,222.5857613812146 +89,416.5390669939207,6.341902777579102,483.58574065734666 +90,542.106846010811,7.930283940239911,602.5857312085333 +91,491.12287590245074,7.290487543796763,765.585718266041 +92,449.6425183656593,6.764135422591997,475.585741292561 +93,239.49466877164747,4.098659034979117,298.9949156176686 +94,287.9643277404521,4.6842964739344,311.585754314455 +95,548.8422380624053,8.021519673225558,721.2550053696123 +96,230.65027602587548,3.980867683464546,272.585757411125 +97,550.9732447848647,8.048642310782716,803.5857152487729 +98,331.65562402716756,5.249913523981221,300.5857551878748 +99,552.4476173677705,8.07396100919643,782.6436177376511 +100,548.486652467389,8.03741648380107,1786.5856371968107 +101,368.0592944309647,5.732247915975591,401.58574716829366 +102,529.4875127721135,7.773685639667201,578.5857331141764 +103,550.8556346278411,8.045616890535117,859.5857108022728 +104,342.0562082789293,5.3860753630271585,371.58574955034754 +105,313.291019266806,5.004962115536785,346.5857515353923 +106,504.16496720856964,7.454677852111206,524.5857374018732 +107,551.5792166958391,8.057221556908896,850.5857115168886 +108,551.5043632012895,8.055631833694738,765.585718266041 +109,546.0872393356459,8.013111382766988,2551.585576454439 +110,521.4180433908188,7.6715406274635445,598.5857315261405 +111,548.8812685067625,8.018562058975336,672.5857256504078 +112,544.7538002743605,7.967614086730706,607.5857308115244 +113,546.3047635889781,7.988279205984932,679.5857250945952 +114,550.4966263003681,8.056309975439873,1173.5856858701095 +115,126.92089465126999,2.890484057220535,84.58577233866201 +116,545.1319471693733,7.971389989753891,644.585727873658 +117,495.628665763994,7.3487751339772105,462.5857423247843 +118,551.0707734322178,8.049693099923731,873.5857096906476 +119,552.1038352942134,8.064365138610487,710.5857226331398 +120,551.6220442519817,8.057303207158613,795.5857158839873 +121,531.9236888070137,7.805021288389519,601.5857312879351 +122,552.3052688618737,8.072464696535121,1065.5856944455031 +123,449.91091547356524,6.769375211073685,462.5857423247843 +124,551.9669270209871,8.061592427719054,735.538617696687 +125,525.7973603084394,7.730831093331874,602.5857312085333 +126,547.2517066334495,8.025010423300678,1804.5856357675784 +127,513.1876741208399,7.567139428592297,615.58573017631 +128,540.3635466812649,7.910572592561848,607.5857308115244 +129,551.7784343139684,8.060978448251374,793.3945295514336 +130,300.4795521358756,4.860697602712281,310.5857543938568 +131,149.77151402422174,3.0951331991061455,173.5857652719024 +132,502.469391788578,7.437341661934391,478.5857410543556 +133,534.0920277273982,7.829312523622671,581.585732875971 +134,521.873152249209,7.67539289648057,573.5857335111854 +135,459.0871889595201,6.884540335441758,515.5857381164893 +136,548.0955173114318,8.0334920833384,1184.5856849966901 +137,550.2523951118402,8.054443030264098,2160.58560750054 +138,429.4427376024615,6.50784767332389,460.58574248358804 +139,437.22866157646064,6.610667763217343,447.58574351581115 +140,501.1248079317484,7.4188372171924915,507.58573875170373 +141,546.3933337584459,7.9907860034538105,687.5584521825792 +142,245.02577813788417,4.156924972771557,234.5857604283931 +143,388.49665865557114,5.986881283362459,390.58574804171343 +144,390.87739121604324,6.011155859889933,374.5857493121421 +145,531.316350775811,7.798794266232833,631.5857289058813 +146,504.57591581647836,7.460499506472708,509.5857385929 +147,528.0076120952218,7.755787679986635,574.5857334317835 +148,539.3051904665737,7.897433547594816,680.5857250151935 +149,551.1236792260607,8.063109712328105,1194.5856842026724 +150,340.3443168070808,5.365149145156131,334.58575248821387 +151,251.3584450111485,4.238934968269381,336.58575232941024 +152,417.1515729775966,6.351784948173409,480.58574089555196 +153,550.9732447848647,8.048642310782716,811.5857146135588 +154,301.46658337778905,4.865516910459091,330.5857528058209 +155,292.81223906789825,4.769048267012288,322.5857534410353 +156,542.9780146512823,7.941665495341019,604.5857310497298 +157,198.20487973723544,3.601478521430524,202.58576296925045 +158,139.8825785270074,3.0047576655515877,126.58576900378668 +159,552.2731976176566,8.073128482428437,849.5857115962906 +160,205.9028150372688,3.6907434489674946,236.5857602695895 +161,173.98187526947373,3.3406348721094825,154.5857667805365 +162,284.58098879703,4.651373360599923,287.5857562200981 +163,363.90869923413817,5.667661192895377,400.58574724769545 +164,540.3284621160093,7.90890148765068,634.585728667676 +165,283.3040848307083,4.634144124302388,309.58575447325865 +166,472.2236272812625,7.05180380124221,503.5857390693108 +167,143.02894045383078,3.0306200024254384,61.58577416490324 +168,543.703185464845,7.954541617516932,680.5857250151935 +169,551.5494173022581,8.055820500290315,791.5857162015947 +170,549.6480446133847,8.04958842845184,675.5857254122026 +171,304.9197038246312,4.908527562044831,333.5857525676157 +172,546.0384995699006,8.012546637554548,2094.5856127410584 +173,551.0823484671511,8.062504112316642,1220.5856821382256 +174,532.0178684141284,7.806986290291119,643.5857279530597 +175,550.2765513837822,8.055328855763497,1310.585674992064 +176,550.240383724453,8.055081104001694,1271.585678088734 +177,229.72071853396488,3.9789266461641897,302.5857550290712 +178,221.6189586951678,3.8837755568280365,221.58576146061642 +179,551.2321040619637,8.053809724481324,767.5857181072374 +180,524.057499582501,7.703990062407615,575.5857333523818 +181,549.1937299492166,8.04449734628058,1976.585622110471 +182,552.396387894387,8.072560627078884,777.5857173132196 +183,438.0979172820335,6.623929548087675,436.58574438923085 +184,442.32298568167977,6.6756223681448095,500.5857393075161 +185,208.60545926149103,3.7273004298785755,207.58576257224152 +186,523.559114072643,7.698577535363475,509.5857385929 +187,550.7903987661113,8.04335589727813,749.5857195364697 +188,405.796646780862,6.204760231517182,365.5857500267583 +189,144.33779792753563,3.0457781871581764,142.58576773335804 +190,542.5316483004864,7.939679777386937,589.5857322407568 +191,149.5702953929868,3.0990513372108794,163.58576606592038 +192,491.3673631896673,7.297521824826822,480.58574089555196 +193,465.3649377724251,6.964936773603043,477.5857411337574 +194,520.1512206075023,7.6571948507318295,541.5857360520424 +195,551.3817153010542,8.065260774332106,1129.5856893637886 +196,523.9069136588297,7.707588842130964,596.5857316849441 +197,551.0364952285528,8.047462409743463,781.5857169956122 +198,330.2869875308607,5.236728664965582,310.5857543938568 +199,300.51606911175264,4.856335725250481,289.5857560612945 +200,543.8240260074455,7.955963350383558,603.5857311291314 +201,233.93801940633426,4.019014778165363,190.58576392207195 +202,421.35320491546014,6.403186000409165,426.5857451832489 +203,552.1771918231426,8.065235658031563,769.1800191221088 +204,453.8059943803965,6.824575109167278,465.5857420865789 +205,408.6076641709697,6.251201700505372,357.5857506619725 +206,361.35847498268055,5.624517548922005,423.1282952930162 +207,277.9173964305774,4.560022652454606,269.5857576493304 +208,550.2489025001424,8.054485361566432,1343.585672371805 +209,330.51337494267506,5.228776139789672,326.5857531234282 +210,549.4862932888356,8.046977103330395,1445.585664272822 +211,530.6162466024836,7.787155902358952,557.585734781614 +212,540.0429466361676,7.906039024201659,588.5857323201583 +213,271.986536583434,4.4935692722803875,288.5857561406963 +214,266.0441007339578,4.410788365604051,288.5857561406963 +215,547.7427458867697,8.006127008842215,670.5857258092112 +216,507.81922960300295,7.506224721392161,496.5857396251232 +217,160.8341295939063,3.1962281412889944,125.58576908318848 +218,380.86068792125303,5.887036983800296,399.5857473270973 +219,188.64896964408769,3.4979182602073817,113.58577003600998 +220,268.4618783534134,4.4447645144750565,353.58575097957976 +221,544.3099771557319,7.958722776094204,673.585725571006 +222,264.39659591454443,4.395149621670114,284.58575645830336 +223,551.2344251671076,8.064718603588606,1052.5856954777264 +224,438.99559963447615,6.631468823834737,418.58574581846324 +225,237.22343845549773,4.058474084895243,214.585762016429 +226,390.4198793877586,6.009722405239588,405.017588021876 +227,313.9085071610171,5.017432100006851,346.5857515353923 +228,549.9105286837295,8.051689272524369,1298.5856759448855 +229,237.23023979776013,4.059278688145111,252.58575899916082 +230,468.8582426620961,7.012727573338167,486.5857404191413 +231,542.2986647999788,7.937361642391907,666.5857261268186 +232,532.5729516416687,7.811556268969766,580.256144779931 +233,238.67133312587436,4.0818142206960735,241.58575987258044 +234,315.1672144524601,5.040190570393165,328.5857529646245 +235,549.4978633287593,8.047252082817684,2042.5856168699515 +236,215.23716362396777,3.806860584629462,223.58576130181282 +237,223.73768847927937,3.907758102668453,177.58576495429523 +238,552.1685476927697,8.066081369787677,975.5857015916647 +239,551.9755704253713,8.06282197036052,806.5857150105676 +240,215.49525147662285,3.8006592297628337,217.5857617782236 +241,549.692582461883,8.049259298042843,1496.5856602233305 +242,540.3708528616008,7.910269585636725,645.5857277942563 +243,202.76175050331773,3.6490186349659255,201.58576304865227 +244,246.4683960872772,4.1710850020033545,224.58576122241104 +245,491.4758770147037,7.301253633772611,506.5857388311055 +246,548.664374318225,8.039094902259173,1423.5856660196616 +247,552.2998385610864,8.072278040697515,1297.5856760242873 +248,549.2447942380442,8.044548623860836,1407.5856672900907 +249,223.25089190473778,3.9026173777303197,261.5857582845447 +250,545.174524013779,7.972649831957656,605.9291732079247 +251,550.476699579288,8.042416719418817,774.5857175514249 +252,145.77551950119965,3.0540701752235333,142.58576773335804 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/val-metrics-2022.03.17.22.16.35.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/val-metrics-2022.03.17.22.16.35.csv new file mode 100644 index 0000000..3b2cdaa --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/val-metrics-2022.03.17.22.16.35.csv @@ -0,0 +1,7 @@ +,0 +nll,53455.22174286239 +sharpness,6.680869243965317 +variation,0.2873960799874747 +mae,208.35763294391825 +mse,133564.99826558703 +rmse,365.4654542711076 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/val-metrics-2022.06.23.16.14.24.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/val-metrics-2022.06.23.16.14.24.csv new file mode 100644 index 0000000..36d51d3 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-1000-4/val-metrics-2022.06.23.16.14.24.csv @@ -0,0 +1,7 @@ +,0 +nll,53435.68837656807 +sharpness,6.68605687162011 +variation,0.28663022291368645 +mae,208.37086896785556 +mse,133565.10332619018 +rmse,365.46559800642 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.01.19.14.24.58/train/events.out.tfevents.1642602298.node-l00a-005.myriad.ucl.ac.uk.68818.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.01.19.14.24.58/train/events.out.tfevents.1642602298.node-l00a-005.myriad.ucl.ac.uk.68818.0.v2 new file mode 100644 index 0000000..cdda061 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.01.19.14.24.58/train/events.out.tfevents.1642602298.node-l00a-005.myriad.ucl.ac.uk.68818.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.01.19.14.24.58/validation/events.out.tfevents.1642602324.node-l00a-005.myriad.ucl.ac.uk.68818.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.01.19.14.24.58/validation/events.out.tfevents.1642602324.node-l00a-005.myriad.ucl.ac.uk.68818.1.v2 new file mode 100644 index 0000000..e76633b Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.01.19.14.24.58/validation/events.out.tfevents.1642602324.node-l00a-005.myriad.ucl.ac.uk.68818.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.01.20.08.02.10/train/events.out.tfevents.1642665730.node-j00a-001.myriad.ucl.ac.uk.226574.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.01.20.08.02.10/train/events.out.tfevents.1642665730.node-j00a-001.myriad.ucl.ac.uk.226574.0.v2 new file mode 100644 index 0000000..40f7eca Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.01.20.08.02.10/train/events.out.tfevents.1642665730.node-j00a-001.myriad.ucl.ac.uk.226574.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.01.20.08.02.10/validation/events.out.tfevents.1642665755.node-j00a-001.myriad.ucl.ac.uk.226574.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.01.20.08.02.10/validation/events.out.tfevents.1642665755.node-j00a-001.myriad.ucl.ac.uk.226574.1.v2 new file mode 100644 index 0000000..a1454e2 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.01.20.08.02.10/validation/events.out.tfevents.1642665755.node-j00a-001.myriad.ucl.ac.uk.226574.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.01.20.15.20.19/train/events.out.tfevents.1642692019.node-l00a-002.myriad.ucl.ac.uk.245501.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.01.20.15.20.19/train/events.out.tfevents.1642692019.node-l00a-002.myriad.ucl.ac.uk.245501.0.v2 new file mode 100644 index 0000000..92ca970 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.01.20.15.20.19/train/events.out.tfevents.1642692019.node-l00a-002.myriad.ucl.ac.uk.245501.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.01.20.15.20.19/validation/events.out.tfevents.1642692039.node-l00a-002.myriad.ucl.ac.uk.245501.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.01.20.15.20.19/validation/events.out.tfevents.1642692039.node-l00a-002.myriad.ucl.ac.uk.245501.1.v2 new file mode 100644 index 0000000..38cefa9 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.01.20.15.20.19/validation/events.out.tfevents.1642692039.node-l00a-002.myriad.ucl.ac.uk.245501.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.01.26.17.09.38/train/events.out.tfevents.1643216978.node-l00a-006.myriad.ucl.ac.uk.50628.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.01.26.17.09.38/train/events.out.tfevents.1643216978.node-l00a-006.myriad.ucl.ac.uk.50628.0.v2 new file mode 100644 index 0000000..592b742 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.01.26.17.09.38/train/events.out.tfevents.1643216978.node-l00a-006.myriad.ucl.ac.uk.50628.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.01.26.17.09.38/validation/events.out.tfevents.1643216998.node-l00a-006.myriad.ucl.ac.uk.50628.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.01.26.17.09.38/validation/events.out.tfevents.1643216998.node-l00a-006.myriad.ucl.ac.uk.50628.1.v2 new file mode 100644 index 0000000..8311a82 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.01.26.17.09.38/validation/events.out.tfevents.1643216998.node-l00a-006.myriad.ucl.ac.uk.50628.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.02.10.21.29.40/train/events.out.tfevents.1644528580.node-e00a-017.myriad.ucl.ac.uk.134384.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.02.10.21.29.40/train/events.out.tfevents.1644528580.node-e00a-017.myriad.ucl.ac.uk.134384.0.v2 new file mode 100644 index 0000000..811f904 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.02.10.21.29.40/train/events.out.tfevents.1644528580.node-e00a-017.myriad.ucl.ac.uk.134384.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.02.10.21.29.40/validation/events.out.tfevents.1644528600.node-e00a-017.myriad.ucl.ac.uk.134384.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.02.10.21.29.40/validation/events.out.tfevents.1644528600.node-e00a-017.myriad.ucl.ac.uk.134384.1.v2 new file mode 100644 index 0000000..d05dff3 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.02.10.21.29.40/validation/events.out.tfevents.1644528600.node-e00a-017.myriad.ucl.ac.uk.134384.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.02.11.06.44.10/train/events.out.tfevents.1644561850.node-e00a-018.myriad.ucl.ac.uk.12128.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.02.11.06.44.10/train/events.out.tfevents.1644561850.node-e00a-018.myriad.ucl.ac.uk.12128.0.v2 new file mode 100644 index 0000000..5c7c74a Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.02.11.06.44.10/train/events.out.tfevents.1644561850.node-e00a-018.myriad.ucl.ac.uk.12128.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.02.11.06.44.10/validation/events.out.tfevents.1644561878.node-e00a-018.myriad.ucl.ac.uk.12128.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.02.11.06.44.10/validation/events.out.tfevents.1644561878.node-e00a-018.myriad.ucl.ac.uk.12128.1.v2 new file mode 100644 index 0000000..9cf442b Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.02.11.06.44.10/validation/events.out.tfevents.1644561878.node-e00a-018.myriad.ucl.ac.uk.12128.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.02.14.19.09.05/train/events.out.tfevents.1644865745.node-l00a-004.myriad.ucl.ac.uk.211785.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.02.14.19.09.05/train/events.out.tfevents.1644865745.node-l00a-004.myriad.ucl.ac.uk.211785.0.v2 new file mode 100644 index 0000000..80fb392 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.02.14.19.09.05/train/events.out.tfevents.1644865745.node-l00a-004.myriad.ucl.ac.uk.211785.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.02.14.19.09.05/validation/events.out.tfevents.1644865772.node-l00a-004.myriad.ucl.ac.uk.211785.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.02.14.19.09.05/validation/events.out.tfevents.1644865772.node-l00a-004.myriad.ucl.ac.uk.211785.1.v2 new file mode 100644 index 0000000..c5263a4 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.02.14.19.09.05/validation/events.out.tfevents.1644865772.node-l00a-004.myriad.ucl.ac.uk.211785.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.03.11.10.57.33/train/events.out.tfevents.1646996254.node-l00a-002.myriad.ucl.ac.uk.133368.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.03.11.10.57.33/train/events.out.tfevents.1646996254.node-l00a-002.myriad.ucl.ac.uk.133368.0.v2 new file mode 100644 index 0000000..104b7ac Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.03.11.10.57.33/train/events.out.tfevents.1646996254.node-l00a-002.myriad.ucl.ac.uk.133368.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.03.11.10.57.33/validation/events.out.tfevents.1646996289.node-l00a-002.myriad.ucl.ac.uk.133368.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.03.11.10.57.33/validation/events.out.tfevents.1646996289.node-l00a-002.myriad.ucl.ac.uk.133368.1.v2 new file mode 100644 index 0000000..36a3df6 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/2022.03.11.10.57.33/validation/events.out.tfevents.1646996289.node-l00a-002.myriad.ucl.ac.uk.133368.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/metrics.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/metrics.csv new file mode 100644 index 0000000..92226ce --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,44258.54718694337 +sharpness,15.6381993316083 +variation,0.4496753484575012 +mae,168.54291225580553 +mse,197882.60328597165 +rmse,444.83997491903943 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/predictions.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/predictions.csv new file mode 100644 index 0000000..9e62e21 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/predictions.csv @@ -0,0 +1,254 @@ +,Predicted value,Predicted standard deviation,True value +0,727.7040782198089,20.9974966735604,701.5857233477558 +1,751.0216347396924,23.372473123533457,1138.5856886491724 +2,292.9325228261185,8.008184190029008,297.5857554260802 +3,506.41363658865504,13.47379241248842,523.5857374812748 +4,457.2346554626818,11.515845330810953,483.58574065734666 +5,65.54988298891459,9.965294972839509,135.9557896728841 +6,412.53111983784385,10.576712032445602,366.5857499473565 +7,545.0943627503545,13.885645902771069,593.5857319231493 +8,147.1381840291686,6.119811528734132,184.5857643984827 +9,330.08898326440595,8.717113393920336,335.58575240881197 +10,744.6334390496447,24.484713732400994,1292.5856764212965 +11,665.2025984591089,17.924369328604968,609.5857306527207 +12,736.382505993344,21.626141433968026,762.5857185042465 +13,612.2317491688989,15.980083249746045,545.5857357344355 +14,632.4298576314357,16.657658808832615,637.5857284294706 +15,331.36496676194275,8.738722083201123,335.58575240881197 +16,432.52094828305036,10.92492178301215,413.58574621547217 +17,734.538409298744,24.903194321068778,1797.5856363233909 +18,741.160381145495,24.66528501938105,2151.5856082151568 +19,627.542266115506,16.485048471380193,593.5857319231493 +20,384.712772433926,9.817723485998505,457.5857427217933 +21,747.9019347909086,24.26884885503669,1382.5856692751352 +22,371.74160458134776,9.537931178551315,429.5857449450435 +23,340.8389478347124,8.888467399635188,348.5857513765887 +24,721.8081951149868,20.62608875936316,809.5033679564572 +25,334.39432114011635,8.789118283210195,337.5857522500084 +26,83.63985165910327,7.865250119226098,159.58576638352753 +27,488.8080639175858,12.877314003318686,561.5857344640067 +28,543.1482020055007,13.827462469465345,524.5857374018732 +29,368.01700686373425,9.458179148270228,410.5857464536776 +30,382.47606563274513,9.770802515888986,374.5857493121421 +31,750.6558018700232,23.231305569226762,1077.5856934926821 +32,596.9691453544253,15.452099732208927,568.5857339081942 +33,632.2957306696078,16.6623961849536,579.5857330347744 +34,508.59861643662936,12.84245419128977,544.5857358138372 +35,370.1509863582576,9.605538800615065,373.585749391544 +36,671.4695331686414,18.177838473120264,691.5857241417737 +37,168.15845520053318,6.146158961376351,184.5857643984827 +38,223.09228445835817,6.688686069421085,225.5857611430092 +39,408.53774228218737,10.349509553031403,447.58574351581115 +40,410.8232480824843,10.66972960827933,420.58574565965966 +41,751.1508168702201,23.451590510919228,932.5857050059418 +42,409.86830226141666,10.387390953213403,466.5857420071772 +43,747.0691657371569,24.31542165688999,1223.58568190002 +44,640.6892506584079,16.96568405347694,566.5857340669977 +45,198.29745567628908,6.370283816875327,244.5857596343752 +46,741.7799348479346,22.046639392954425,722.5857216803181 +47,207.59992155228593,6.476641462648373,215.5857619370272 +48,68.94765091490609,9.448973271365444,121.58576940079568 +49,693.8201325392472,19.16028118547248,660.5857266032292 +50,621.3575886326541,16.26797762753403,547.5857355756318 +51,301.08976766254983,8.173702730816993,317.58575383804435 +52,725.4218880441692,20.84230159169094,719.5857219185235 +53,390.1415956329036,9.940179411897962,403.5857470094902 +54,133.13733039399432,6.187715684384896,160.58576630412574 +55,182.22835548658242,6.226704061383656,224.58576122241104 +56,133.85563662572878,6.182018603809983,202.58576296925045 +57,264.5814609544721,7.428627919945039,261.5857582845447 +58,154.42095518020125,6.114261538237781,222.91912719571775 +59,107.23567195299603,6.644848857471827,178.58576487489344 +60,143.623932297556,6.129086983067722,173.5857652719024 +61,550.6458659716989,14.03253747498275,500.5857393075161 +62,137.57368507283883,6.156728698444772,205.58576273104512 +63,655.3436245048467,17.54129101467067,599.5857314467387 +64,43.23886486350585,16.504490939452968,82.58577249746558 +65,76.64270894546263,8.507569160608636,116.58576979780462 +66,41.74332801885231,17.402349457761776,74.58577313267992 +67,341.4179534633402,8.896485049610439,331.5857527264192 +68,474.41091957752707,12.975129921413027,468.58574184837363 +69,327.5954191350282,8.674266157286823,317.58575383804435 +70,459.5286386969272,12.460426678607412,451.58574319820394 +71,76.27532152639088,8.546379243336872,155.58576670113467 +72,53.20827256782269,12.619411185586658,112.58577011541179 +73,316.4414826952887,8.472720199580143,334.58575248821387 +74,579.9458794926284,14.904712932884301,508.5857386723019 +75,750.9214383943433,23.33441037861219,847.5857117550943 +76,511.55463011942976,12.925762601266433,457.5857427217933 +77,712.2113454417411,20.095836004851307,753.5857192188628 +78,734.2085119212168,24.871109551103267,1774.585638149632 +79,748.979190877624,22.891712735909824,897.5857077850044 +80,750.2925835663043,23.15618727104519,820.5857138989426 +81,702.1168673243553,25.200270190422028,3336.5855141240318 +82,720.6197064953374,20.572917336056275,718.5857219979254 +83,715.5189705230912,20.25890909877339,770.5857178690321 +84,486.4630040040682,12.264420737507706,466.5857420071772 +85,248.2209540097718,7.112774475928833,254.58575884035724 +86,736.2817719699267,21.583756859713986,768.3583495879683 +87,99.98747577115483,6.904146710890457,189.58576400147373 +88,668.2333400317982,18.04627971829614,601.5857312879351 +89,306.26273168644894,8.276692702200226,315.58575399684787 +90,373.4214455353393,9.57357798399133,427.5857451038471 +91,97.45888932789586,7.014755290919485,247.5857593961698 +92,443.1453752366977,11.169887400935979,457.5857427217933 +93,722.4952454606171,20.667805932420514,754.5857191394607 +94,459.4108326867243,11.65013986500313,423.5857454214543 +95,159.08075502958292,6.119343047204457,222.5857613812146 +96,750.8450436993951,23.299933067896692,1160.585686902333 +97,699.1672491225215,19.434001755630838,641.5857281118634 +98,751.078665858982,23.395193840885433,1070.5856940484944 +99,708.5576775532788,19.89523338048374,621.5857296998992 +100,194.0683683522546,6.327455445621037,221.85373991699416 +101,379.96897376071485,9.847888507476021,392.5857478829098 +102,188.58583121162866,6.277222244070134,241.58575987258044 +103,338.8925444190498,8.86173828157873,249.58575923736615 +104,640.522308294803,16.970947170197597,629.5857290646849 +105,355.23014644618144,9.220177790640975,386.5857483593206 +106,689.9937986586335,18.99134829913396,662.5857264444257 +107,581.4716754753351,14.951519044276347,584.5857326377655 +108,729.4976873557277,24.97435931299573,3355.714701120785 +109,472.5602274993542,11.902967754156938,471.0938502979696 +110,427.20398563268446,10.795746082519178,454.58574295999847 +111,157.1873141377544,6.116529936536114,226.58576106360744 +112,700.3301927859573,19.47769555745706,763.4585635073801 +113,173.33793482902166,6.170592462053798,229.585760825402 +114,739.8551624419995,24.727334850767278,1500.5856599057233 +115,634.6238248116967,16.740806693012928,572.5857335905872 +116,294.0519193805483,8.031059345923714,316.58575391744614 +117,739.5546247839372,21.850061413112147,816.5857142165497 +118,485.99499321074455,12.260580487364134,474.58574137196274 +119,746.6266590088414,22.547905845014732,1077.5856934926821 +120,353.5545740102205,9.150110123626135,400.58574724769545 +121,128.99785040646003,6.226158332665219,249.58575923736615 +122,487.6336930083233,12.282266480374764,539.5857362108462 +123,628.7357374775272,16.54856790142181,614.5857302557117 +124,269.65662086206777,7.530718622291017,249.58575923736615 +125,724.1565515120417,20.76719697696976,798.5857156457819 +126,342.03953453932246,8.910848120761326,347.58575145599053 +127,750.9811475432032,23.347287061889567,1132.5856891255833 +128,78.71585226937515,8.298730540857003,173.5857652719024 +129,352.20042275287034,9.176932429966968,395.5857476447045 +130,304.7989304341134,8.24773882121227,307.5857546320623 +131,118.02036885446051,6.383536657863484,165.17565028761243 +132,710.7106508576142,20.00279100483336,708.8707572993352 +133,711.1552320376866,20.026922912742585,658.2016401888546 +134,545.1843417767848,13.883077167279701,512.5857383546946 +135,446.394307820028,11.965172826928022,470.5857416895698 +136,730.5285517256486,21.181358544998123,811.5857146135588 +137,705.7037799325187,19.74559963258931,735.6805937023079 +138,672.3596113939964,18.214089951455872,663.5857263650239 +139,751.2308003455398,23.54503519345481,1194.9022217453005 +140,330.0167209893223,8.715886509208387,334.58575248821387 +141,721.3528664252042,20.607844837777506,793.585716042791 +142,751.0569843430274,23.384313757300745,1074.5856937308872 +143,300.1554864200114,8.154915790249499,294.5857556642855 +144,197.86268919793275,6.365722182923596,234.5857604283931 +145,48.15076491430574,14.271019552169355,120.58576948019743 +146,157.842197809139,6.117388024800047,236.5857602695895 +147,750.4001030765137,23.9781401973285,1241.5856804707878 +148,41.97979413482591,17.250288109902687,59.585774323706815 +149,315.4931679477484,8.45489583918142,344.5857516941958 +150,226.7787232831359,6.745143950259174,324.58575328223185 +151,58.336624136503644,11.335855724961334,114.5857699566082 +152,648.0448403585212,17.238871705571288,592.5857320025513 +153,491.5614891948824,12.389221050692324,488.5857402603377 +154,535.9814690049568,13.604597196415742,500.5857393075161 +155,721.551885616909,25.109008780543064,3305.585516585488 +156,372.78228843321614,9.558681799619245,375.58574923274034 +157,737.2135540707966,24.79877253151139,2275.5855983693336 +158,736.7834323941531,24.830717994871097,3592.585493797173 +159,735.8082457670605,24.832074627057118,2071.5856145673 +160,736.892502943341,24.80341309108341,1872.5856303682565 +161,742.7218082889847,22.13338175198651,719.5857219185235 +162,736.1865378696018,24.849448095630635,2564.458303244592 +163,718.4609202953668,25.117517920987332,1733.5856414051057 +164,716.8023539698986,25.13176761933335,1853.58563187689 +165,550.4621876451527,14.040467646987057,552.5857351786229 +166,650.6483866583692,17.352908388407666,640.5857281912653 +167,470.3007193800984,12.766623956925818,479.58574097495386 +168,208.42284766574795,6.486838596740908,258.58575852275004 +169,334.7522039150097,8.794990576173944,442.5857439128201 +170,639.4703697728653,16.94185807899672,605.585730970328 +171,187.76073235251152,6.27019593375522,237.58576019018776 +172,509.82856983397124,12.874129039842776,439.5857441510256 +173,653.688221521257,17.469098507045075,620.585729779301 +174,727.6739944296603,20.984717843429905,734.5857207274968 +175,726.5982055475795,20.921370978518706,861.5857106434689 +176,254.40490361561734,7.229315268138342,296.585755505482 +177,726.6170647727665,20.922059041889014,745.585719854077 +178,581.3494195347118,14.961138158723164,544.5857358138372 +179,695.7725894576613,19.253837746870644,663.5857263650239 +180,84.43405341112867,7.802800878931368,193.5857636838666 +181,367.5936308466733,9.568026283441485,450.5857432776057 +182,660.4502853322408,17.73548084362549,607.5857308115244 +183,749.5321850772559,24.07251869473828,1208.585683091047 +184,370.848744477338,9.543103945431755,387.5857482799189 +185,273.29157579282383,7.604628579078643,332.5857526470174 +186,279.76809460684655,7.737405132714609,332.5857526470174 +187,270.05928420941547,7.538870203868132,329.58575288522275 +188,672.7074058127289,18.237630721607218,635.5857285882743 +189,636.016546587565,16.790693285286586,632.5857288264797 +190,343.1839789067779,8.940477569639258,351.58575113838333 +191,342.93202224942416,8.934245154702463,350.5857512177851 +192,359.4531577413398,9.27272562324942,375.58574923274034 +193,222.18918704592562,6.675203351681013,266.5857578875357 +194,452.54994182513093,11.404403317652212,449.5857433570076 +195,720.9700597424342,20.56852767371434,729.6775748147577 +196,426.6720153312379,10.775918560999452,354.58575090017797 +197,580.3906936064266,14.932721630115712,483.81583242757483 +198,326.0882569590138,8.647965550097037,310.5857543938568 +199,259.483757855898,7.3277557727402725,276.58575709351777 +200,692.6548262939684,19.118272232486362,726.5857213627112 +201,50.74724021167259,13.363796955546148,166.585765827715 +202,450.2014238638183,11.345359995696798,436.58574438923085 +203,186.07291898361638,6.256239962566775,243.5857597137769 +204,357.0756014648103,9.26395411765234,356.58575074137434 +205,219.95561931310277,6.642408468157507,213.47561009872064 +206,751.1883705352082,23.473928431660646,1186.5856848378864 +207,750.7469070381701,23.869010102319496,1091.5856923810568 +208,55.8312578283838,11.9235805012897,107.58577051242077 +209,51.93676054360168,12.991662184011373,94.58577154464407 +210,119.26907544480838,6.360886624033383,195.58576352506302 +211,748.7707298465464,24.18482668719399,1315.585674595055 +212,202.0488968957905,6.411200935898425,251.99023701445657 +213,707.2961575609077,19.83024182088578,731.5857209657021 +214,386.44981780298605,9.864401881472572,366.5857499473565 +215,747.4554595972656,24.304631238873156,1106.5856911900298 +216,341.4865727331451,8.899362688060704,376.58574915333855 +217,683.6144672252665,18.697392010216237,656.5857269208365 +218,732.9430458065979,21.34129179575711,795.5857158839873 +219,147.64953507349475,6.118840152275717,203.58576288984864 +220,337.68954921253663,8.837335881517136,313.352607426604 +221,232.31855895429527,6.83396168412384,282.39473424405037 +222,730.6954652277125,21.196432060096978,869.7640424355068 +223,666.0314398422304,17.968428316209785,590.5857321613547 +224,364.6034012679409,9.38440615706202,341.58575193240125 +225,286.9701457595764,7.885741206583311,306.58575471146406 +226,163.116343336518,6.1286318967031335,212.5857621752325 +227,425.8991480270741,10.76766293841606,468.58574184837363 +228,188.7560865516387,6.278695293370588,248.585759316768 +229,142.2141832559317,6.13414709679015,211.58576225463432 +230,294.08899199935314,8.03182046474738,320.5857535998389 +231,706.6980093991513,19.797371506248677,780.5857170750141 +232,314.7698098025756,8.441227984834372,328.5857529646245 +233,305.9891108908376,8.271292431505257,296.585755505482 +234,748.2057347765365,24.29432153577429,1114.5856905548158 +235,734.7281051603165,21.478073511641224,765.585718266041 +236,619.1593236913429,16.2017634898388,566.5857340669977 +237,97.37894565488733,7.018427969163263,154.5857667805365 +238,750.8794903053674,23.316529344528877,1124.5856897607975 +239,751.2717756187992,23.662254061708598,1230.5856813442074 +240,747.5363700361738,24.298262523770244,1377.585669672144 +241,159.71683102480512,6.120523732160248,289.5857560612945 +242,734.223961286272,21.434777806689183,955.5857031797003 +243,749.9337248982154,24.02160644705742,1340.341044368494 +244,244.2541714107827,7.040230900447488,285.58575637890164 +245,750.8072347672603,23.84738467785331,1317.5856744362516 +246,749.7994436876322,23.029204312659356,1002.9447513380701 +247,371.74347601413666,9.537348457074854,404.58574693008836 +248,281.8486819791395,7.78022965216932,262.5857582051429 +249,679.8646339418262,18.53148342444429,653.5857271590419 +250,660.8720004783315,17.75107160244627,622.5857296204973 +251,643.2300805499651,17.071128648580007,634.585728667676 +252,681.1143866690506,18.587383186778386,675.5857254122026 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/val-metrics-2022.03.17.22.10.07.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/val-metrics-2022.03.17.22.10.07.csv new file mode 100644 index 0000000..4078f7e --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/val-metrics-2022.03.17.22.10.07.csv @@ -0,0 +1,7 @@ +,0 +nll,4710.890574977654 +sharpness,16.205422297549962 +variation,0.449551780093569 +mae,168.88735970681466 +mse,87847.79635109795 +rmse,296.39128926319336 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/val-metrics-2022.06.23.19.06.18.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/val-metrics-2022.06.23.19.06.18.csv new file mode 100644 index 0000000..197027d --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-0/val-metrics-2022.06.23.19.06.18.csv @@ -0,0 +1,7 @@ +,0 +nll,4710.89103812048 +sharpness,16.20542098137708 +variation,0.4495517117933433 +mae,168.887360965697 +mse,87847.79670442373 +rmse,296.3912898592395 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.01.19.15.19.01/train/events.out.tfevents.1642605541.node-j00a-001.myriad.ucl.ac.uk.148320.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.01.19.15.19.01/train/events.out.tfevents.1642605541.node-j00a-001.myriad.ucl.ac.uk.148320.0.v2 new file mode 100644 index 0000000..0c6f6dd Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.01.19.15.19.01/train/events.out.tfevents.1642605541.node-j00a-001.myriad.ucl.ac.uk.148320.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.01.19.15.19.01/validation/events.out.tfevents.1642605565.node-j00a-001.myriad.ucl.ac.uk.148320.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.01.19.15.19.01/validation/events.out.tfevents.1642605565.node-j00a-001.myriad.ucl.ac.uk.148320.1.v2 new file mode 100644 index 0000000..e2ca712 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.01.19.15.19.01/validation/events.out.tfevents.1642605565.node-j00a-001.myriad.ucl.ac.uk.148320.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.01.20.08.19.34/train/events.out.tfevents.1642666774.node-l00a-001.myriad.ucl.ac.uk.123860.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.01.20.08.19.34/train/events.out.tfevents.1642666774.node-l00a-001.myriad.ucl.ac.uk.123860.0.v2 new file mode 100644 index 0000000..aae98f9 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.01.20.08.19.34/train/events.out.tfevents.1642666774.node-l00a-001.myriad.ucl.ac.uk.123860.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.01.20.08.19.34/validation/events.out.tfevents.1642666795.node-l00a-001.myriad.ucl.ac.uk.123860.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.01.20.08.19.34/validation/events.out.tfevents.1642666795.node-l00a-001.myriad.ucl.ac.uk.123860.1.v2 new file mode 100644 index 0000000..7c25f27 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.01.20.08.19.34/validation/events.out.tfevents.1642666795.node-l00a-001.myriad.ucl.ac.uk.123860.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.01.20.15.20.18/train/events.out.tfevents.1642692018.node-l00a-006.myriad.ucl.ac.uk.54571.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.01.20.15.20.18/train/events.out.tfevents.1642692018.node-l00a-006.myriad.ucl.ac.uk.54571.0.v2 new file mode 100644 index 0000000..151c5d2 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.01.20.15.20.18/train/events.out.tfevents.1642692018.node-l00a-006.myriad.ucl.ac.uk.54571.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.01.20.15.20.18/validation/events.out.tfevents.1642692036.node-l00a-006.myriad.ucl.ac.uk.54571.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.01.20.15.20.18/validation/events.out.tfevents.1642692036.node-l00a-006.myriad.ucl.ac.uk.54571.1.v2 new file mode 100644 index 0000000..422e594 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.01.20.15.20.18/validation/events.out.tfevents.1642692036.node-l00a-006.myriad.ucl.ac.uk.54571.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.01.26.17.52.28/train/events.out.tfevents.1643219548.node-l00a-002.myriad.ucl.ac.uk.97027.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.01.26.17.52.28/train/events.out.tfevents.1643219548.node-l00a-002.myriad.ucl.ac.uk.97027.0.v2 new file mode 100644 index 0000000..861074c Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.01.26.17.52.28/train/events.out.tfevents.1643219548.node-l00a-002.myriad.ucl.ac.uk.97027.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.01.26.17.52.28/validation/events.out.tfevents.1643219569.node-l00a-002.myriad.ucl.ac.uk.97027.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.01.26.17.52.28/validation/events.out.tfevents.1643219569.node-l00a-002.myriad.ucl.ac.uk.97027.1.v2 new file mode 100644 index 0000000..8ac70f4 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.01.26.17.52.28/validation/events.out.tfevents.1643219569.node-l00a-002.myriad.ucl.ac.uk.97027.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.02.10.21.53.13/train/events.out.tfevents.1644529993.node-j00a-002.myriad.ucl.ac.uk.227212.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.02.10.21.53.13/train/events.out.tfevents.1644529993.node-j00a-002.myriad.ucl.ac.uk.227212.0.v2 new file mode 100644 index 0000000..6b93051 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.02.10.21.53.13/train/events.out.tfevents.1644529993.node-j00a-002.myriad.ucl.ac.uk.227212.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.02.10.21.53.13/validation/events.out.tfevents.1644530019.node-j00a-002.myriad.ucl.ac.uk.227212.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.02.10.21.53.13/validation/events.out.tfevents.1644530019.node-j00a-002.myriad.ucl.ac.uk.227212.1.v2 new file mode 100644 index 0000000..8b9080a Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.02.10.21.53.13/validation/events.out.tfevents.1644530019.node-j00a-002.myriad.ucl.ac.uk.227212.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.02.11.09.25.01/train/events.out.tfevents.1644571501.node-j00a-002.myriad.ucl.ac.uk.105584.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.02.11.09.25.01/train/events.out.tfevents.1644571501.node-j00a-002.myriad.ucl.ac.uk.105584.0.v2 new file mode 100644 index 0000000..ce9b5d8 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.02.11.09.25.01/train/events.out.tfevents.1644571501.node-j00a-002.myriad.ucl.ac.uk.105584.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.02.11.09.25.01/validation/events.out.tfevents.1644571541.node-j00a-002.myriad.ucl.ac.uk.105584.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.02.11.09.25.01/validation/events.out.tfevents.1644571541.node-j00a-002.myriad.ucl.ac.uk.105584.1.v2 new file mode 100644 index 0000000..b5a14a8 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.02.11.09.25.01/validation/events.out.tfevents.1644571541.node-j00a-002.myriad.ucl.ac.uk.105584.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.02.14.19.12.23/train/events.out.tfevents.1644865944.node-j00a-002.myriad.ucl.ac.uk.198668.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.02.14.19.12.23/train/events.out.tfevents.1644865944.node-j00a-002.myriad.ucl.ac.uk.198668.0.v2 new file mode 100644 index 0000000..4b330c7 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.02.14.19.12.23/train/events.out.tfevents.1644865944.node-j00a-002.myriad.ucl.ac.uk.198668.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.02.14.19.12.23/validation/events.out.tfevents.1644865969.node-j00a-002.myriad.ucl.ac.uk.198668.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.02.14.19.12.23/validation/events.out.tfevents.1644865969.node-j00a-002.myriad.ucl.ac.uk.198668.1.v2 new file mode 100644 index 0000000..19a7eb0 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.02.14.19.12.23/validation/events.out.tfevents.1644865969.node-j00a-002.myriad.ucl.ac.uk.198668.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.03.10.22.47.04/train/events.out.tfevents.1646952424.node-l00a-002.myriad.ucl.ac.uk.235049.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.03.10.22.47.04/train/events.out.tfevents.1646952424.node-l00a-002.myriad.ucl.ac.uk.235049.0.v2 new file mode 100644 index 0000000..e9d4722 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.03.10.22.47.04/train/events.out.tfevents.1646952424.node-l00a-002.myriad.ucl.ac.uk.235049.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.03.10.22.47.04/validation/events.out.tfevents.1646952460.node-l00a-002.myriad.ucl.ac.uk.235049.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.03.10.22.47.04/validation/events.out.tfevents.1646952460.node-l00a-002.myriad.ucl.ac.uk.235049.1.v2 new file mode 100644 index 0000000..8d2882f Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/2022.03.10.22.47.04/validation/events.out.tfevents.1646952460.node-l00a-002.myriad.ucl.ac.uk.235049.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/metrics.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/metrics.csv new file mode 100644 index 0000000..f9b413e --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,147901.89527935366 +sharpness,13.293691005633747 +variation,1.3388891516733018e-16 +mae,289.31203265009293 +mse,205381.70252065704 +rmse,453.1905807942802 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/predictions.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/predictions.csv new file mode 100644 index 0000000..b19da1e --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/predictions.csv @@ -0,0 +1,254 @@ +,Predicted value,Predicted standard deviation,True value +0,544.0687522942073,13.293691005633747,795.5857158839873 +1,544.0687522942073,13.293691005633747,276.58575709351777 +2,544.0687522942073,13.293691005633747,528.5857370842659 +3,544.0687522942073,13.293691005633747,540.5857361314445 +4,544.0687522942073,13.293691005633747,650.5857273972472 +5,544.0687522942073,13.293691005633747,1100.5856916664407 +6,544.0687522942073,13.293691005633747,279.5857568553124 +7,544.0687522942073,13.293691005633747,301.58575510847294 +8,544.0687522942073,13.293691005633747,302.5857550290712 +9,544.0687522942073,13.293691005633747,614.5857302557117 +10,544.0687522942073,13.293691005633747,577.5857331935781 +11,544.0687522942073,13.293691005633747,571.5857336699888 +12,544.0687522942073,13.293691005633747,792.5857161221927 +13,544.0687522942073,13.293691005633747,1341.5856725306085 +14,544.0687522942073,13.293691005633747,233.5857605077949 +15,544.0687522942073,13.293691005633747,144.5857675745544 +16,544.0687522942073,13.293691005633747,1049.5856957159324 +17,544.0687522942073,13.293691005633747,579.5857330347744 +18,544.0687522942073,13.293691005633747,187.58576416027734 +19,544.0687522942073,13.293691005633747,526.5857372430696 +20,544.0687522942073,13.293691005633747,520.5857377194803 +21,544.0687522942073,13.293691005633747,435.58574446863264 +22,544.0687522942073,13.293691005633747,1002.5856994478163 +23,544.0687522942073,13.293691005633747,261.5857582845447 +24,544.0687522942073,13.293691005633747,401.58574716829366 +25,544.0687522942073,13.293691005633747,443.58574383341835 +26,544.0687522942073,13.293691005633747,461.585742404186 +27,544.0687522942073,13.293691005633747,572.5857335905872 +28,544.0687522942073,13.293691005633747,375.58574923274034 +29,544.0687522942073,13.293691005633747,136.26216674540237 +30,544.0687522942073,13.293691005633747,614.5857302557117 +31,544.0687522942073,13.293691005633747,287.5857562200981 +32,544.0687522942073,13.293691005633747,236.5857602695895 +33,544.0687522942073,13.293691005633747,955.5857031797003 +34,544.0687522942073,13.293691005633747,435.58574446863264 +35,544.0687522942073,13.293691005633747,282.58575661710705 +36,544.0687522942073,13.293691005633747,982.585701035852 +37,544.0687522942073,13.293691005633747,208.5857624928397 +38,544.0687522942073,13.293691005633747,850.5857115168886 +39,544.0687522942073,13.293691005633747,640.5857281912653 +40,544.0687522942073,13.293691005633747,635.285556532021 +41,544.0687522942073,13.293691005633747,496.5857396251232 +42,544.0687522942073,13.293691005633747,263.5857581257411 +43,544.0687522942073,13.293691005633747,270.5857575699285 +44,544.0687522942073,13.293691005633747,620.585729779301 +45,544.0687522942073,13.293691005633747,800.4307672174878 +46,544.0687522942073,13.293691005633747,204.58576281044685 +47,544.0687522942073,13.293691005633747,325.58575320282995 +48,544.0687522942073,13.293691005633747,565.5857341463998 +49,544.0687522942073,13.293691005633747,583.5857327171674 +50,544.0687522942073,13.293691005633747,626.5857293028903 +51,544.0687522942073,13.293691005633747,599.5857314467387 +52,544.0687522942073,13.293691005633747,241.58575987258044 +53,544.0687522942073,13.293691005633747,93.58577162404586 +54,544.0687522942073,13.293691005633747,177.58576495429523 +55,544.0687522942073,13.293691005633747,253.58575891975903 +56,544.0687522942073,13.293691005633747,183.58576447788448 +57,544.0687522942073,13.293691005633747,331.5857527264192 +58,544.0687522942073,13.293691005633747,543.8612030793709 +59,544.0687522942073,13.293691005633747,368.58574978855285 +60,544.0687522942073,13.293691005633747,476.58574121315917 +61,544.0687522942073,13.293691005633747,553.5857350992212 +62,544.0687522942073,13.293691005633747,177.58576495429523 +63,544.0687522942073,13.293691005633747,653.9614869773397 +64,544.0687522942073,13.293691005633747,745.5485956310678 +65,544.0687522942073,13.293691005633747,437.5857443098292 +66,544.0687522942073,13.293691005633747,66.58577376789428 +67,544.0687522942073,13.293691005633747,257.5857586021519 +68,544.0687522942073,13.293691005633747,129.58576876558132 +69,544.0687522942073,13.293691005633747,146.58576741575087 +70,544.0687522942073,13.293691005633747,332.5857526470174 +71,544.0687522942073,13.293691005633747,1362.585670863171 +72,544.0687522942073,13.293691005633747,1943.585624730729 +73,544.0687522942073,13.293691005633747,373.585749391544 +74,544.0687522942073,13.293691005633747,1784.5856373556146 +75,544.0687522942073,13.293691005633747,504.5857389899089 +76,544.0687522942073,13.293691005633747,259.58575844334825 +77,544.0687522942073,13.293691005633747,686.5857245387828 +78,544.0687522942073,13.293691005633747,331.59810336415944 +79,544.0687522942073,13.293691005633747,369.5857497091512 +80,544.0687522942073,13.293691005633747,244.5857596343752 +81,544.0687522942073,13.293691005633747,270.5857575699285 +82,544.0687522942073,13.293691005633747,169.5857655895096 +83,544.0687522942073,13.293691005633747,563.5857343052032 +84,544.0687522942073,13.293691005633747,376.58574915333855 +85,544.0687522942073,13.293691005633747,366.5857499473565 +86,544.0687522942073,13.293691005633747,230.58576074600026 +87,544.0687522942073,13.293691005633747,1212.5856827734399 +88,544.0687522942073,13.293691005633747,428.5857450244453 +89,544.0687522942073,13.293691005633747,191.58576384267016 +90,544.0687522942073,13.293691005633747,737.5857204892912 +91,544.0687522942073,13.293691005633747,790.5857162809963 +92,544.0687522942073,13.293691005633747,450.5857432776057 +93,544.0687522942073,13.293691005633747,233.5857605077949 +94,544.0687522942073,13.293691005633747,1331.5856733246264 +95,544.0687522942073,13.293691005633747,234.06886996956717 +96,544.0687522942073,13.293691005633747,228.58576090480392 +97,544.0687522942073,13.293691005633747,555.5857349404176 +98,544.0687522942073,13.293691005633747,322.5857534410353 +99,544.0687522942073,13.293691005633747,182.58576455728627 +100,544.0687522942073,13.293691005633747,542.5857359726408 +101,544.0687522942073,13.293691005633747,264.5857580463393 +102,544.0687522942073,13.293691005633747,502.5857391487126 +103,544.0687522942073,13.293691005633747,504.5857389899089 +104,544.0687522942073,13.293691005633747,177.58576495429523 +105,544.0687522942073,13.293691005633747,262.5857582051429 +106,544.0687522942073,13.293691005633747,179.58576479549168 +107,544.0687522942073,13.293691005633747,3285.230902043269 +108,544.0687522942073,13.293691005633747,257.5857586021519 +109,544.0687522942073,13.293691005633747,1369.9735422635215 +110,544.0687522942073,13.293691005633747,560.5857345434086 +111,544.0687522942073,13.293691005633747,456.97355178318014 +112,544.0687522942073,13.293691005633747,328.5857529646245 +113,544.0687522942073,13.293691005633747,977.585701432861 +114,544.0687522942073,13.293691005633747,735.5857206480949 +115,544.0687522942073,13.293691005633747,747.6702578770523 +116,544.0687522942073,13.293691005633747,619.5857298587027 +117,544.0687522942073,13.293691005633747,429.5857449450435 +118,544.0687522942073,13.293691005633747,352.5857510589816 +119,544.0687522942073,13.293691005633747,325.58575320282995 +120,544.0687522942073,13.293691005633747,381.5857487563297 +121,544.0687522942073,13.293691005633747,656.5857269208365 +122,544.0687522942073,13.293691005633747,477.5857411337574 +123,544.0687522942073,13.293691005633747,399.5857473270973 +124,544.0687522942073,13.293691005633747,486.5857404191413 +125,544.0687522942073,13.293691005633747,358.5857505825708 +126,544.0687522942073,13.293691005633747,257.5857586021519 +127,544.0687522942073,13.293691005633747,641.5857281118634 +128,544.0687522942073,13.293691005633747,744.6165269361184 +129,544.0687522942073,13.293691005633747,610.585730573319 +130,544.0687522942073,13.293691005633747,628.5857291440867 +131,544.0687522942073,13.293691005633747,605.585730970328 +132,544.0687522942073,13.293691005633747,802.5857153281747 +133,544.0687522942073,13.293691005633747,1208.1195814195778 +134,544.0687522942073,13.293691005633747,2063.585615202514 +135,544.0687522942073,13.293691005633747,1151.5856876169494 +136,544.0687522942073,13.293691005633747,785.5857166780053 +137,544.0687522942073,13.293691005633747,543.5857358932392 +138,544.0687522942073,13.293691005633747,247.5857593961698 +139,544.0687522942073,13.293691005633747,268.5857577287321 +140,544.0687522942073,13.293691005633747,422.0160755603324 +141,544.0687522942073,13.293691005633747,501.58573922811433 +142,544.0687522942073,13.293691005633747,430.5857448656418 +143,544.0687522942073,13.293691005633747,225.5857611430092 +144,544.0687522942073,13.293691005633747,247.5857593961698 +145,544.0687522942073,13.293691005633747,271.5857574905268 +146,544.0687522942073,13.293691005633747,87.5857721004566 +147,544.0687522942073,13.293691005633747,184.5857643984827 +148,544.0687522942073,13.293691005633747,149.58576717754542 +149,544.0687522942073,13.293691005633747,375.58574923274034 +150,544.0687522942073,13.293691005633747,620.585729779301 +151,544.0687522942073,13.293691005633747,321.5857535204372 +152,544.0687522942073,13.293691005633747,436.58574438923085 +153,544.0687522942073,13.293691005633747,542.5857359726408 +154,544.0687522942073,13.293691005633747,689.5857243005772 +155,544.0687522942073,13.293691005633747,1062.5856946837089 +156,544.0687522942073,13.293691005633747,457.5857427217933 +157,544.0687522942073,13.293691005633747,293.58575574368734 +158,544.0687522942073,13.293691005633747,3261.585520079166 +159,544.0687522942073,13.293691005633747,2097.585612502853 +160,544.0687522942073,13.293691005633747,1867.5856307652653 +161,544.0687522942073,13.293691005633747,1191.5856844408775 +162,544.0687522942073,13.293691005633747,1153.1905864961611 +163,544.0687522942073,13.293691005633747,547.5857355756318 +164,544.0687522942073,13.293691005633747,240.5857599519823 +165,544.0687522942073,13.293691005633747,458.5857426423914 +166,544.0687522942073,13.293691005633747,406.58574677128473 +167,544.0687522942073,13.293691005633747,652.5857272384436 +168,544.0687522942073,13.293691005633747,185.58576431908094 +169,544.0687522942073,13.293691005633747,335.58575240881197 +170,544.0687522942073,13.293691005633747,742.5857200922823 +171,544.0687522942073,13.293691005633747,845.5857119138975 +172,544.0687522942073,13.293691005633747,887.811580454068 +173,544.0687522942073,13.293691005633747,445.5857436746148 +174,544.0687522942073,13.293691005633747,533.585736687257 +175,544.0687522942073,13.293691005633747,910.5857067527812 +176,544.0687522942073,13.293691005633747,614.5857302557117 +177,544.0687522942073,13.293691005633747,244.5857596343752 +178,544.0687522942073,13.293691005633747,2096.5856125822547 +179,544.0687522942073,13.293691005633747,194.5857636044648 +180,544.0687522942073,13.293691005633747,353.58575097957976 +181,544.0687522942073,13.293691005633747,669.5857258886133 +182,544.0687522942073,13.293691005633747,1321.5856741186446 +183,544.0687522942073,13.293691005633747,536.7372200565968 +184,544.0687522942073,13.293691005633747,572.5857335905872 +185,544.0687522942073,13.293691005633747,740.5857202510858 +186,544.0687522942073,13.293691005633747,619.5857298587027 +187,544.0687522942073,13.293691005633747,520.5857377194803 +188,544.0687522942073,13.293691005633747,611.5857304939171 +189,544.0687522942073,13.293691005633747,932.5857050059418 +190,544.0687522942073,13.293691005633747,227.5857609842057 +191,544.0687522942073,13.293691005633747,319.58575367924067 +192,544.0687522942073,13.293691005633747,381.5857487563297 +193,544.0687522942073,13.293691005633747,222.5857613812146 +194,544.0687522942073,13.293691005633747,990.5857004006378 +195,544.0687522942073,13.293691005633747,832.5857129461209 +196,544.0687522942073,13.293691005633747,829.0174567200193 +197,544.0687522942073,13.293691005633747,562.5857343846051 +198,544.0687522942073,13.293691005633747,642.5857280324616 +199,544.0687522942073,13.293691005633747,375.58574923274034 +200,544.0687522942073,13.293691005633747,903.5857073085936 +201,544.0687522942073,13.293691005633747,282.58575661710705 +202,544.0687522942073,13.293691005633747,533.585736687257 +203,544.0687522942073,13.293691005633747,734.5857207274968 +204,544.0687522942073,13.293691005633747,2109.5856115500314 +205,544.0687522942073,13.293691005633747,462.6991086384732 +206,544.0687522942073,13.293691005633747,440.3395289741532 +207,544.0687522942073,13.293691005633747,459.58574256298965 +208,544.0687522942073,13.293691005633747,800.5857154869783 +209,544.0687522942073,13.293691005633747,204.58576281044685 +210,544.0687522942073,13.293691005633747,250.5857591579644 +211,544.0687522942073,13.293691005633747,493.5857398633288 +212,544.0687522942073,13.293691005633747,168.24815042310587 +213,544.0687522942073,13.293691005633747,121.58576940079568 +214,544.0687522942073,13.293691005633747,474.58574137196274 +215,544.0687522942073,13.293691005633747,603.5857311291314 +216,544.0687522942073,13.293691005633747,450.5857432776057 +217,544.0687522942073,13.293691005633747,366.5857499473565 +218,544.0687522942073,13.293691005633747,335.58575240881197 +219,544.0687522942073,13.293691005633747,254.58575884035724 +220,544.0687522942073,13.293691005633747,644.585727873658 +221,544.0687522942073,13.293691005633747,630.5857289852831 +222,544.0687522942073,13.293691005633747,286.5857562994999 +223,544.0687522942073,13.293691005633747,239.5857600313841 +224,544.0687522942073,13.293691005633747,1204.5856834086542 +225,544.0687522942073,13.293691005633747,584.5857326377655 +226,544.0687522942073,13.293691005633747,359.5857505031691 +227,544.0687522942073,13.293691005633747,223.58576130181282 +228,544.0687522942073,13.293691005633747,493.5857398633288 +229,544.0687522942073,13.293691005633747,783.5857168368087 +230,544.0687522942073,13.293691005633747,305.58575479086585 +231,544.0687522942073,13.293691005633747,364.58575010616005 +232,544.0687522942073,13.293691005633747,1117.5856903166102 +233,544.0687522942073,13.293691005633747,308.58575455266043 +234,544.0687522942073,13.293691005633747,231.03896111579812 +235,544.0687522942073,13.293691005633747,211.58576225463432 +236,544.0687522942073,13.293691005633747,411.5857463742758 +237,544.0687522942073,13.293691005633747,471.84628776184684 +238,544.0687522942073,13.293691005633747,1159.5856869817349 +239,544.0687522942073,13.293691005633747,334.58575248821387 +240,544.0687522942073,13.293691005633747,73.56765209308998 +241,544.0687522942073,13.293691005633747,334.58575248821387 +242,544.0687522942073,13.293691005633747,848.5857116756923 +243,544.0687522942073,13.293691005633747,501.58573922811433 +244,544.0687522942073,13.293691005633747,1390.5856686399204 +245,544.0687522942073,13.293691005633747,1012.5856986537982 +246,544.0687522942073,13.293691005633747,1840.5856329091127 +247,544.0687522942073,13.293691005633747,555.5857349404176 +248,544.0687522942073,13.293691005633747,595.5857317643457 +249,544.0687522942073,13.293691005633747,525.5857373224713 +250,544.0687522942073,13.293691005633747,238.4559452332465 +251,544.0687522942073,13.293691005633747,157.58576654233113 +252,544.0687522942073,13.293691005633747,212.5857621752325 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/val-metrics-2022.03.17.22.12.49.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/val-metrics-2022.03.17.22.12.49.csv new file mode 100644 index 0000000..9281009 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/val-metrics-2022.03.17.22.12.49.csv @@ -0,0 +1,7 @@ +,0 +nll,27160.83411503448 +sharpness,13.293691005633747 +variation,1.3495367587687375e-16 +mae,338.6537828884447 +mse,186993.01442092948 +rmse,432.42688910488613 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/val-metrics-2022.06.23.16.14.24.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/val-metrics-2022.06.23.16.14.24.csv new file mode 100644 index 0000000..9281009 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-1/val-metrics-2022.06.23.16.14.24.csv @@ -0,0 +1,7 @@ +,0 +nll,27160.83411503448 +sharpness,13.293691005633747 +variation,1.3495367587687375e-16 +mae,338.6537828884447 +mse,186993.01442092948 +rmse,432.42688910488613 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.01.19.14.50.48/train/events.out.tfevents.1642603848.node-j00a-001.myriad.ucl.ac.uk.3550.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.01.19.14.50.48/train/events.out.tfevents.1642603848.node-j00a-001.myriad.ucl.ac.uk.3550.0.v2 new file mode 100644 index 0000000..1726572 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.01.19.14.50.48/train/events.out.tfevents.1642603848.node-j00a-001.myriad.ucl.ac.uk.3550.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.01.19.14.50.48/validation/events.out.tfevents.1642603866.node-j00a-001.myriad.ucl.ac.uk.3550.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.01.19.14.50.48/validation/events.out.tfevents.1642603866.node-j00a-001.myriad.ucl.ac.uk.3550.1.v2 new file mode 100644 index 0000000..1d37821 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.01.19.14.50.48/validation/events.out.tfevents.1642603866.node-j00a-001.myriad.ucl.ac.uk.3550.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.01.20.08.18.33/train/events.out.tfevents.1642666713.node-e00a-011.myriad.ucl.ac.uk.1590.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.01.20.08.18.33/train/events.out.tfevents.1642666713.node-e00a-011.myriad.ucl.ac.uk.1590.0.v2 new file mode 100644 index 0000000..9637051 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.01.20.08.18.33/train/events.out.tfevents.1642666713.node-e00a-011.myriad.ucl.ac.uk.1590.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.01.20.08.18.33/validation/events.out.tfevents.1642666735.node-e00a-011.myriad.ucl.ac.uk.1590.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.01.20.08.18.33/validation/events.out.tfevents.1642666735.node-e00a-011.myriad.ucl.ac.uk.1590.1.v2 new file mode 100644 index 0000000..9264e61 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.01.20.08.18.33/validation/events.out.tfevents.1642666735.node-e00a-011.myriad.ucl.ac.uk.1590.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.01.20.15.20.18/train/events.out.tfevents.1642692018.node-l00a-006.myriad.ucl.ac.uk.54599.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.01.20.15.20.18/train/events.out.tfevents.1642692018.node-l00a-006.myriad.ucl.ac.uk.54599.0.v2 new file mode 100644 index 0000000..4979d05 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.01.20.15.20.18/train/events.out.tfevents.1642692018.node-l00a-006.myriad.ucl.ac.uk.54599.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.01.20.15.20.18/validation/events.out.tfevents.1642692036.node-l00a-006.myriad.ucl.ac.uk.54599.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.01.20.15.20.18/validation/events.out.tfevents.1642692036.node-l00a-006.myriad.ucl.ac.uk.54599.1.v2 new file mode 100644 index 0000000..dbda895 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.01.20.15.20.18/validation/events.out.tfevents.1642692036.node-l00a-006.myriad.ucl.ac.uk.54599.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.01.26.17.55.24/train/events.out.tfevents.1643219724.node-l00a-006.myriad.ucl.ac.uk.47670.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.01.26.17.55.24/train/events.out.tfevents.1643219724.node-l00a-006.myriad.ucl.ac.uk.47670.0.v2 new file mode 100644 index 0000000..82b5807 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.01.26.17.55.24/train/events.out.tfevents.1643219724.node-l00a-006.myriad.ucl.ac.uk.47670.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.01.26.17.55.24/validation/events.out.tfevents.1643219745.node-l00a-006.myriad.ucl.ac.uk.47670.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.01.26.17.55.24/validation/events.out.tfevents.1643219745.node-l00a-006.myriad.ucl.ac.uk.47670.1.v2 new file mode 100644 index 0000000..9ddc890 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.01.26.17.55.24/validation/events.out.tfevents.1643219745.node-l00a-006.myriad.ucl.ac.uk.47670.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.02.10.14.56.51/train/events.out.tfevents.1644505012.node-j00a-002.myriad.ucl.ac.uk.158469.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.02.10.14.56.51/train/events.out.tfevents.1644505012.node-j00a-002.myriad.ucl.ac.uk.158469.0.v2 new file mode 100644 index 0000000..393aa70 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.02.10.14.56.51/train/events.out.tfevents.1644505012.node-j00a-002.myriad.ucl.ac.uk.158469.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.02.10.14.56.51/validation/events.out.tfevents.1644505043.node-j00a-002.myriad.ucl.ac.uk.158469.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.02.10.14.56.51/validation/events.out.tfevents.1644505043.node-j00a-002.myriad.ucl.ac.uk.158469.1.v2 new file mode 100644 index 0000000..85eb712 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.02.10.14.56.51/validation/events.out.tfevents.1644505043.node-j00a-002.myriad.ucl.ac.uk.158469.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.02.11.09.28.20/train/events.out.tfevents.1644571700.node-j00a-001.myriad.ucl.ac.uk.73943.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.02.11.09.28.20/train/events.out.tfevents.1644571700.node-j00a-001.myriad.ucl.ac.uk.73943.0.v2 new file mode 100644 index 0000000..7295e9f Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.02.11.09.28.20/train/events.out.tfevents.1644571700.node-j00a-001.myriad.ucl.ac.uk.73943.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.02.11.09.28.20/validation/events.out.tfevents.1644571726.node-j00a-001.myriad.ucl.ac.uk.73943.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.02.11.09.28.20/validation/events.out.tfevents.1644571726.node-j00a-001.myriad.ucl.ac.uk.73943.1.v2 new file mode 100644 index 0000000..601c40e Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.02.11.09.28.20/validation/events.out.tfevents.1644571726.node-j00a-001.myriad.ucl.ac.uk.73943.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.02.14.18.54.29/train/events.out.tfevents.1644864869.node-e00a-009.myriad.ucl.ac.uk.232271.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.02.14.18.54.29/train/events.out.tfevents.1644864869.node-e00a-009.myriad.ucl.ac.uk.232271.0.v2 new file mode 100644 index 0000000..30c0e1f Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.02.14.18.54.29/train/events.out.tfevents.1644864869.node-e00a-009.myriad.ucl.ac.uk.232271.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.02.14.18.54.29/validation/events.out.tfevents.1644864904.node-e00a-009.myriad.ucl.ac.uk.232271.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.02.14.18.54.29/validation/events.out.tfevents.1644864904.node-e00a-009.myriad.ucl.ac.uk.232271.1.v2 new file mode 100644 index 0000000..7da39a3 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.02.14.18.54.29/validation/events.out.tfevents.1644864904.node-e00a-009.myriad.ucl.ac.uk.232271.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.03.11.11.22.19/train/events.out.tfevents.1646997739.node-j00a-001.myriad.ucl.ac.uk.129532.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.03.11.11.22.19/train/events.out.tfevents.1646997739.node-j00a-001.myriad.ucl.ac.uk.129532.0.v2 new file mode 100644 index 0000000..e712739 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.03.11.11.22.19/train/events.out.tfevents.1646997739.node-j00a-001.myriad.ucl.ac.uk.129532.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.03.11.11.22.19/validation/events.out.tfevents.1646997769.node-j00a-001.myriad.ucl.ac.uk.129532.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.03.11.11.22.19/validation/events.out.tfevents.1646997769.node-j00a-001.myriad.ucl.ac.uk.129532.1.v2 new file mode 100644 index 0000000..e5d1446 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/2022.03.11.11.22.19/validation/events.out.tfevents.1646997769.node-j00a-001.myriad.ucl.ac.uk.129532.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/metrics.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/metrics.csv new file mode 100644 index 0000000..6fbe6fa --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,93499.74113660824 +sharpness,10.827933656454853 +variation,0.3879478452167336 +mae,164.80195350806483 +mse,191521.86019810656 +rmse,437.63210599555714 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/predictions.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/predictions.csv new file mode 100644 index 0000000..29816bb --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/predictions.csv @@ -0,0 +1,254 @@ +,Predicted value,Predicted standard deviation,True value +0,272.56689942435867,6.3550378353490125,240.5857599519823 +1,301.75721192545996,6.509803545379458,338.5857521706066 +2,457.099760973795,8.418026642621783,400.58574724769545 +3,625.4018024778906,11.361145059466537,481.5857408161503 +4,720.2490275673753,13.810087262015395,607.5857308115244 +5,242.9613567392497,6.251922589564482,170.5857655101078 +6,206.74503861032815,6.217715856520654,99.58577114763511 +7,730.113291985819,14.117489819596315,679.5857250945952 +8,281.3887406067787,6.347103480605843,197.58576336625939 +9,307.12111322823137,6.60544092230088,200.58576312805405 +10,731.6463469259742,14.188462052520157,674.5857254916042 +11,175.75308776835834,6.149057867768403,144.5857675745544 +12,498.13819885189685,8.300002944378146,478.5857410543556 +13,770.258995907743,15.981633467785239,978.5857013534593 +14,278.4354809595078,6.306852769058431,247.5857593961698 +15,755.3185879567881,15.037179130316186,754.4592429505203 +16,518.6049380929306,9.320278521961747,432.585744706838 +17,191.42831341264343,6.208322771558251,83.42622265888586 +18,710.9763729195237,13.535043194178279,652.5857272384436 +19,665.3566228733088,12.29956141911871,609.5857306527207 +20,264.60202320726046,6.288417252012505,208.5857624928397 +21,679.2646744957,12.655588630424171,623.5857295410957 +22,525.6053699997991,9.435191477001343,453.5857430394004 +23,538.2894200193967,9.651425080184286,477.5857411337574 +24,765.4185089801448,16.450343784624174,1340.5856726100105 +25,557.0813259379046,9.984501347471767,502.5857391487126 +26,293.26069037057266,6.4079424233612245,218.58576169882184 +27,289.30880541971226,6.389767130416229,163.58576606592038 +28,614.2989894167384,11.129487194029634,565.5857341463998 +29,458.05026813989195,8.432090278140175,430.5857448656418 +30,282.8151676415563,6.376461178297094,280.7913011441348 +31,304.3288196032207,6.577374967859901,295.5857555848837 +32,304.51691095382364,6.558553386414372,253.58575891975903 +33,430.6984220126159,8.092307762353867,399.5857473270973 +34,769.6083982836261,16.256234081287197,1164.5856865847259 +35,204.23515553626737,6.230286440616223,129.58576876558132 +36,548.3699872952692,9.823704938245124,469.58574176897173 +37,314.16467503068077,6.734015392012618,260.58575836394647 +38,527.9116162992703,9.47866486823823,523.5857374812748 +39,207.9397300612453,6.233280078507775,166.585765827715 +40,318.2018317831952,6.813966945077025,330.5857528058209 +41,357.0887170368495,7.398255604776097,351.58575113838333 +42,618.9534051956997,11.214946245045176,571.5857336699888 +43,770.4941135547105,16.146213211032393,935.5857047677364 +44,318.87721805897115,6.833857587924704,256.58575868155367 +45,767.0097691268437,15.678881437306817,910.5857067527812 +46,215.83071718003873,6.246928142339315,168.5857656689114 +47,277.3056485331307,6.3587557634651874,208.5857624928397 +48,621.8421388752448,11.277895376311887,571.5857336699888 +49,396.04058106138643,7.723755683398748,400.58574724769545 +50,181.47758577967568,6.174450850634063,86.58577217985842 +51,261.951042028957,6.263247057490477,222.5857613812146 +52,162.27278854348504,6.053029102146359,153.58576685993827 +53,276.44655403977765,5.8927171903260085,393.58574780350807 +54,325.26181547253316,7.004877491253747,310.5857543938568 +55,346.3677326459127,6.4268553324825595,354.58575090017797 +56,725.6269649325094,13.988743208334961,727.5857212833093 +57,507.2922612428646,9.13414727691634,494.58573978392684 +58,310.2500140056635,6.669087496247682,319.58575367924067 +59,712.0593482936509,13.564773996089512,652.5857272384436 +60,160.20539067705784,6.037122930191764,127.58576892438492 +61,173.93876209406687,6.130510382116484,106.58577059182257 +62,188.70116339530603,6.179430755024478,160.58576630412574 +63,313.1848091919072,6.72674800079304,335.58575240881197 +64,767.59769952054,16.25954915217917,1013.5856985743968 +65,770.7011244364238,16.073197001190973,1285.585676977109 +66,767.7318495906783,16.28484246984127,1333.5856731658228 +67,747.857601477326,16.558442908935977,3643.743437099969 +68,767.0881295934504,15.674598360713476,1001.585699527218 +69,311.8496132021518,6.673677560057505,291.58575590249086 +70,303.173350842202,6.537997108834321,234.5857604283931 +71,770.5263922333378,16.165528921438145,926.9151354639647 +72,280.74642016182577,6.334933514844546,254.58575884035724 +73,205.3918796573397,6.24518031329614,238.58576011078603 +74,581.0789406553939,10.42725739906524,496.5857396251232 +75,383.8124766035452,7.612654837729374,373.585749391544 +76,627.9716984880487,11.399758399928523,552.5857351786229 +77,180.82928161221014,6.143025249285672,125.58576908318848 +78,372.81277390112325,7.24474058220228,360.58575042376714 +79,307.5557416308419,6.601859037041806,251.58575907856255 +80,327.35839171538635,7.003376096889301,339.58575209120477 +81,310.9515510675827,6.678065110158222,304.58575487026764 +82,606.4876349471141,10.948283346318181,556.5857348610158 +83,527.975686159565,9.463558874243336,495.5857397045252 +84,311.5495294781557,6.6994511938703925,287.5857562200981 +85,743.9134243746356,16.48271937327928,3521.5854994346996 +86,191.29186866589396,6.13284570950154,160.620206064518 +87,284.3146549587817,6.365076771817045,234.5857604283931 +88,736.3311933078929,14.319746192633655,669.5857258886133 +89,203.39306764746823,6.236872166218216,152.5857669393401 +90,739.6008071815867,14.448683769207044,632.5857288264797 +91,312.66773178474784,6.689170354598656,334.58575248821387 +92,331.57958877092267,8.459434833082394,235.58576034899133 +93,725.8048788757131,13.998217208120902,768.9388632748868 +94,243.00055485786095,6.234220529762304,213.58576209583072 +95,242.03006365135468,6.264384201517824,230.58576074600026 +96,653.999355619946,12.026504151054025,551.5857352580248 +97,241.11470203180022,6.274415672435997,257.5857586021519 +98,752.8680368111071,14.960653406632145,758.5857188218538 +99,292.5955850393492,6.413270240871399,236.5857602695895 +100,323.5479334382088,6.957829649897064,383.585748597526 +101,323.83986689703113,6.964596403188963,223.58576130181282 +102,756.6939074219243,15.091736377732722,779.5857171544162 +103,284.9293100246267,6.357523317731192,236.5857602695895 +104,760.0008879361102,16.528231802698272,1542.5856565708484 +105,376.70046030412584,7.552478898597002,428.5857450244453 +106,756.510249859084,15.108525633265485,836.5857126285138 +107,649.3530199389187,11.915777963502286,550.5857353374264 +108,532.6386768470674,9.556498224184132,441.5857439922218 +109,693.8427813844736,13.049182918304982,693.5857239829703 +110,561.490849690248,10.0566531716476,491.5857400221323 +111,274.57121593545696,6.352729899050236,208.5857624928397 +112,759.0944402056319,15.199668250684827,1054.168039020076 +113,667.2770128575193,12.33124493118984,547.5959088769893 +114,770.3342008698654,16.02060098204065,1111.5856907930208 +115,756.2049951466305,15.08582528242208,876.5857094524423 +116,744.5537265297734,14.62192089248534,657.5857268414347 +117,314.9104667633927,6.7412727295278945,251.01789069958312 +118,683.2016837353275,12.766271662156239,546.5857356550338 +119,291.00584538071223,6.44067570011446,250.5857591579644 +120,193.20705074461682,6.229608855275842,204.58576281044685 +121,174.36683261618407,6.142569554664125,144.5857675745544 +122,276.34032914854276,6.342639301067125,278.5857569347142 +123,760.1160989598119,16.520350457550492,2148.5856084533616 +124,330.548316933009,7.189334769455067,345.58575161479416 +125,765.778856476374,15.59038872284117,904.585707229192 +126,769.2934107267337,16.311428741587743,1154.5856873787438 +127,760.3090046208071,16.53059103589695,1470.585662287777 +128,756.4856065842304,15.114617459658852,739.5857203304878 +129,374.1451747805967,7.527044921312491,331.5857527264192 +130,529.1717042058862,9.488183512867097,476.58574121315917 +131,532.647235954353,9.552198348467924,465.5857420865789 +132,769.9964253205525,16.254489470706687,1018.5856981773877 +133,769.9123030022873,16.24801460760415,1234.5856810266002 +134,686.434358454191,12.816800612324988,653.5857271590419 +135,320.77902299191726,6.876624935804011,347.58575145599053 +136,767.926905174665,15.731131631569227,801.5857154075765 +137,674.4866090562408,12.529346341715529,549.5857354168284 +138,250.38285902843734,6.274017476280009,184.5857643984827 +139,712.420193421798,13.573827212734226,624.5857294616939 +140,746.994549512643,14.715346531504158,694.5857239035686 +141,578.2460018550317,10.382559675715571,542.5857359726408 +142,742.233246872156,14.544066826451996,628.5857291440867 +143,765.5781864826403,16.430039442737996,1384.5856691163315 +144,481.38669677954556,8.751433271229095,385.58574843872236 +145,403.37068995478137,7.154975661318743,442.5857439128201 +146,760.0123713920165,16.524248794887452,2145.585608691567 +147,761.1406346676648,16.508055220089716,2084.5856135350764 +148,186.29877845730323,6.178010115364652,133.58576844797415 +149,196.53087576519272,6.231610655699985,168.5857656689114 +150,314.3831119854275,6.729597592845053,348.5857513765887 +151,764.0403680410653,16.474648707485454,2181.5856058331024 +152,433.6121767213607,8.12787346598303,365.5857500267583 +153,767.4751109660846,16.36226939066997,1205.5856833292526 +154,312.6913451136769,6.708328441022868,313.58575415565144 +155,197.99059604989986,6.216240658003296,72.58577329148352 +156,762.4058793111889,15.372990956517066,980.5857011946556 +157,705.9929374942711,13.388555332428359,617.5857300175064 +158,300.7409410376257,6.499252946617235,256.58575868155367 +159,745.4764438179681,16.517710292857636,3289.585517855917 +160,209.99325166351434,6.262462636749401,218.58576169882184 +161,422.38251821312394,8.008043927857427,402.585747088892 +162,760.2054620260586,16.527383151244678,1519.5856583970894 +163,324.8146649996323,6.995997656871146,289.5857560612945 +164,763.5992645493806,15.43007825680836,852.4579164643103 +165,193.58908964486716,6.200044435110231,213.01151280128758 +166,315.6434928780926,6.765340938338241,296.585755505482 +167,764.0212144748201,16.469357104775064,1373.585669989751 +168,458.2883063314929,8.442981343121286,468.9700846237468 +169,744.6163905919801,16.48521542999126,3337.58551404463 +170,343.94234012899494,6.855182200223062,361.5857503443654 +171,770.189395457708,16.223960091416718,1177.5856855525024 +172,328.022408583898,10.12624074918744,260.58575836394647 +173,509.09773478499653,9.170858872282578,526.5857372430696 +174,218.1924401586274,6.251925118731667,226.58576106360744 +175,376.74239924727397,6.830430230052133,371.58574955034754 +176,548.9510094591514,9.831728579513223,490.58574010153404 +177,770.2371803712866,16.212272917432088,1342.5856724512068 +178,767.0297084216417,15.675958370401792,926.5857054823524 +179,747.2263807910475,16.5198528534339,2657.585568037849 +180,235.0417230550064,6.171499040748783,199.5857632074558 +181,232.01577187969622,6.189852743635438,237.58576019018776 +182,435.0393079718614,8.146450754397362,464.58574216598083 +183,241.5611381102916,6.2935032294922655,229.585760825402 +184,737.3092310364717,14.364613817963132,759.5857187424518 +185,225.57705979471018,6.223505371861165,192.58576376326835 +186,557.3547433299517,9.98087777047861,444.58574375401656 +187,689.1041496817178,12.8928689715112,674.5857254916042 +188,482.2549493668174,8.618772047022064,426.5857451832489 +189,304.50978508806827,6.546920238536845,259.58575844334825 +190,479.46197140312677,8.721772256168531,443.58574383341835 +191,666.8767599370893,12.306616533389375,615.58573017631 +192,764.6979628453972,15.501321778232915,849.5857115962906 +193,734.0445121988431,14.267941302450245,647.5857276354526 +194,664.0209520825573,12.263106177900308,545.5857357344355 +195,378.8612850490007,7.568378662278987,411.5857463742758 +196,542.1038105859751,9.705265627720026,464.58574216598083 +197,737.5238153920926,14.382529644551129,739.5857203304878 +198,731.9021828443346,14.190224153631814,689.5857243005772 +199,690.1536564837132,12.944593451856607,621.5857296998992 +200,552.140624017249,9.8935602064048,494.58573978392684 +201,446.6692386153717,8.285727509556484,456.5857428011951 +202,694.1643157146444,13.066157664802342,717.5857220773271 +203,434.9774615469486,8.144730094156793,442.5857439128201 +204,267.0557728518305,6.315799653680734,208.5857624928397 +205,260.98535950062603,6.296586341093599,207.58576257224152 +206,310.69978177282417,6.651576924671815,354.58575090017797 +207,145.08653392753138,5.900051135198761,143.5857676539562 +208,265.36295381546176,6.290716842543999,179.58576479549168 +209,765.1278387357141,16.413559951280316,1376.5856697515458 +210,303.75576135766266,6.5541064901432,262.5857582051429 +211,223.7252469534268,6.276977445007766,217.5857617782236 +212,486.99145874089834,8.851674996140211,463.58574224538256 +213,486.1263233005574,8.156366763723483,481.5857408161503 +214,715.7358180123537,13.677163276782888,652.5857272384436 +215,765.5433930879207,15.570432554082098,894.5857080232097 +216,743.8167239656449,14.600355030778903,711.5857225537379 +217,211.81484301129046,6.257801379110229,188.58576408087555 +218,739.2869892062134,14.445246445407172,659.5857266826313 +219,370.756342442617,7.156277922898171,331.5857527264192 +220,299.628201558049,6.492265177610661,250.5857591579644 +221,236.44655477389267,6.279578404080534,242.58575979317874 +222,339.9211666502214,6.7894269855804295,308.58575455266043 +223,763.4068075573867,15.446281654662625,781.5857169956122 +224,333.36086411232634,7.848241279985429,254.58575884035724 +225,331.5111106338426,8.477281338076574,259.58575844334825 +226,310.8476848559493,6.6584100326335465,297.5857554260802 +227,283.8543265589086,6.348434868250198,276.58575709351777 +228,322.19740054782403,8.103822310860652,315.58575399684787 +229,306.8214955088314,6.577337930303918,273.5857573317232 +230,209.55459950968896,6.246484888229424,196.5857634456612 +231,704.0129739821112,13.295610881282865,640.5857281912653 +232,757.9634558504894,15.187748973302362,722.5857216803181 +233,552.9664311661307,9.89516506001932,491.5857400221323 +234,770.2236496096574,15.984510066703786,1117.5856903166102 +235,303.007559122865,6.549751317314647,317.58575383804435 +236,346.1137457108397,7.302316171788311,358.5857505825708 +237,759.2050242960667,16.522430464436965,1801.585636005784 +238,301.2090502744521,6.506595409368449,294.5857556642855 +239,700.2972529531088,13.223024147408845,607.5857308115244 +240,735.6907476450559,14.29454847341739,634.585728667676 +241,238.94037345828644,6.205301189561859,224.58576122241104 +242,229.88568971934535,6.272062623431569,229.9570867399526 +243,660.5202421181583,12.15174831613699,511.5857384340965 +244,657.293166407644,12.07728171311156,507.58573875170373 +245,313.1903437156851,6.7204806810422495,276.58575709351777 +246,766.6194302849452,16.410122954479608,1335.5856730070195 +247,280.69812295707914,6.34288765981762,289.5857560612945 +248,258.9953337097812,6.284809734456543,225.52557371613608 +249,203.23567318590165,6.2299874830166475,190.0023038850011 +250,653.766662361564,11.988659955186852,541.5857360520424 +251,204.59465801334397,6.080388994476002,223.58576130181282 +252,768.3553458817458,16.362553272496353,1038.5856965893518 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/val-metrics-2022.03.17.22.10.07.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/val-metrics-2022.03.17.22.10.07.csv new file mode 100644 index 0000000..8350ec3 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/val-metrics-2022.03.17.22.10.07.csv @@ -0,0 +1,7 @@ +,0 +nll,10665.07813892118 +sharpness,12.566952526176772 +variation,0.34177137604142316 +mae,209.53622108443287 +mse,102474.9883708227 +rmse,320.1171478862429 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/val-metrics-2022.06.23.16.43.01.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/val-metrics-2022.06.23.16.43.01.csv new file mode 100644 index 0000000..3e02d17 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-2/val-metrics-2022.06.23.16.43.01.csv @@ -0,0 +1,7 @@ +,0 +nll,10665.392408055204 +sharpness,12.568355754920038 +variation,0.3417787244443088 +mae,209.56921791200398 +mse,102489.28725871239 +rmse,320.1394809434044 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.01.19.14.42.35/train/events.out.tfevents.1642603355.node-e00a-007.myriad.ucl.ac.uk.248518.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.01.19.14.42.35/train/events.out.tfevents.1642603355.node-e00a-007.myriad.ucl.ac.uk.248518.0.v2 new file mode 100644 index 0000000..e6d15be Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.01.19.14.42.35/train/events.out.tfevents.1642603355.node-e00a-007.myriad.ucl.ac.uk.248518.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.01.19.14.42.35/validation/events.out.tfevents.1642603380.node-e00a-007.myriad.ucl.ac.uk.248518.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.01.19.14.42.35/validation/events.out.tfevents.1642603380.node-e00a-007.myriad.ucl.ac.uk.248518.1.v2 new file mode 100644 index 0000000..276dd17 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.01.19.14.42.35/validation/events.out.tfevents.1642603380.node-e00a-007.myriad.ucl.ac.uk.248518.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.01.20.08.04.16/train/events.out.tfevents.1642665856.node-j00a-002.myriad.ucl.ac.uk.63840.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.01.20.08.04.16/train/events.out.tfevents.1642665856.node-j00a-002.myriad.ucl.ac.uk.63840.0.v2 new file mode 100644 index 0000000..d0e98be Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.01.20.08.04.16/train/events.out.tfevents.1642665856.node-j00a-002.myriad.ucl.ac.uk.63840.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.01.20.08.04.16/validation/events.out.tfevents.1642665875.node-j00a-002.myriad.ucl.ac.uk.63840.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.01.20.08.04.16/validation/events.out.tfevents.1642665875.node-j00a-002.myriad.ucl.ac.uk.63840.1.v2 new file mode 100644 index 0000000..62beae5 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.01.20.08.04.16/validation/events.out.tfevents.1642665875.node-j00a-002.myriad.ucl.ac.uk.63840.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.01.20.15.36.44/train/events.out.tfevents.1642693006.node-e00a-005.myriad.ucl.ac.uk.5577.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.01.20.15.36.44/train/events.out.tfevents.1642693006.node-e00a-005.myriad.ucl.ac.uk.5577.0.v2 new file mode 100644 index 0000000..9e4db6f Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.01.20.15.36.44/train/events.out.tfevents.1642693006.node-e00a-005.myriad.ucl.ac.uk.5577.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.01.20.15.36.44/validation/events.out.tfevents.1642693030.node-e00a-005.myriad.ucl.ac.uk.5577.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.01.20.15.36.44/validation/events.out.tfevents.1642693030.node-e00a-005.myriad.ucl.ac.uk.5577.1.v2 new file mode 100644 index 0000000..72dc65f Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.01.20.15.36.44/validation/events.out.tfevents.1642693030.node-e00a-005.myriad.ucl.ac.uk.5577.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.01.26.17.57.58/train/events.out.tfevents.1643219878.node-l00a-002.myriad.ucl.ac.uk.131297.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.01.26.17.57.58/train/events.out.tfevents.1643219878.node-l00a-002.myriad.ucl.ac.uk.131297.0.v2 new file mode 100644 index 0000000..51d0903 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.01.26.17.57.58/train/events.out.tfevents.1643219878.node-l00a-002.myriad.ucl.ac.uk.131297.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.01.26.17.57.58/validation/events.out.tfevents.1643219899.node-l00a-002.myriad.ucl.ac.uk.131297.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.01.26.17.57.58/validation/events.out.tfevents.1643219899.node-l00a-002.myriad.ucl.ac.uk.131297.1.v2 new file mode 100644 index 0000000..6230123 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.01.26.17.57.58/validation/events.out.tfevents.1643219899.node-l00a-002.myriad.ucl.ac.uk.131297.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.02.10.14.59.06/train/events.out.tfevents.1644505146.node-e00a-018.myriad.ucl.ac.uk.163823.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.02.10.14.59.06/train/events.out.tfevents.1644505146.node-e00a-018.myriad.ucl.ac.uk.163823.0.v2 new file mode 100644 index 0000000..4046663 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.02.10.14.59.06/train/events.out.tfevents.1644505146.node-e00a-018.myriad.ucl.ac.uk.163823.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.02.10.14.59.06/validation/events.out.tfevents.1644505172.node-e00a-018.myriad.ucl.ac.uk.163823.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.02.10.14.59.06/validation/events.out.tfevents.1644505172.node-e00a-018.myriad.ucl.ac.uk.163823.1.v2 new file mode 100644 index 0000000..ba21918 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.02.10.14.59.06/validation/events.out.tfevents.1644505172.node-e00a-018.myriad.ucl.ac.uk.163823.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.02.11.06.14.45/train/events.out.tfevents.1644560085.node-e00a-006.myriad.ucl.ac.uk.51896.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.02.11.06.14.45/train/events.out.tfevents.1644560085.node-e00a-006.myriad.ucl.ac.uk.51896.0.v2 new file mode 100644 index 0000000..8ae2c18 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.02.11.06.14.45/train/events.out.tfevents.1644560085.node-e00a-006.myriad.ucl.ac.uk.51896.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.02.11.06.14.45/validation/events.out.tfevents.1644560114.node-e00a-006.myriad.ucl.ac.uk.51896.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.02.11.06.14.45/validation/events.out.tfevents.1644560114.node-e00a-006.myriad.ucl.ac.uk.51896.1.v2 new file mode 100644 index 0000000..90a6be6 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.02.11.06.14.45/validation/events.out.tfevents.1644560114.node-e00a-006.myriad.ucl.ac.uk.51896.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.02.14.18.54.26/train/events.out.tfevents.1644864866.node-e00a-009.myriad.ucl.ac.uk.232249.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.02.14.18.54.26/train/events.out.tfevents.1644864866.node-e00a-009.myriad.ucl.ac.uk.232249.0.v2 new file mode 100644 index 0000000..8603599 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.02.14.18.54.26/train/events.out.tfevents.1644864866.node-e00a-009.myriad.ucl.ac.uk.232249.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.02.14.18.54.26/validation/events.out.tfevents.1644864901.node-e00a-009.myriad.ucl.ac.uk.232249.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.02.14.18.54.26/validation/events.out.tfevents.1644864901.node-e00a-009.myriad.ucl.ac.uk.232249.1.v2 new file mode 100644 index 0000000..9d19d05 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.02.14.18.54.26/validation/events.out.tfevents.1644864901.node-e00a-009.myriad.ucl.ac.uk.232249.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.03.11.11.22.29/train/events.out.tfevents.1646997749.node-l00a-002.myriad.ucl.ac.uk.11324.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.03.11.11.22.29/train/events.out.tfevents.1646997749.node-l00a-002.myriad.ucl.ac.uk.11324.0.v2 new file mode 100644 index 0000000..a15d16b Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.03.11.11.22.29/train/events.out.tfevents.1646997749.node-l00a-002.myriad.ucl.ac.uk.11324.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.03.11.11.22.29/validation/events.out.tfevents.1646997775.node-l00a-002.myriad.ucl.ac.uk.11324.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.03.11.11.22.29/validation/events.out.tfevents.1646997775.node-l00a-002.myriad.ucl.ac.uk.11324.1.v2 new file mode 100644 index 0000000..411796c Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/2022.03.11.11.22.29/validation/events.out.tfevents.1646997775.node-l00a-002.myriad.ucl.ac.uk.11324.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/metrics.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/metrics.csv new file mode 100644 index 0000000..27e37c4 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,55323.980373266466 +sharpness,11.90457798127513 +variation,0.3412015524057568 +mae,130.06311115802131 +mse,122525.98916983449 +rmse,350.03712541648275 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/predictions.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/predictions.csv new file mode 100644 index 0000000..eb6803d --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/predictions.csv @@ -0,0 +1,254 @@ +,Predicted value,Predicted standard deviation,True value +0,785.1690708626099,16.02195320088361,718.5857219979254 +1,228.9901541534034,6.775206822508761,247.5857593961698 +2,692.2878578835787,14.095151047763443,590.5857321613547 +3,795.9662794951707,16.323941102882245,856.5857110404779 +4,766.8773434587763,15.581505083056364,694.5857239035686 +5,298.56503089246485,8.062604745128695,336.58575232941024 +6,537.3021568248494,11.524032541680022,542.5857359726408 +7,412.86611628910555,9.7494931606131,376.58574915333855 +8,380.6472282336306,9.326368032052468,359.5857505031691 +9,361.3638976029449,9.09058766815779,369.5857497091512 +10,179.69620319190813,6.482449638772577,230.58576074600026 +11,721.4809635167019,14.641258456605948,679.5857250945952 +12,804.3336390498569,16.617203664762695,910.5857067527812 +13,143.3526127817147,6.558963096385123,199.5857632074558 +14,219.0049070041257,6.6772283758259015,204.58576281044685 +15,791.6540178179546,16.19766584440015,781.5857169956122 +16,117.28570265811663,6.960881826646395,109.58577035361715 +17,739.5584251224625,14.9992136623854,703.5857231889522 +18,109.9631347196098,7.204608413409402,181.58576463668808 +19,770.7046022609118,15.66913602932858,695.3071651297435 +20,207.15946718078135,6.5882349527690724,276.58575709351777 +21,787.9577243132496,16.095903334906698,709.5857227125415 +22,722.7239100205022,14.665360997165072,592.5857320025513 +23,656.186242213427,13.451326637858552,595.5857317643457 +24,664.7481004071867,13.600308510038214,619.5857298587027 +25,804.978398009114,16.644633029583648,904.376237450921 +26,543.789851493724,11.628789475436855,489.5857401809359 +27,449.0174783962118,10.235928707822971,480.58574089555196 +28,803.1227425828381,16.56725487242015,789.5857163603979 +29,793.415406135651,16.247265075839433,939.5857044501292 +30,806.8181962046781,17.133121829569202,1209.5856830116452 +31,333.442709068009,8.741106905122736,262.5857582051429 +32,386.5071358479888,9.395587265574791,295.5857555848837 +33,362.36734338968904,9.083203296558992,396.58574756530265 +34,135.69714056554744,6.627061862793777,150.58576709814366 +35,452.32071525897277,10.282251473340027,481.5857408161503 +36,107.06935019188472,7.327105392624909,171.58576543070603 +37,806.5918484750562,16.72135230960565,1011.5856987332004 +38,437.45770596206216,10.073508445546627,471.58574161016816 +39,84.61654082132532,9.12051537307056,95.58577146524229 +40,282.55169308290147,7.6793815112511234,303.58575494966937 +41,105.81066445249394,7.3858562811891835,182.58576455728627 +42,612.7440703682639,12.721313748084992,538.5857362902481 +43,359.9123833805186,9.067774747311153,366.5857499473565 +44,413.7528431708904,9.751735165068384,439.5857441510256 +45,321.9058678101844,8.602290900364553,331.5857527264192 +46,190.27235958893812,6.507742799574904,238.58576011078603 +47,630.2203377678068,13.010374250292953,554.5857350198194 +48,108.19972787497477,7.277237692873749,169.5857655895096 +49,145.08732101259898,6.547204181383038,176.5857650336971 +50,319.6350378852492,8.569671621909022,311.585754314455 +51,97.64682353785406,7.863780186847317,166.585765827715 +52,342.17411910489113,8.84000346856108,349.5857512971869 +53,94.89320707198726,8.070346677749624,185.58576431908094 +54,102.01433876046008,7.585638209789486,115.58576987720642 +55,68.0250533521737,12.456552421123076,99.58577114763511 +56,216.9916619409612,6.660079544627778,285.58575637890164 +57,77.19497192879294,10.265245292182554,103.34535948486929 +58,70.97377804745133,11.621399941451829,121.58576940079568 +59,184.06314423121307,6.490653701388676,272.585757411125 +60,173.58043953473475,6.476298999554924,263.5857581257411 +61,320.06997897714405,8.580482962743247,295.5857555848837 +62,261.7399213527076,7.253833739526496,289.5857560612945 +63,300.2703643527618,8.106041718306006,265.58575796693754 +64,529.9076676504608,11.411164028695591,470.5857416895698 +65,129.08012899459368,6.713208047116734,141.58576781275983 +66,117.5163967198148,6.954519624783923,113.58577003600998 +67,86.49873853137046,8.889029208854696,85.58577225926021 +68,807.3783893383641,17.1205333334176,1476.8987630443203 +69,152.6420775892309,6.508481012864301,213.58576209583072 +70,228.21065363625326,6.76677481731277,269.5857576493304 +71,225.96013979063514,6.74317103076327,275.58575717291956 +72,807.104018885713,17.126185651007376,1045.5856960335393 +73,132.6443203365177,6.663126590430761,223.58576130181282 +74,790.526106570205,17.258026786815794,3628.585490938709 +75,793.9217702160656,17.24622248742708,3637.5854902240917 +76,290.10654540720657,7.854560538793869,291.58575590249086 +77,401.11619771781056,9.584581148672052,420.58574565965966 +78,213.18239590321696,6.629933542708787,254.58575884035724 +79,520.8445542488168,11.28081845757066,501.58573922811433 +80,325.32382439222215,8.662163791165005,351.58575113838333 +81,113.67632204785855,7.070291842417656,144.5857675745544 +82,69.43107718607439,12.03879977947626,65.58577384729607 +83,103.66979267110378,7.494136271386719,123.58576924199207 +84,785.1781098898771,16.022005402550313,749.5857195364697 +85,188.46442251576605,6.502100426341829,232.5857605871967 +86,574.4896195795716,12.105124270093691,549.5857354168284 +87,807.0564222468508,16.747054681119153,989.5857004800397 +88,227.73678979938063,6.761711241098666,252.58575899916082 +89,324.6677885194929,8.711387358210288,337.5857522500084 +90,265.8101681183887,7.330049782555816,275.58575717291956 +91,350.2475353935713,8.947726177076374,346.5857515353923 +92,247.98054577689413,7.023133376871579,273.5857573317232 +93,358.69856324343505,9.043203983102293,331.5857527264192 +94,385.91978857622394,9.380117794076689,398.585747406499 +95,520.4860606697309,11.269145644023352,472.58574153076637 +96,356.8551950086528,9.022615853711077,445.5857436746148 +97,387.71904591115685,9.410939596565855,454.58574295999847 +98,733.8126196474748,14.88380919501381,653.5857271590419 +99,778.763638626069,15.8605860973832,726.5857213627112 +100,273.6145769235425,7.485934789301455,304.58575487026764 +101,148.60474441607744,6.526841808440821,165.58576590711678 +102,630.7459522777042,13.028491992853771,554.5857350198194 +103,219.87935941928095,6.684954913391522,315.58575399684787 +104,207.7063794090625,6.591722557441689,257.3811557603249 +105,675.4707431521654,13.79086737876617,594.4020938795843 +106,802.8250815001427,17.20614667248403,1648.585648154258 +107,79.56296613430982,9.854283530068868,83.58577241806378 +108,102.01380440758453,7.585669367985772,142.58576773335804 +109,794.5801303512687,16.28146655044775,714.5857223155325 +110,91.11034775053645,8.40042227344369,166.585765827715 +111,388.43217896183864,9.419762727632918,391.5857479623117 +112,809.1459172113371,17.012323652041818,1070.5856940484944 +113,806.1372130609213,17.14357803988319,1315.585674595055 +114,534.1069604504717,11.474423182580603,507.58573875170373 +115,803.5359789175543,16.583521195378434,863.5857104846657 +116,123.6668188332676,6.809033021740997,150.58576709814366 +117,765.090534284898,15.541031501904433,598.5857315261405 +118,809.2034152952235,17.001224927876496,1221.5856820588235 +119,781.0544230960202,15.917292175087631,857.5857109610762 +120,176.66579456714476,6.478625777613745,221.58576146061642 +121,777.3056832632262,15.825009826523537,726.5857213627112 +122,513.1845385942704,11.160253138828935,477.5857411337574 +123,744.6940985013332,15.105626454216857,618.5857299381046 +124,714.6405114117495,14.511036515273181,564.5857342258015 +125,736.763357150963,14.943024138983867,641.5857281118634 +126,694.9956137991956,14.143049245470745,662.5857264444257 +127,712.0067462770655,14.461124364946441,599.5857314467387 +128,236.37186029730742,6.861842500265737,266.8364515022847 +129,808.9820410089139,16.892983700813797,1128.5856894431904 +130,804.6803868232798,16.631621896129136,895.0107895499382 +131,340.1429493785233,8.824064067170747,350.5857512177851 +132,339.04673026941396,8.823313996886183,381.5857487563297 +133,791.0767370028532,17.261418290954495,2264.5855992427537 +134,333.96946886548335,8.740272823925936,331.5857527264192 +135,97.99267855472658,7.839648126343152,145.58576749515262 +136,272.1867302565058,7.456479579590507,342.5857518529994 +137,572.2009972904614,12.06525175952047,469.58574176897173 +138,718.9193932241449,14.591879991684099,662.5857264444257 +139,341.16924658388393,8.833018990384115,334.58575248821387 +140,336.26344593227054,8.778006775643515,358.5857505825708 +141,544.7797477751717,11.642152116525528,506.5857388311055 +142,721.796464366065,14.65366358966776,625.5857293822921 +143,808.9212697157616,17.0399698288145,1178.4664455102513 +144,803.1156287041065,16.567606264383564,925.5857055617543 +145,553.8123973930176,11.790631155438366,550.5857353374264 +146,694.0138198651091,14.135248530582484,608.5857307321222 +147,807.9713115467582,17.09763597774265,1283.5856771359124 +148,809.1398132892334,16.918860706735263,1033.8940424655252 +149,703.8754468542445,14.308927728677943,631.5857289058813 +150,330.5384587658316,8.697646971589592,339.58575209120477 +151,669.1920853671743,13.690207252209534,652.5857272384436 +152,632.0466121231709,13.041272677474854,637.5857284294706 +153,809.2572186298473,16.947471164704393,1145.58568809336 +154,488.9885462864456,10.799606869698701,459.58574256298965 +155,416.20598080835566,9.787377192526115,435.58574446863264 +156,190.16244731368874,6.50738431338913,223.58576130181282 +157,329.48131560144043,8.699566100379359,329.58575288522275 +158,182.6894447796492,6.487726536203168,259.58575844334825 +159,164.9855344066434,6.4786430228343965,207.58576257224152 +160,122.50410603469732,6.833260703676822,192.58576376326835 +161,281.64469216068187,7.659057286835853,240.5857599519823 +162,458.10339869864197,10.363104136305038,473.5857414513646 +163,92.88942892223508,8.238023144810539,123.58576924199207 +164,157.65992962720134,6.492046851276593,215.5857619370272 +165,102.02890132186963,7.584803660204995,108.58577043301895 +166,105.75551113232882,7.388509843098086,122.58576932139387 +167,130.23346349238795,6.695987190947869,201.58576304865227 +168,67.58600549623748,12.595303804874762,85.58577225926021 +169,175.47557495004526,6.477540278406133,231.60760465794567 +170,801.9422219912356,17.208620995570797,2092.585612899862 +171,799.018641100605,17.229981501069123,2552.585576375037 +172,809.2372519776234,16.993919160042292,1153.5856874581455 +173,803.5486438009955,17.19439167870763,2100.5856122646474 +174,806.4057145383247,17.144889210494224,1520.5856583176874 +175,249.821905356044,7.05154534792412,271.5857574905268 +176,222.89885202003438,6.712863141234685,268.5857577287321 +177,809.1829362939732,17.00412500979804,1147.5856879345565 +178,71.34349491362605,11.527020344778808,121.58576940079568 +179,326.8722084255112,8.66606452039108,363.5857501855618 +180,805.2765395407166,17.16829801683146,1524.5856580000805 +181,809.2552180425535,16.945329679391648,1177.5856855525024 +182,807.6981975895012,17.101194644984055,1188.5856846790828 +183,414.33925201275065,9.758118042829896,412.58574629487396 +184,808.0340579065503,17.09502877266877,1309.585675071466 +185,142.46117807022324,6.565468563591615,165.58576590711678 +186,505.2910322307414,11.046433143077586,501.58573922811433 +187,808.2859223020766,17.080041248608065,1394.5856683223135 +188,795.9354798549009,16.323209200445262,856.608845977842 +189,164.15314090851257,6.4795948966163,206.5857626516433 +190,498.14210746501135,10.950705139646,452.5857431188022 +191,186.4464073593242,6.49644777857371,232.5857605871967 +192,721.7348316186815,14.649158477835922,628.5857291440867 +193,799.5255724594006,16.438818342901268,834.5857127873172 +194,647.1912806325979,13.296758650552128,674.5857254916042 +195,461.78913573256955,10.412935220194036,465.5857420865789 +196,595.3958136154085,12.43626555557203,537.5857363696499 +197,172.43900985119194,6.475859917868368,225.5857611430092 +198,481.7831054151736,10.702769255792575,539.5857362108462 +199,601.2346553382501,12.550196111869814,539.651141832417 +200,768.7577358189135,15.624066817360756,737.4038770818173 +201,282.96832003711984,7.688769609546745,270.5857575699285 +202,809.0700577817313,16.90724793671835,934.5857048471382 +203,166.6941742560573,6.4770957438948775,195.58576352506302 +204,496.8095591087165,10.929139528272698,447.58574351581115 +205,327.49086931047873,8.754521666767168,289.5857560612945 +206,752.8959947343808,15.275840923580597,674.5857254916042 +207,121.13298075197758,6.863668979349805,174.58576519250062 +208,794.0977906353635,16.268116996133134,799.5857155663801 +209,805.5780296835562,17.16395535093417,1531.5856574442678 +210,395.23735841613757,9.507293060654623,418.58574581846324 +211,659.506509593715,13.511439462051404,588.5857323201583 +212,505.5399267895825,11.056639795605632,478.5857410543556 +213,670.7173529285917,13.705894616229035,616.5857300969083 +214,302.0608216372764,8.152188184615579,310.5857543938568 +215,529.4503412205938,11.4174823424979,505.58573891050713 +216,308.76977500907174,8.330223207237198,314.5857540762497 +217,783.4558717506277,15.977853487482097,731.5857209657021 +218,350.3673140665903,8.949709276499163,384.58574851812415 +219,102.06843466812074,7.582540515778177,175.58576511309886 +220,381.11135851929225,9.325559814846653,412.58574629487396 +221,86.77153532768511,8.85713265619273,122.58576932139387 +222,765.5826737925797,15.554438115161522,618.5857299381046 +223,392.4986150854945,9.470491464426528,376.58574915333855 +224,359.4165737346318,9.059700485373032,324.58575328223185 +225,799.8045616308498,16.44515629025665,693.5857239829703 +226,667.4085811797102,13.650075783062615,566.5857340669977 +227,769.788750731064,15.64787583694786,716.5857221567288 +228,713.6656863483929,14.490934480050143,657.5857268414347 +229,401.202754575728,9.584711528364622,357.5857506619725 +230,727.8046384268944,14.764383447884942,657.5857268414347 +231,546.7252470697256,11.669571702771657,504.5857389899089 +232,222.54602142498857,6.7094992034701,228.58576090480392 +233,287.1723752552623,7.78530076087806,272.585757411125 +234,137.74651579314173,6.605946677898903,186.5857642396791 +235,366.1926565303563,9.14779881807608,446.0864616460566 +236,761.1971775395484,15.45503520527383,624.5857294616939 +237,581.9840207599025,12.220997984169905,497.5857395457216 +238,231.99947576896898,6.80903947705155,252.58575899916082 +239,374.17075562698096,9.238349953180446,368.58574978855285 +240,125.87697104937774,6.766717399629635,211.58576225463432 +241,802.2547322455773,16.534404512586093,949.5857036561116 +242,305.190807261444,8.253921095618617,311.585754314455 +243,809.1969536934755,17.003243875201584,1208.585683091047 +244,318.7768221739368,8.562439420645841,308.7520560368611 +245,807.8223022582076,17.10415602865185,918.5857061175667 +246,542.3340477796717,11.602359688787987,477.2236575467816 +247,436.3122174995931,10.060605057034243,411.5857463742758 +248,645.1686613995678,13.264381757329176,512.5857383546946 +249,676.6360131314993,13.811717422213516,608.5857307321222 +250,672.8594923773178,13.747538905968804,603.5857311291314 +251,195.49374560822412,6.527169916830448,219.71838321658527 +252,807.6865711234839,17.10460130894243,1090.5856924604586 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/val-metrics-2022.03.17.22.12.36.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/val-metrics-2022.03.17.22.12.36.csv new file mode 100644 index 0000000..be4cb57 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/val-metrics-2022.03.17.22.12.36.csv @@ -0,0 +1,7 @@ +,0 +nll,7181.476134738379 +sharpness,12.808873474726965 +variation,0.3488490766562845 +mae,163.74197509095606 +mse,76495.62853937769 +rmse,276.57843108127156 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/val-metrics-2022.06.23.16.19.54.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/val-metrics-2022.06.23.16.19.54.csv new file mode 100644 index 0000000..d3fa1a3 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-3/val-metrics-2022.06.23.16.19.54.csv @@ -0,0 +1,7 @@ +,0 +nll,7181.259925209887 +sharpness,12.808951338434007 +variation,0.3488515516425649 +mae,163.7419634280808 +mse,76492.7450597842 +rmse,276.57321826197165 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.01.19.14.42.37/train/events.out.tfevents.1642603357.node-e00a-007.myriad.ucl.ac.uk.248347.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.01.19.14.42.37/train/events.out.tfevents.1642603357.node-e00a-007.myriad.ucl.ac.uk.248347.0.v2 new file mode 100644 index 0000000..0a92422 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.01.19.14.42.37/train/events.out.tfevents.1642603357.node-e00a-007.myriad.ucl.ac.uk.248347.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.01.19.14.42.37/validation/events.out.tfevents.1642603382.node-e00a-007.myriad.ucl.ac.uk.248347.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.01.19.14.42.37/validation/events.out.tfevents.1642603382.node-e00a-007.myriad.ucl.ac.uk.248347.1.v2 new file mode 100644 index 0000000..3ba8329 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.01.19.14.42.37/validation/events.out.tfevents.1642603382.node-e00a-007.myriad.ucl.ac.uk.248347.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.01.20.08.19.36/train/events.out.tfevents.1642666776.node-l00a-006.myriad.ucl.ac.uk.242403.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.01.20.08.19.36/train/events.out.tfevents.1642666776.node-l00a-006.myriad.ucl.ac.uk.242403.0.v2 new file mode 100644 index 0000000..51b92a7 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.01.20.08.19.36/train/events.out.tfevents.1642666776.node-l00a-006.myriad.ucl.ac.uk.242403.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.01.20.08.19.36/validation/events.out.tfevents.1642666796.node-l00a-006.myriad.ucl.ac.uk.242403.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.01.20.08.19.36/validation/events.out.tfevents.1642666796.node-l00a-006.myriad.ucl.ac.uk.242403.1.v2 new file mode 100644 index 0000000..0fc1cbb Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.01.20.08.19.36/validation/events.out.tfevents.1642666796.node-l00a-006.myriad.ucl.ac.uk.242403.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.01.20.15.18.14/train/events.out.tfevents.1642691894.node-j00a-001.myriad.ucl.ac.uk.97273.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.01.20.15.18.14/train/events.out.tfevents.1642691894.node-j00a-001.myriad.ucl.ac.uk.97273.0.v2 new file mode 100644 index 0000000..dda2f9c Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.01.20.15.18.14/train/events.out.tfevents.1642691894.node-j00a-001.myriad.ucl.ac.uk.97273.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.01.20.15.18.14/validation/events.out.tfevents.1642691921.node-j00a-001.myriad.ucl.ac.uk.97273.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.01.20.15.18.14/validation/events.out.tfevents.1642691921.node-j00a-001.myriad.ucl.ac.uk.97273.1.v2 new file mode 100644 index 0000000..c7356c1 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.01.20.15.18.14/validation/events.out.tfevents.1642691921.node-j00a-001.myriad.ucl.ac.uk.97273.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.01.26.17.35.36/train/events.out.tfevents.1643218536.node-l00a-002.myriad.ucl.ac.uk.264162.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.01.26.17.35.36/train/events.out.tfevents.1643218536.node-l00a-002.myriad.ucl.ac.uk.264162.0.v2 new file mode 100644 index 0000000..5a0a29a Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.01.26.17.35.36/train/events.out.tfevents.1643218536.node-l00a-002.myriad.ucl.ac.uk.264162.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.01.26.17.35.36/validation/events.out.tfevents.1643218557.node-l00a-002.myriad.ucl.ac.uk.264162.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.01.26.17.35.36/validation/events.out.tfevents.1643218557.node-l00a-002.myriad.ucl.ac.uk.264162.1.v2 new file mode 100644 index 0000000..43edcad Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.01.26.17.35.36/validation/events.out.tfevents.1643218557.node-l00a-002.myriad.ucl.ac.uk.264162.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.02.10.20.52.09/train/events.out.tfevents.1644526329.node-j00a-002.myriad.ucl.ac.uk.170865.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.02.10.20.52.09/train/events.out.tfevents.1644526329.node-j00a-002.myriad.ucl.ac.uk.170865.0.v2 new file mode 100644 index 0000000..439055b Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.02.10.20.52.09/train/events.out.tfevents.1644526329.node-j00a-002.myriad.ucl.ac.uk.170865.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.02.10.20.52.09/validation/events.out.tfevents.1644526354.node-j00a-002.myriad.ucl.ac.uk.170865.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.02.10.20.52.09/validation/events.out.tfevents.1644526354.node-j00a-002.myriad.ucl.ac.uk.170865.1.v2 new file mode 100644 index 0000000..7375ffc Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.02.10.20.52.09/validation/events.out.tfevents.1644526354.node-j00a-002.myriad.ucl.ac.uk.170865.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.02.11.01.10.30/train/events.out.tfevents.1644541831.node-j00a-002.myriad.ucl.ac.uk.199708.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.02.11.01.10.30/train/events.out.tfevents.1644541831.node-j00a-002.myriad.ucl.ac.uk.199708.0.v2 new file mode 100644 index 0000000..4a223b9 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.02.11.01.10.30/train/events.out.tfevents.1644541831.node-j00a-002.myriad.ucl.ac.uk.199708.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.02.11.01.10.30/validation/events.out.tfevents.1644541870.node-j00a-002.myriad.ucl.ac.uk.199708.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.02.11.01.10.30/validation/events.out.tfevents.1644541870.node-j00a-002.myriad.ucl.ac.uk.199708.1.v2 new file mode 100644 index 0000000..71d388a Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.02.11.01.10.30/validation/events.out.tfevents.1644541870.node-j00a-002.myriad.ucl.ac.uk.199708.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.02.14.19.12.16/train/events.out.tfevents.1644865936.node-l00a-004.myriad.ucl.ac.uk.233913.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.02.14.19.12.16/train/events.out.tfevents.1644865936.node-l00a-004.myriad.ucl.ac.uk.233913.0.v2 new file mode 100644 index 0000000..1719c00 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.02.14.19.12.16/train/events.out.tfevents.1644865936.node-l00a-004.myriad.ucl.ac.uk.233913.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.02.14.19.12.16/validation/events.out.tfevents.1644865963.node-l00a-004.myriad.ucl.ac.uk.233913.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.02.14.19.12.16/validation/events.out.tfevents.1644865963.node-l00a-004.myriad.ucl.ac.uk.233913.1.v2 new file mode 100644 index 0000000..8363905 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.02.14.19.12.16/validation/events.out.tfevents.1644865963.node-l00a-004.myriad.ucl.ac.uk.233913.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.03.11.11.22.29/train/events.out.tfevents.1646997749.node-l00a-002.myriad.ucl.ac.uk.11248.0.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.03.11.11.22.29/train/events.out.tfevents.1646997749.node-l00a-002.myriad.ucl.ac.uk.11248.0.v2 new file mode 100644 index 0000000..4b9e826 Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.03.11.11.22.29/train/events.out.tfevents.1646997749.node-l00a-002.myriad.ucl.ac.uk.11248.0.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.03.11.11.22.29/validation/events.out.tfevents.1646997776.node-l00a-002.myriad.ucl.ac.uk.11248.1.v2 b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.03.11.11.22.29/validation/events.out.tfevents.1646997776.node-l00a-002.myriad.ucl.ac.uk.11248.1.v2 new file mode 100644 index 0000000..353dd0d Binary files /dev/null and b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/2022.03.11.11.22.29/validation/events.out.tfevents.1646997776.node-l00a-002.myriad.ucl.ac.uk.11248.1.v2 differ diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/metrics.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/metrics.csv new file mode 100644 index 0000000..ae7500c --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/metrics.csv @@ -0,0 +1,7 @@ +,0 +nll,97107.46235894434 +sharpness,9.781942917140999 +variation,0.301008674455611 +mae,154.581966462981 +mse,125660.3465312942 +rmse,354.48603150377335 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/predictions.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/predictions.csv new file mode 100644 index 0000000..660ba7d --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/predictions.csv @@ -0,0 +1,254 @@ +,Predicted value,Predicted standard deviation,True value +0,137.0280026031231,5.49318301929937,98.58577122703691 +1,360.37486975336634,7.526646721231703,339.58575209120477 +2,295.29708326864403,6.748671189442538,344.5857516941958 +3,137.26701995023345,5.49406962532627,100.58577106823331 +4,279.9294924721542,6.586425090543144,322.5857534410353 +5,353.63710144939597,7.434638625924264,355.58575082077624 +6,650.7808895256056,12.674487017760589,719.5857219185235 +7,179.77864969158676,5.712268507209594,172.58576535130422 +8,137.30917468623542,5.494224307771922,69.63722405788964 +9,214.18501095414817,5.963893816727299,270.5857575699285 +10,641.3818415191171,12.97122654371002,1979.5856218722645 +11,420.4407044645157,8.321955647023813,429.5857449450435 +12,185.26566161055584,5.748513797046662,187.58576416027734 +13,186.99239896220737,5.760173706908992,219.58576161942003 +14,642.8248532130536,12.953984934694754,1826.5856340207388 +15,358.1044244510593,7.488293277765757,317.58575383804435 +16,207.30157553780722,5.909161112577486,217.5857617782236 +17,301.5906729714914,6.818749187841247,330.5857528058209 +18,650.9443535293011,12.724389443608667,833.7677456801904 +19,650.9517118017355,12.727621208365107,907.5857069909863 +20,402.49407603401033,8.063101712535245,414.5857461360704 +21,507.04027568344264,9.595448679335234,485.1102590218785 +22,207.1339133402142,5.90786165214231,224.58576122241104 +23,648.3973719208878,12.909101307311085,1112.585690713619 +24,638.7254234338433,12.998086716884009,2014.5856190932016 +25,214.2971792746392,5.964976251485398,227.5857609842057 +26,573.7137849432783,10.706852530564351,531.5857368460606 +27,648.9857016629247,12.534303973155223,689.5857243005772 +28,649.4659630556342,12.567926693687971,753.9456261761827 +29,642.2096632555985,12.259566845240842,776.3577663735823 +30,650.8764061137589,12.687678829793288,795.5857158839873 +31,345.4748690962186,7.33856098977684,350.5857512177851 +32,285.60601122058125,6.642719187589749,280.5857567759106 +33,646.4388408012127,12.9446317429638,1326.5856737216354 +34,578.9177307891495,10.824372960017206,534.5857366078552 +35,564.8731624759001,10.563453340291018,465.5857420865789 +36,236.17101660454122,6.153273192315111,275.58575717291956 +37,601.3707533291798,11.249882575407343,558.5857347022122 +38,282.40551340867734,6.61038237212212,323.58575336163346 +39,620.7268036677559,11.704277576065683,571.5857336699888 +40,649.0694909997436,12.555780850433134,791.5857162015947 +41,608.6713684157038,11.434079176863879,647.5142591836287 +42,246.75126686983626,6.250754879674414,260.58575836394647 +43,289.7109136675934,6.69018493240163,226.58576106360744 +44,286.44341105454424,6.654749697021822,364.58575010616005 +45,199.99253632838358,5.853178626716525,206.5857626516433 +46,263.00377240741346,6.409425498610746,296.585755505482 +47,214.16230768647424,5.964308024410816,244.5857596343752 +48,183.3644255556754,5.735683422797519,173.5857652719024 +49,232.14472429242582,6.116810960310981,272.585757411125 +50,501.2748855976441,9.510047651245696,468.58574184837363 +51,540.6250419781862,10.130635090761517,506.5857388311055 +52,610.1339007541281,11.454497495652909,534.5857366078552 +53,366.21769613816997,7.6006180199272135,331.5857527264192 +54,154.80207563599456,5.569822759678166,138.58576805096516 +55,164.1232706205918,5.618576099667299,181.58576463668808 +56,137.3026153981135,5.494201340040143,76.58577297387635 +57,236.0423231475796,6.152152291291161,242.58575979317874 +58,287.83846140831866,6.666908383966346,273.5857573317232 +59,374.8894682387798,7.708393709987866,408.58574661248116 +60,368.88776300924275,7.632073960817402,397.5857474859008 +61,190.24484822051076,5.782843760692346,201.58576304865227 +62,370.2120556899279,7.662897162736766,377.5857490739367 +63,160.82721408070196,5.600690220661204,119.58576955959923 +64,157.1443294801464,5.581539541569324,139.58576797156337 +65,137.21704586233668,5.493885069339778,69.58577352968891 +66,336.844158561067,7.2278991184715276,336.58575232941024 +67,438.0632924071795,8.562693506013296,361.5857503443654 +68,252.1176412371568,6.303446686894132,283.58575653770527 +69,146.70603446381196,5.5321429094849215,116.58576979780462 +70,649.1533078953743,12.559080842437325,999.5856996860216 +71,633.4424011119025,12.007376217021577,934.5857048471382 +72,624.1216964444719,11.75367907978987,779.5857171544162 +73,648.7590052604791,12.903229207228097,1886.5856292566314 +74,326.79352232831644,7.109554792385585,276.58575709351777 +75,345.59660174180664,7.337098071444854,381.5857487563297 +76,636.0222480125902,13.028585309595782,2131.5856098031923 +77,650.9614603532881,12.714444968338915,847.5857117550943 +78,218.3232624534829,5.998167154070877,210.5857623340361 +79,624.7439728724238,11.776832552226159,479.58574097495386 +80,637.5908744312982,12.114676846716376,684.5857246975862 +81,593.1558681831447,11.106089114016818,564.5857342258015 +82,581.6775662553499,10.87639291206538,563.5857343052032 +83,151.08988249712988,5.551982505260103,143.5857676539562 +84,338.48104644850156,7.247705590069547,317.58575383804435 +85,441.61073933572317,8.616242471694015,374.5857493121421 +86,256.755756454091,6.34712775462825,322.5857534410353 +87,647.7052451800918,12.463249014795664,791.5857162015947 +88,199.61011215400126,5.850210719218244,222.5857613812146 +89,491.3534083263674,9.339364647911898,483.58574065734666 +90,632.5825900904327,11.965190087488454,602.5857312085333 +91,602.6309383952392,11.258024150950696,765.585718266041 +92,515.5131209383925,9.724669448433028,475.585741292561 +93,266.2249503086603,6.44140889231733,298.9949156176686 +94,279.01353059525337,6.575755082624896,311.585754314455 +95,627.0931473010077,11.840706061086214,721.2550053696123 +96,253.62548516616138,6.31575365932063,272.585757411125 +97,644.3740722914807,12.338597628272975,803.5857152487729 +98,275.17881948533596,6.5368142181186775,300.5857551878748 +99,649.5538361524376,12.561164758053739,782.6436177376511 +100,645.7557712381348,12.967457564411097,1786.5856371968107 +101,389.25738211659683,7.891446059934457,401.58574716829366 +102,618.0658457076423,11.613206819829252,578.5857331141764 +103,650.6837097378246,12.818461810253154,859.5857108022728 +104,366.1860569535891,7.594174611704488,371.58574955034754 +105,283.6781070889845,6.623198682251841,346.5857515353923 +106,581.3164617133915,10.868719317444404,524.5857374018732 +107,649.802051597795,12.602331090259884,850.5857115168886 +108,649.7603386663649,12.593593807109796,765.585718266041 +109,644.541379502274,12.955548465753138,2551.585576454439 +110,612.7612758172271,11.488870799833906,598.5857315261405 +111,636.5094884083009,12.080555912633889,672.5857256504078 +112,630.6263123960706,11.930878739773352,607.5857308115244 +113,635.4984254274949,12.060674295705704,679.5857250945952 +114,650.6883591502191,12.799723945945871,1173.5856858701095 +115,137.22921215139817,5.49392764700364,84.58577233866201 +116,630.7309804523665,11.934378067018486,644.585727873658 +117,487.2609063839371,9.297135622220166,462.5857423247843 +118,649.0135632091477,12.536049199797592,873.5857096906476 +119,641.5294537003391,12.23815357000662,710.5857226331398 +120,645.0522737437822,12.369732597087067,795.5857158839873 +121,621.286013099865,11.688809819018784,601.5857312879351 +122,649.8694114267145,12.85356678342917,1065.5856944455031 +123,478.1310144353118,9.150050540270954,462.5857423247843 +124,650.3534478279361,12.632796905463227,735.538617696687 +125,616.1190632686756,11.57711503229239,602.5857312085333 +126,641.906552977356,12.97650631475883,1804.5856357675784 +127,622.97314472411,11.710054793356898,615.58573017631 +128,631.60132567053,11.944382080567458,607.5857308115244 +129,650.105883256463,12.610643026691386,793.3945295514336 +130,281.7120990522997,6.60470441879882,310.5857543938568 +131,146.6137617197563,5.531656329279501,173.5857652719024 +132,526.1108132365806,9.919092821998337,478.5857410543556 +133,604.084507653888,11.31604841653425,581.585732875971 +134,604.795619811015,11.329922132093138,573.5857335111854 +135,560.2532109360017,10.482718143189537,515.5857381164893 +136,649.52091774586,12.88318357834402,1184.5856849966901 +137,639.3229736570592,12.998749268971213,2160.58560750054 +138,498.9605319657929,9.466982205974684,460.58574248358804 +139,468.32104450689604,8.99859060470134,447.58574351581115 +140,537.4534837559476,10.094962675376799,507.58573875170373 +141,629.0340740817263,11.887098217377066,687.5584521825792 +142,242.86747731541968,6.21414889980153,234.5857604283931 +143,395.4840194667266,7.972854435917439,390.58574804171343 +144,446.9610663927031,8.685293383962458,374.5857493121421 +145,633.2549099879069,11.97468149133904,631.5857289058813 +146,538.1638198442687,10.107934904797244,509.5857385929 +147,598.985438237254,11.218206432894187,574.5857334317835 +148,633.4132914529054,11.995868743711135,680.5857250151935 +149,649.5999745107327,12.865174674680604,1194.5856842026724 +150,313.14458968047603,6.950708334255561,334.58575248821387 +151,301.9469886067416,6.820433002593808,336.58575232941024 +152,489.3076418135568,9.308550704444341,480.58574089555196 +153,650.4040503086579,12.839720099203872,811.5857146135588 +154,318.13095546936876,7.006346613239222,330.5857528058209 +155,294.22713903579626,6.735862605980076,322.5857534410353 +156,607.0423535641074,11.40245121772544,604.5857310497298 +157,187.17357685579177,5.76138642044406,202.58576296925045 +158,137.25219235394056,5.494011026506984,126.58576900378668 +159,650.9446589335674,12.724548640478439,849.5857115962906 +160,205.7396092699017,5.896627942297643,236.5857602695895 +161,165.55217354548935,5.6265582524530595,154.5857667805365 +162,275.8221136659666,6.542588554589965,287.5857562200981 +163,376.6907111777471,7.726322365740006,400.58574724769545 +164,616.4540011487096,11.581588238911369,634.585728667676 +165,290.96573093833996,6.69980138430035,309.58575447325865 +166,515.6145120647124,9.732408445697551,503.5857390693108 +167,137.25946845284838,5.494039600472489,61.58577416490324 +168,636.2317243456818,12.07115997196969,680.5857250151935 +169,648.2329620505587,12.501983809163377,791.5857162015947 +170,553.2780893888593,10.395711010119003,675.5857254122026 +171,305.09017586186,6.856706629794049,333.5857525676157 +172,644.9861111623394,13.000469173942175,2094.5856127410584 +173,648.7493452628258,12.538796048064786,1220.5856821382256 +174,637.6997163612649,12.099592374290388,643.5857279530597 +175,643.4879113252954,12.9978023504871,1310.585674992064 +176,646.8491234930297,12.927050419281494,1271.585678088734 +177,216.8283283273848,5.9858511468329585,302.5857550290712 +178,224.53454703279917,6.050622736909794,221.58576146061642 +179,647.3486140574968,12.467491851406075,767.5857181072374 +180,580.8732353630311,10.862945257288239,575.5857333523818 +181,647.8963491865414,12.937145345546181,1976.585622110471 +182,649.2946724645279,12.54420140289,777.5857173132196 +183,427.7456293274261,8.423774225452584,436.58574438923085 +184,480.89158953417774,9.217338261737382,500.5857393075161 +185,185.40262538536248,5.749324960783786,207.58576257224152 +186,552.3984204145307,10.356281785839869,509.5857385929 +187,650.8072879701302,12.702833996488799,749.5857195364697 +188,402.8811231794569,8.085411832797572,365.5857500267583 +189,137.17368380684624,5.4937224363286905,142.58576773335804 +190,631.3745821380743,11.950324109628797,589.5857322407568 +191,165.03897541624232,5.623757825534825,163.58576606592038 +192,475.86345486360716,9.134146493350457,480.58574089555196 +193,489.76770851241764,9.349407539455683,477.5857411337574 +194,585.467579126016,10.962641152234506,541.5857360520424 +195,649.6780746361309,12.859723278162894,1129.5856893637886 +196,616.6100152218022,11.601795577597963,596.5857316849441 +197,641.5756727491352,12.253554175866045,781.5857169956122 +198,308.4626607911085,6.895588737898923,310.5857543938568 +199,259.3630399258071,6.373205092484663,289.5857560612945 +200,641.876059568849,12.258032765699422,603.5857311291314 +201,212.86809288646313,5.953403339793266,190.58576392207195 +202,395.0520785514307,7.967063666693874,426.5857451832489 +203,647.5093123972146,12.46547745843397,769.1800191221088 +204,482.72455801700545,9.22096995148642,465.5857420865789 +205,395.224179584762,7.984803077646861,357.5857506619725 +206,413.1090837226837,8.23292755757885,423.1282952930162 +207,230.6523283781897,6.1041485030098865,269.5857576493304 +208,646.0376492252798,12.95255118299295,1343.585672371805 +209,283.3880356606167,6.621361270615444,326.5857531234282 +210,642.9213416711099,12.994968376743572,1445.585664272822 +211,603.769677600223,11.327133921680902,557.585734781614 +212,629.5122875531978,11.898395260941454,588.5857323201583 +213,272.58233245494176,6.506990319425564,288.5857561406963 +214,236.65381062621586,6.157472700548118,288.5857561406963 +215,640.3786686723014,12.20766465077313,670.5857258092112 +216,532.259028888271,10.019861041894728,496.5857396251232 +217,137.13139874924295,5.493567579090869,125.58576908318848 +218,369.3689915283283,7.641361469060628,399.5857473270973 +219,150.0736202481165,5.547269098404275,113.58577003600998 +220,360.0203011146512,7.51419095426891,353.58575097957976 +221,641.4166197987869,12.226582030764735,673.585725571006 +222,254.04631661696098,6.3202340499054666,284.58575645830336 +223,646.8925095339708,12.943689431341545,1052.5856954777264 +224,455.6741822875918,8.826227503803013,418.58574581846324 +225,206.253877899995,5.900549552462626,214.585762016429 +226,454.9924742820056,8.80815324694547,405.017588021876 +227,298.2769684416524,6.783752620857296,346.5857515353923 +228,646.5355439485792,12.942503835352007,1298.5856759448855 +229,225.67159811754013,6.0599840377698335,252.58575899916082 +230,520.6605595450127,9.806867677044753,486.5857404191413 +231,637.0990231941468,12.083564132394091,666.5857261268186 +232,602.1392507429408,11.286641708848167,580.256144779931 +233,211.0278806307759,5.93858656473271,241.58575987258044 +234,325.7060516532327,7.098473518854718,328.5857529646245 +235,636.0081098691843,13.02740011325022,2042.5856168699515 +236,189.15939265219262,5.775017718086285,223.58576130181282 +237,165.93063322681687,5.628620912902434,177.58576495429523 +238,647.3522330898103,12.420581863577363,975.5857015916647 +239,649.2704271542442,12.557345675828019,806.5857150105676 +240,178.947302426175,5.7068996939424235,217.5857617782236 +241,643.4567976503193,12.980618341033528,1496.5856602233305 +242,625.2990482405547,11.780867019726188,645.5857277942563 +243,169.48242393070527,5.649032810895295,201.58576304865227 +244,282.1360887542249,6.606060621205534,224.58576122241104 +245,606.8751097600415,11.364194830315755,506.5857388311055 +246,649.0626618088717,12.911837769351893,1423.5856660196616 +247,642.537399074752,12.98349859403334,1297.5856760242873 +248,649.6009010345587,12.884830816157287,1407.5856672900907 +249,212.5826410580665,5.951065518843086,261.5857582845447 +250,630.0735499019792,11.92650450059741,605.9291732079247 +251,641.0969636330609,12.224443330645345,774.5857175514249 +252,171.58204833393742,5.661305534945615,142.58576773335804 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/val-metrics-2022.03.17.22.10.07.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/val-metrics-2022.03.17.22.10.07.csv new file mode 100644 index 0000000..d8a05b6 --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/val-metrics-2022.03.17.22.10.07.csv @@ -0,0 +1,7 @@ +,0 +nll,15948.37350180772 +sharpness,10.313291549808259 +variation,0.2924821304057041 +mae,176.36162576934564 +mse,101640.79155890355 +rmse,318.8115298399723 diff --git a/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/val-metrics-2022.06.23.16.22.26.csv b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/val-metrics-2022.06.23.16.22.26.csv new file mode 100644 index 0000000..ee5be2a --- /dev/null +++ b/benchmarking/matbench/results/metrics/phonons/prob/matbench_phonons-500-4/val-metrics-2022.06.23.16.22.26.csv @@ -0,0 +1,7 @@ +,0 +nll,15948.740066398346 +sharpness,10.31414213398573 +variation,0.29249808806078187 +mae,176.38921711791005 +mse,101655.08405784033 +rmse,318.8339443312778 diff --git a/benchmarking/matbench/results/perovskites-calibration.png b/benchmarking/matbench/results/perovskites-calibration.png new file mode 100644 index 0000000..d0330c8 Binary files /dev/null and b/benchmarking/matbench/results/perovskites-calibration.png differ diff --git a/benchmarking/matbench/results/perovskites-mae-change.png b/benchmarking/matbench/results/perovskites-mae-change.png new file mode 100644 index 0000000..a1307ad Binary files /dev/null and b/benchmarking/matbench/results/perovskites-mae-change.png differ diff --git a/benchmarking/matbench/results/perovskites-mae-comp.png b/benchmarking/matbench/results/perovskites-mae-comp.png new file mode 100644 index 0000000..b54c378 Binary files /dev/null and b/benchmarking/matbench/results/perovskites-mae-comp.png differ diff --git a/benchmarking/matbench/results/perovskites-nll.png b/benchmarking/matbench/results/perovskites-nll.png new file mode 100644 index 0000000..89ffe15 Binary files /dev/null and b/benchmarking/matbench/results/perovskites-nll.png differ diff --git a/benchmarking/matbench/results/perovskites-parity.png b/benchmarking/matbench/results/perovskites-parity.png new file mode 100644 index 0000000..b703f8c Binary files /dev/null and b/benchmarking/matbench/results/perovskites-parity.png differ diff --git a/benchmarking/matbench/results/phonons-calibration.png b/benchmarking/matbench/results/phonons-calibration.png new file mode 100644 index 0000000..a353c17 Binary files /dev/null and b/benchmarking/matbench/results/phonons-calibration.png differ diff --git a/benchmarking/matbench/results/phonons-mae-change.png b/benchmarking/matbench/results/phonons-mae-change.png new file mode 100644 index 0000000..7216f2e Binary files /dev/null and b/benchmarking/matbench/results/phonons-mae-change.png differ diff --git a/benchmarking/matbench/results/phonons-mae-comp.png b/benchmarking/matbench/results/phonons-mae-comp.png new file mode 100644 index 0000000..06b4f1b Binary files /dev/null and b/benchmarking/matbench/results/phonons-mae-comp.png differ diff --git a/benchmarking/matbench/results/phonons-nll.png b/benchmarking/matbench/results/phonons-nll.png new file mode 100644 index 0000000..856a717 Binary files /dev/null and b/benchmarking/matbench/results/phonons-nll.png differ diff --git a/benchmarking/matbench/results/phonons-parity.png b/benchmarking/matbench/results/phonons-parity.png new file mode 100644 index 0000000..9cbf96e Binary files /dev/null and b/benchmarking/matbench/results/phonons-parity.png differ diff --git a/benchmarking/mp-2019/main.py b/benchmarking/mp-2019/main.py new file mode 100644 index 0000000..354634f --- /dev/null +++ b/benchmarking/mp-2019/main.py @@ -0,0 +1,244 @@ +"""Train and evaluate a MEGNetProbModel for formation energy prediction on the MP-2019 dataset. + + + +""" +from datetime import datetime +import json +from argparse import ArgumentError, ArgumentParser +from os import mkdir +from pathlib import Path +from typing import Any, Dict, Iterable, List, Optional, Set + +import numpy as np +import pandas as pd +from megnet.models import MEGNetModel +from megnet.utils.models import load_model +from pymatgen.core.structure import Structure +from tensorflow.python.keras.callbacks import TensorBoard +from unlocknn import MEGNetProbModel +from unlocknn.megnet_utils import MEGNetGraph +from unlocknn.metrics import evaluate_uq_metrics, MSE + +HERE = Path(__file__).parent +DATA_FILE = HERE / "mp.2019.04.01.json" +MODELS_DIR = HERE / "models" +LOGS_DIR = HERE / "logs" + +MEGNET_METRICS_LOG = HERE / "meg_metrics.log" +PROB_MODEL_METRICS_LOG = HERE / "prob_metrics.json" + +TRAIN_RATIO: float = 0.9 +VAL_RATIO: float = 0.05 + +for directory in [MODELS_DIR, LOGS_DIR]: + if not directory.exists(): + mkdir(directory) + +def model_dir(num_inducing_points: int) -> Path: + """Get the models directory for the model with _n_ index points.""" + return MODELS_DIR / f"mp2019_e_form_{num_inducing_points}" + +def log_dir(num_inducing_points: int) -> Path: + """Get the logs directory for the model with _n_ index points.""" + log_dir = LOGS_DIR / f"mp2019_e_form_{num_inducing_points}" + if not log_dir.exists(): + mkdir(log_dir) + return log_dir + +def get_tb_callback(num_inducing_points: int) -> TensorBoard: + """Get a configured TensorBoard callback.""" + tensorboard_run_loc = log_dir(num_inducing_points) / str( + datetime.now().strftime("%Y.%m.%d.%H.%M.%S") + ) + + # These parameters avoid segmentation fault + return TensorBoard( + tensorboard_run_loc, write_graph=False, profile_batch=0 + ) + +def load_meg_model() -> MEGNetModel: + """Load the MEGNetModel.""" + return load_model("Eform_MP_2019") + +def eval_meg_model(meg_model: MEGNetModel, graphs: Iterable[MEGNetGraph], targets: Iterable[float]): + """Evaluate the MSE of a given MEGNetModel.""" + predictions = meg_model.predict_graphs(graphs) + return MSE(predictions, None, targets) + +def load_data() -> pd.DataFrame: + """Load the data from disk.""" + with DATA_FILE.open("r") as f: + data = json.load(f) + + df = pd.DataFrame({ + "graph": [entry["graph"] for entry in data], + "e_form_per_atom": [entry["formation_energy_per_atom"] for entry in data], + }) + # Decorate DataFrame with set type + num_entries = len(df.index) + train_size = np.floor(TRAIN_RATIO * num_entries) + val_size = np.floor(VAL_RATIO * num_entries) + + df["training_set"] = [i < train_size for i in range(num_entries)] + df["testing_set"] = [i >= train_size + val_size for i in range(num_entries)] + df["validation_set"] = [not (train or test) for train, test in zip(df["training_set"], df["testing_set"])] + + # Sanity check + test_size = num_entries - train_size - val_size + assert df["training_set"].sum() == train_size + assert df["validation_set"].sum() == val_size + assert df["testing_set"].sum() == test_size + for _, entry in df.iterrows(): + assert entry["training_set"] + entry["validation_set"] + entry["testing_set"] == 1 + + print(f"{train_size=}") + print(f"{val_size=}") + print(f"{test_size=}") + + return df + +def parse_args() -> Dict[str, Any]: + """Parse CLI arguments.""" + parser = ArgumentParser() + parser.add_argument("--meg", "-m", action="store_true", dest="meg", help="Evaluate the base MEGNetModel's performance.") + parser.add_argument("--train", "-t", type=int, dest="train", help="Number of training iterations.") + parser.add_argument("--eval", "-e", action="store_true", dest="eval", help="Set this flag to evaluate the model.") + points_arg = parser.add_argument("--points", "-p", type=int, dest="points", help="The number of model inducing index points.") + parser.add_argument("--comp", "-c", choices=["NN", "VGP"], nargs="*", default=["VGP"], dest="component", help="The component of the model to train.") + parser.add_argument("--debug", "-d", action="store_true", dest="debug", help="Set flag to just check for duplicate weights bug.") + + args = parser.parse_args() + meg: bool = args.meg + train: Optional[int] = args.train + evaluate: bool = args.eval + points: Optional[int] = args.points + comp: List[str] = args.component + debug: bool = args.debug + + if train or evaluate: + # Points must be specified + if not points: + raise ArgumentError(points_arg, "Must specify number of inducing points for model for training or evaluation.") + + return {"train": train, "eval": evaluate, "meg": meg, "points": points, "comp": comp, "debug": debug,} + +def find_duplicate_weights(prob_model: MEGNetProbModel) -> Set[str]: + """Find any duplicate weight names in a model.""" + names = [weight.name for layer in prob_model.model.layers for weight in layer.weights] + dupe = set() + seen = set() + + for name in names: + if name in seen: + dupe.add(name) + else: + seen.add(name) + + return dupe + +def check_frozen(prob_model: MEGNetProbModel, to_freeze: List[str], to_train: List[str]): + """Check that the appropriate layers are frozen in the probabilistic model.""" + frozen = {"NN": prob_model.nn_frozen, "VGP": prob_model.vgp_frozen} + for layer in to_freeze: + if not frozen[layer]: + return False + for layer in to_train: + if frozen[layer]: + return False + return True + +def main(): + """Evaluate CLI arguments and execute main program flow.""" + cli_args = parse_args() + debug: bool = cli_args["debug"] + + if not debug: + print("Loading data...") + df = load_data() + train_df = df.query("training_set") + val_df = df.query("validation_set") + test_df = df.query("testing_set") + + print("Loaded data:") + print(train_df.describe()) + print(train_df.head()) + print(val_df.describe()) + print(val_df.head()) + print(test_df.describe()) + print(test_df.head()) + + if cli_args["points"]: + NUM_INDUCING_POINTS: int = cli_args["points"] + MODEL_DIR = model_dir(NUM_INDUCING_POINTS) + + if cli_args["meg"]: + # * Evaluate MEGNet + print("Evaluating MEGNet...") + meg_model = load_meg_model() + test_mse = eval_meg_model(meg_model, test_df["graph"], test_df["e_form_per_atom"]) + MEGNET_METRICS_LOG.write_text(f"{test_mse=}") + print(f"Wrote evaluation results to {MEGNET_METRICS_LOG}") + + if any([cli_args["train"], cli_args["eval"], cli_args["debug"]]): + try: + prob_model = MEGNetProbModel.load(MODEL_DIR) + print(f"{MODEL_DIR=}") + + dupes = find_duplicate_weights(prob_model) + print(f"Duplicate names after loading: {dupes}") + + except: + print("Exception raised during loading") + if cli_args["eval"]: + raise ValueError("Couldn't load model; nothing to evaluate") + else: + meg_model = load_meg_model() + prob_model = MEGNetProbModel(meg_model, 100) + prob_model.save(MODEL_DIR, ckpt_path=None) + + if cli_args["train"]: + # * Freeze layers + freezable = ["VGP", "NN"] + to_freeze = [layer for layer in freezable if layer not in cli_args["comp"]] + + print(f"{to_freeze=}") + print(f"{cli_args['comp']=}") + print(f"{type(cli_args['comp'])=}") + + if debug: + dupes = find_duplicate_weights(prob_model) + print(f"Duplicate names after computing which to freeze: {dupes}") + + prob_model.set_frozen(to_freeze, recompile=False) + + if debug: + dupes = find_duplicate_weights(prob_model) + print(f"Duplicate names after freezing to_freeze: {dupes}") + + prob_model.set_frozen(cli_args["comp"], freeze=False, recompile=True) + + dupes = find_duplicate_weights(prob_model) + if debug: + print(f"Duplicate names after thawing : {dupes}") + return + if dupes: + raise ValueError(f"Duplicate weights found: {dupes}") + + # * Check frozen + if not check_frozen(prob_model, to_freeze, cli_args["comp"]): + raise ValueError("Layers not properly frozen.") + + # * Train the probabilistic model + prob_model.train(train_df["graph"].values, train_df["e_form_per_atom"], cli_args["train"], val_df["graph"].values, val_df["e_form_per_atom"], callbacks=[get_tb_callback(NUM_INDUCING_POINTS)]) + prob_model.save(MODEL_DIR) + + if cli_args["eval"]: + # * Evaluate prob_model + train_df = df.query("training_set") + test_metrics = evaluate_uq_metrics(prob_model, test_df["graph"].values, test_df["e_form_per_atom"]) + with PROB_MODEL_METRICS_LOG.open("w") as f: + json.dump(test_metrics, f) + +if __name__ == "__main__": + main() diff --git a/benchmarking/utils.py b/benchmarking/utils.py new file mode 100644 index 0000000..ab8772f --- /dev/null +++ b/benchmarking/utils.py @@ -0,0 +1,442 @@ +"""Train and evaluate a MEGNetProbModel for formation energy prediction on the MP-2019 dataset. + + + +""" +from abc import ABC, abstractmethod +from argparse import ArgumentError, ArgumentParser +from datetime import datetime +from os import mkdir +from pathlib import Path +from typing import Iterable, List, NamedTuple, Optional, Tuple + +import numpy as np +import pandas as pd +from megnet.models import MEGNetModel +from tensorflow.python.keras.callbacks import ModelCheckpoint, TensorBoard +from unlocknn import MEGNetProbModel +from unlocknn.megnet_utils import MEGNetGraph, Targets, default_megnet_config +from unlocknn.metrics import MAE, MSE, evaluate_uq_metrics + + +def eval_meg_model( + meg_model: MEGNetModel, graphs: Iterable[MEGNetGraph], targets: Iterable[float] +) -> Tuple[float, float]: + """Evaluate the MSE and MAE of a given MEGNetModel.""" + predictions = meg_model.predict_graphs(graphs).flatten() + return MSE(predictions, None, targets), MAE(predictions, None, targets) + + +def train_megnet( + model: MEGNetModel, + num_epochs: int, + train_input, + train_targets, + val_input, + val_targets, + checkpoint_path: Path, + verbose: int = 2, + callbacks=[], + batch_size: int = 32, +): + """Train a MEGNetModel.""" + ckpt_callback = ModelCheckpoint( + checkpoint_path, save_best_only=True, save_weights_only=True + ) + callbacks.append(ckpt_callback) + model.train_from_graphs( + train_graphs=train_input, + train_targets=train_targets, + validation_graphs=val_input, + validation_targets=val_targets, + epochs=num_epochs, + save_checkpoint=False, + automatic_correction=False, + callbacks=callbacks, + verbose=verbose, + batch_size=batch_size, + ) + + +class Dataset(NamedTuple): + """Container for datasets split into train, validation and test subsets.""" + + train_input: List[MEGNetGraph] + train_targets: Targets + val_input: List[MEGNetGraph] + val_targets: Targets + test_input: List[MEGNetGraph] + test_targets: Targets + + +class UnlockTrainer(ABC): + """Handler for training and benchmarking unlockNN models.""" + + def __init__(self, batch_size: int = 32) -> None: + """Initialize parameters.""" + super().__init__() + + self.batch_size = batch_size + + # * Read command line arguments + self.init_cli_args() + + # * Create necessary folders + self.create_dir_structure() + + # * Initialize datasets, must be populated with `self.load_data` + self.data: Optional[Dataset] = None + + # * Initialize model variables + self.meg_model: Optional[MEGNetModel] = None + self.prob_model: Optional[MEGNetProbModel] = None + + def create_dir_structure(self): + """Create the project directory tree.""" + root_models_dir = self.root_dir / "models" + self.megnet_models_dir = root_models_dir / "megnet" + self.prob_models_dir = root_models_dir / "prob" + + root_logs_dir = self.root_dir / "logs" + self.megnet_logs_dir = root_logs_dir / "megnet" + self.prob_logs_dir = root_logs_dir / "prob" + + for dirname in [ + root_models_dir, + self.megnet_models_dir, + self.prob_models_dir, + root_logs_dir, + self.megnet_logs_dir, + self.prob_logs_dir, + ]: + if not dirname.exists(): + mkdir(dirname) + + def execute(self): + """Execute main program flow.""" + # * Ensure we're not training after we've evaluated test metrics + if self.test_result_path.exists() and self.train: + raise ArgumentError( + None, + f"The model has already been evaluated on the test set ({self.test_result_path})" + "and cannot be trained any more.", + ) + + # * Start by loading data + self.data = self.load_data(download_only=self.data_only) + if self.data_only: + return + + if self.meg: + # * Handle MEGNetModel creation, training and evaluation + if not self.load_meg_model(): + if self.evaluate: + raise ArgumentError( + None, f"No MEGNetModel found at {self.model_dir}" + ) + # Create model + self.meg_model = MEGNetModel(**default_megnet_config(), loss="mae") + + if self.train: + # * Training routine + train_megnet( + self.meg_model, + self.train, + self.data.train_input, + self.data.train_targets, + self.data.val_input, + self.data.val_targets, + self.checkpoint_dir, + self.verbosity, + [self.tb_callback], + self.batch_size, + ) + self.meg_model.save_model(str(self.model_dir)) + + if self.val: + # * Validation + val_mse, val_mae = eval_meg_model( + self.meg_model, self.data.val_input, self.data.val_targets + ) + meg_val_metrics = pd.Series({"mse": val_mse, "mae": val_mae}) + print(meg_val_metrics) + + if self.evaluate: + # * Evaluation routine + mse, mae = eval_meg_model( + self.meg_model, self.data.test_input, self.data.test_targets + ) + meg_metrics = pd.Series({"mse": mse, "mae": mae}) + meg_metrics.to_csv(self.test_result_path) + print(meg_metrics) + + else: + # * Handle MEGNetProbModel creation, training and evaluation + if self.model_dir.exists(): + self.prob_model = MEGNetProbModel.load( + self.model_dir, load_ckpt=(not self.ignore_ckpt) + ) + else: + if self.evaluate: + raise ArgumentError( + None, f"No MEGNetProbModel found at {self.model_dir}" + ) + # Create model + if not self.load_meg_model(): + raise ArgumentError( + None, + f"Cannot make new MEGNetProbModel: no MEGNetModel at {self.meg_model_dir}", + ) + self.prob_model = MEGNetProbModel(self.meg_model, self.points) + + if self.train: + self.handle_freezing() + self.prob_model.train( + self.data.train_input, + self.data.train_targets, + self.train, + self.data.val_input, + self.data.val_targets, + callbacks=[self.tb_callback], + ckpt_path=self.checkpoint_dir, + batch_size=self.batch_size, + verbose=self.verbosity, + ) + self.prob_model.save(self.model_dir, self.checkpoint_dir) + + if self.val: + prob_val_metrics = pd.Series( + evaluate_uq_metrics( + self.prob_model, self.data.val_input, self.data.val_targets + ) + ) + prob_val_metrics.to_csv(self.val_prob_metrics_dir) + print(prob_val_metrics) + + if self.evaluate: + prob_metrics = pd.Series( + evaluate_uq_metrics( + self.prob_model, self.data.test_input, self.data.test_targets + ) + ) + prob_metrics.to_csv(self.test_result_path) + print(prob_metrics) + predictions, stddevs = self.prob_model.predict(self.data.test_input) + self.write_predictions(predictions, stddevs) + + + def handle_freezing(self): + """Freeze the appropriate probabilistic layers.""" + freezable = ["VGP", "NN"] + to_freeze = [layer for layer in freezable if layer not in self.comp] + self.prob_model.set_frozen(self.comp, freeze=False, recompile=False) + self.prob_model.set_frozen(to_freeze, recompile=True) + + def load_meg_model(self) -> Optional[MEGNetModel]: + """Load a MEGNetModel from disk.""" + # Check if model exists + if self.meg_model_dir.exists(): + # Load it + self.meg_model = MEGNetModel.from_file(str(self.meg_model_dir)) + if self.checkpoint_dir.exists() and not self.ignore_ckpt: + self.meg_model.model.load_weights(self.checkpoint_dir) + print(f"Loaded weights from {self.checkpoint_dir}") + return self.meg_model + + @property + @abstractmethod + def task_name(self) -> str: + """Human readable name segment to describe the name of this task.""" + ... + + @property + def num_folds(self) -> Optional[int]: + """Get the number of folds used for K-fold cross validation. + + Returns: + num_folds: The number of folds, or ``None`` if the model doesn't + use K-fold cross validation. + + """ + return None + + def init_cli_args(self): + """Initialize properties from command line.""" + args = self.setup_argparse().parse_args() + self.meg: bool = args.meg + self.train: Optional[int] = args.train + self.evaluate: bool = args.eval + self.val: bool = args.val + self.points: Optional[int] = args.points + self.comp: List[str] = args.component + self.verbosity: int = args.verbosity + self.ignore_ckpt: bool = args.ignore_ckpt + self.root_dir: Path = Path(args.root_dir) + self.data_only: bool = args.data_only + self.fold: int = args.fold + if self.fold is None and not self.data_only: + raise ValueError("Must supply `--fold` for training or evaluation.") + + def setup_argparse(self) -> ArgumentParser: + """Set up expected command line arguments in order to decide what procedures to run.""" + parser = ArgumentParser( + f"Script for model training and evaluation on {self.task_name}." + ) + parser.add_argument( + "--meg", + "-m", + action="store_true", + dest="meg", + help="Set this flag to work with just the base MEGNetModel, rather than the probabilistic model.", + ) + parser.add_argument( + "--train", + "-t", + type=int, + dest="train", + help="Number of training iterations.", + ) + parser.add_argument( + "--eval", + "-e", + action="store_true", + dest="eval", + help="Set this flag to evaluate the model.", + ) + parser.add_argument( + "--val", + action="store_true", + dest="val", + help="Set this flag to evaluate the model on the validation data.", + ) + parser.add_argument( + "--points", + "-p", + type=int, + dest="points", + help="The number of model inducing index points.", + ) + parser.add_argument( + "--comp", + "-c", + choices=["NN", "VGP"], + nargs="*", + default=["VGP"], + dest="component", + help="The component of the model to train.", + ) + parser.add_argument( + "--verbosity", + "-v", + type=int, + choices=range(3), + default=1, + dest="verbosity", + help="The level of verbosity for Keras operations.", + ) + parser.add_argument( + "--ignore-ckpt", + action="store_true", + dest="ignore_ckpt", + help=( + "Whether to ignore saved checkpoints (corresponding to the best validation performance)," + " preferring to load the latest saved weights." + ), + ) + parser.add_argument( + "--root-dir", + "-d", + default=".", + dest="root_dir", + help="The directory to save models, logs and data.", + ) + parser.add_argument( + "--data-only", + action="store_true", + dest="data_only", + help="If this flag is set, program will exit immediately after (down)loading data.", + ) + + if self.num_folds: + parser.add_argument( + "--fold", + "-f", + type=int, + choices=range(self.num_folds), + dest="fold", + help="Which fold of data to use for training or evaluation.", + ) + + return parser + + @abstractmethod + def load_data(self, download_only: bool = False) -> Optional[Dataset]: + """Load data from disk for training/evaluation.""" + ... + + def model_dirname(self, include_points: bool = True) -> str: + """Get the name of the model's directory.""" + dirname = self.task_name + if include_points: + dirname += f"-{self.points}" + if self.fold is not None: + dirname += f"-{self.fold}" + return dirname + + @property + def meg_model_dir(self) -> Path: + """Get the directory of the MEGNetModel specified by command line args.""" + return self.megnet_models_dir / self.model_dirname(False) + + @property + def model_dir(self) -> Path: + """Get the models directory for the model specified by command line args.""" + return ( + self.megnet_models_dir if self.meg else self.prob_models_dir + ) / self.model_dirname(not self.meg) + + @property + def log_dir(self) -> Path: + """Get the logs directory for the model model specified by command line args.""" + return ( + self.megnet_logs_dir if self.meg else self.prob_logs_dir + ) / self.model_dirname(not self.meg) + + @property + def checkpoint_dir(self) -> Path: + """Get the checkpoint file path.""" + return ( + self.megnet_models_dir if self.meg else self.prob_models_dir + ) / f"{self.model_dirname(not self.meg)}-ckpt.h5" + + @property + def test_result_path(self) -> Path: + """Get the path to the model's final evaluation metrics.""" + return self.log_dir / "metrics.csv" + + @property + def tb_callback(self) -> TensorBoard: + """Get a configured TensorBoard callback.""" + tensorboard_run_loc = self.log_dir / str( + datetime.now().strftime("%Y.%m.%d.%H.%M.%S") + ) + # These parameters avoid segmentation fault + return TensorBoard(tensorboard_run_loc, write_graph=False, profile_batch=0) + + @property + def val_prob_metrics_dir(self) -> Path: + """Get the path to this run's validation metrics.""" + return self.log_dir / ( + "val-metrics-" + str(datetime.now().strftime("%Y.%m.%d.%H.%M.%S")) + ".csv" + ) + + @property + def predictions_path(self) -> Path: + """Get the path to this fold's predictions.""" + return self.log_dir / "predictions.csv" + + def write_predictions(self, predictions: np.ndarray, stddevs: np.ndarray): + """Write probabilistic model's predictions to disk.""" + data = {"Predicted value": predictions, "Predicted standard deviation": stddevs, "True value": self.data.test_targets} + df = pd.DataFrame(data) + df.to_csv(self.predictions_path) diff --git a/benchmarking/visualise.py b/benchmarking/visualise.py new file mode 100644 index 0000000..34a2a29 --- /dev/null +++ b/benchmarking/visualise.py @@ -0,0 +1,374 @@ +"""Tools for visualising benchmarking results.""" +import re +from collections import defaultdict +from operator import itemgetter +from pathlib import Path +from typing import Dict, List, Optional, Tuple, Union + +import matplotlib.pyplot as plt +import numpy as np +import pandas as pd +import seaborn as sns +from scipy.stats import norm + +Pathy = Union[str, Path] + + +sns.set_style() + + +def calc_pis( + residuals: np.ndarray, stddevs: np.ndarray +) -> Tuple[np.ndarray, np.ndarray]: + """Calculate probability intervals for given set of residuals and standard deviations.""" + norm_resids = residuals / stddevs + predicted_pi = np.linspace(0, 1, 100) + bounds = norm.ppf(predicted_pi) + observed_pi = np.array([np.count_nonzero(norm_resids <= bound) for bound in bounds]) + observed_pi = observed_pi / norm_resids.size + return predicted_pi, observed_pi + + +def parity_plot( + prob_df: pd.DataFrame, + fname: str, + target_name: str, + title: str = "", + top_padding: float = 1.0, + bottom_padding: float = 0.5, +): + """Plot the parity with 95% CI error bars for a dataset.""" + PREDICTED_NAME = f"Predicted {target_name}" + OBSERVED_NAME = f"Observed {target_name}" + + # MARKER_COLOUR = tuple(np.array([168, 190, 240]) / 255) + + plot_df = pd.DataFrame( + { + PREDICTED_NAME: prob_df["Predicted value"], + OBSERVED_NAME: prob_df["True value"], + "CI": prob_df["Predicted standard deviation"] * 2, + "# Inducing index points": prob_df["# Inducing points"], + "Fold": prob_df["Fold"], + } + ) + Y_LIMS = ( + min(plot_df[PREDICTED_NAME].min(), plot_df[OBSERVED_NAME].min()) + - bottom_padding, + max(plot_df[PREDICTED_NAME].max(), plot_df[OBSERVED_NAME].max()) + top_padding, + ) + g = sns.FacetGrid( + data=plot_df, height=7, col="# Inducing index points", margin_titles=True, hue="Fold" + ) + g.map_dataframe( + plt.errorbar, + OBSERVED_NAME, + PREDICTED_NAME, + "CI", + marker="o", + # color=MARKER_COLOUR, + linestyle="", + alpha=0.7, + markeredgewidth=1, + markeredgecolor="black", + ).add_legend() + + g.map( + sns.lineplot, + x=Y_LIMS, + y=Y_LIMS, + label="Ideal", + color="black", + linestyle="--", + marker="", + ) + g.set(xlim=Y_LIMS, ylim=Y_LIMS, aspect="equal") + g.set_titles(col_template="{col_name} points") + if title: + g.fig.subplots_adjust(top=0.9) + g.fig.suptitle(title) + plt.savefig( + fname, + # transparent=True, + bbox_inches="tight" + ) + + +def plot_calibration(prob_df: pd.DataFrame, fname: str, title: str): + """Plot a calibration curve for a given dataset.""" + PREDICTED_NAME = "Predicted cumulative distribution" + OBSERVED_NAME = "Observed cumulative distribution" + + # LINE_COLOUR = tuple(np.array([0, 40, 85]) / 255) + # FILL_COLOUR = tuple(np.array([203, 216, 246]) / 255) + + data = None + for num_inducing_points, subdf in prob_df.groupby("# Inducing points"): + predicted_pi, observed_pi = calc_pis( + subdf["True value"] - subdf["Predicted value"], + subdf["Predicted standard deviation"], + ) + sub_plot_df = pd.DataFrame( + {PREDICTED_NAME: predicted_pi, OBSERVED_NAME: observed_pi} + ) + sub_plot_df["# Inducing index points"] = num_inducing_points + if data is None: + data = sub_plot_df + else: + data = pd.concat([data, sub_plot_df], ignore_index=True) + + g = sns.relplot( + data=data, + x=PREDICTED_NAME, + y=OBSERVED_NAME, + kind="line", + color="black", + col="# Inducing index points", + label="Actual", + facet_kws={"margin_titles": True}, + ) + g.map( + sns.lineplot, + x=(0, 1), + y=(0, 1), + color="black", + linestyle="--", + marker="", + label="Ideal", + ) + g.set(xlim=(0, 1), ylim=(0, 1), aspect="equal") + for num_inducing_points, ax in g.axes_dict.items(): + data_slice = data[data["# Inducing index points"] == num_inducing_points] + ax.fill_between( + data_slice[PREDICTED_NAME], + data_slice[PREDICTED_NAME], + data_slice[OBSERVED_NAME], + alpha=0.7, + # color=FILL_COLOUR, + ) + if title: + g.fig.subplots_adjust(top=0.9) + g.fig.suptitle(title) + plt.savefig( + fname, + # transparent=True, + bbox_inches="tight" + ) + + +def read_prob_results( + results_dirs: Dict[int, List[Path]], metric_fname: str = "metrics.csv" +) -> pd.DataFrame: + """Read results from files into a DataFrame.""" + data = defaultdict(list) + for points, dirs in results_dirs.items(): + for fold, path in enumerate(dirs): + metric_path = path / metric_fname + metric_series: pd.Series = pd.read_csv(metric_path, index_col=0).squeeze( + "columns" + ) + + for entry in metric_series.index: + data[entry].append(metric_series[entry]) + + data["fold"].append(fold) + data["points"].append(points) + data["Model name"].append(f"Unlock-{points}") + + return pd.DataFrame(data) + + +def read_base_results( + results_dirs: List[Path], + base_model_name: str = "Base", + metric_fname: str = "metrics.csv", +): + """Read results from files into a DataFrame.""" + data = defaultdict(list) + for fold, path in enumerate(results_dirs): + metric_path = path / metric_fname + metric_series: pd.Series = pd.read_csv(metric_path, index_col=0).squeeze( + "columns" + ) + + for entry in metric_series.index: + data[entry].append(metric_series[entry]) + + data["fold"].append(fold) + data["Model name"].append(base_model_name) + + return pd.DataFrame(data) + + +class ResultsLoader: + def __init__( + self, + base_model_results: Pathy, + prob_model_results: Pathy, + num_folds: int, + model_name_pattern: str = r"\D*(?:-(?P\d+)-)?(?P\d+)$", + base_model_name: str = "Base", + metric_fname: str = "metrics.csv", + ) -> None: + """Initialize log paths.""" + self.base_model_results = Path(base_model_results) + self.prob_model_results = Path(prob_model_results) + self.model_name_pattern = model_name_pattern + self.num_folds = num_folds + self.base_model_name = base_model_name + self.metric_fname = metric_fname + + def prob_results_directories(self, with_fold: bool=False) -> Dict[int, List[Path]]: + """Get the results directories for the model. + + Returns: + A dictionary of ``{num_inducing_points: [path]}`` with the ``path``s + ordered by fold index. + + """ + model_dirs = defaultdict(list) + for direct in self.prob_model_results.iterdir(): + if not direct.is_dir(): + continue + + match = re.match(self.model_name_pattern, direct.name) + if match: + num_points = match.group("points") + if num_points: + model_dirs[int(num_points)].append( + (int(match.group("fold")), direct) + ) + + for key, val in model_dirs.items(): + # Sort based on fold + model_dirs[key] = list(sorted(val, key=itemgetter(0))) + if not with_fold: + model_dirs[key] = [tup[1] for tup in model_dirs[key]] + + return dict(model_dirs) + + def base_results_directories(self) -> List[Path]: + """Get the results directories for the baseline model.""" + model_dirs = [] + for direct in self.base_model_results.iterdir(): + if not direct.is_dir(): + continue + match = re.match(self.model_name_pattern, direct.name) + if match: + model_dirs.append((int(match.group("fold")), direct)) + return [item[1] for item in sorted(model_dirs, key=itemgetter(0))] + + def get_all_prob_predictions(self) -> pd.DataFrame: + """Get a dataframe with the combined test set predictions across all folds.""" + template_df = None + for num_inducing_points, entries in self.prob_results_directories(with_fold=True).items(): + for fold, path_ in entries: + loaded_df = pd.read_csv(path_ / "predictions.csv", index_col=0) + loaded_df["# Inducing points"] = num_inducing_points + loaded_df["Fold"] = fold + if template_df is None: + template_df = loaded_df + else: + template_df = pd.concat([template_df, loaded_df]) + return template_df + + def calibration_plot(self, fname: str, title: str = ""): + """Make a calibration plot for the test set predictions.""" + predictions_df = self.get_all_prob_predictions() + plot_calibration(predictions_df, fname, title) + + def parity_plot( + self, + fname: str, + target_name: str, + num_scatter: int, + title: str = "", + top_padding: float = 1.0, + bottom_padding: float = 0.5, + ): + """Make a parity plot for the test set predictions.""" + predictions_df = self.get_all_prob_predictions() + predictions_df["data_idx"] = predictions_df.index + num_test_points = int(predictions_df["data_idx"].max()) + idxs_to_plot = np.random.randint(0, num_test_points + 1, num_scatter) + plot_df = predictions_df[[data_idx in idxs_to_plot for data_idx in predictions_df["data_idx"]]] + parity_plot(plot_df, fname, target_name, title, top_padding, bottom_padding) + + def plot_metric( + self, + fname: Pathy, + metric: str = "mae", + metric_label: str = "Mean absolute error", + include_base: bool = False, + title: str = "", + zero_lim: bool = True, + target: Optional[float] = None, + transparent: bool = False, + ): + """Plot a comparison of the model's errors versus the baseline model. + + Args: + fname: Where to save the plot. + target: An optional target to plot as a vertical dashed line. + + """ + prob_result_dirs = self.prob_results_directories() + plot_order = [f"Unlock-{points}" for points in sorted(prob_result_dirs.keys())] + prob_df = read_prob_results(prob_result_dirs, self.metric_fname) + if include_base: + base_df = read_base_results( + self.base_results_directories(), + base_model_name=self.base_model_name, + metric_fname=self.metric_fname, + ) + plot_df = pd.concat([base_df, prob_df], ignore_index=True) + plot_order.insert(0, self.base_model_name) + else: + plot_df = prob_df + + plot_df[metric_label] = plot_df[metric] + + plt.figure() + sns.stripplot( + data=plot_df, + x=metric_label, + y="Model name", + dodge=0.2, + size=5, + color=".8", + linewidth=0, + marker="X", + palette="pastel", + order=plot_order, + ) + sns.pointplot( + data=plot_df, + x=metric_label, + y="Model name", + dodge=None, + scale=1.25, + markers="d", + ci=None, + palette="dark", + order=plot_order, + ) + if target: + plt.axvline(x=target, ls="--", c=".3") + if zero_lim: + plt.xlim(left=0) + if title: + plt.title(title) + plt.tight_layout() + plt.savefig(fname, transparent=transparent) + + def get_average_metrics(self): + """Print the average metrics for all the results grouped by model name.""" + prob_result_dirs = self.prob_results_directories() + prob_df = read_prob_results(prob_result_dirs, self.metric_fname) + base_df = read_base_results( + self.base_results_directories(), + base_model_name=self.base_model_name, + metric_fname=self.metric_fname, + ) + plot_df = pd.concat([base_df, prob_df], ignore_index=True) + print(plot_df.groupby("Model name").mean()) diff --git a/dev_environment.yml b/dev_environment.yml index 21e2f51..ff71694 100644 --- a/dev_environment.yml +++ b/dev_environment.yml @@ -12,6 +12,7 @@ dependencies: - pydocstyle - pytest - pytest-cov + - pytest-mock - python=3.8 - virtualenv - pip: diff --git a/docs/megnet_prob_model_mwe.py b/docs/megnet_prob_model_mwe.py index 90b37d0..d06542d 100644 --- a/docs/megnet_prob_model_mwe.py +++ b/docs/megnet_prob_model_mwe.py @@ -44,7 +44,7 @@ def train_model(): train_structs, train_targets, epochs=50, - val_structs=val_structs, + val_inputs=val_structs, val_targets=val_targets, ) prob_model.save(MODEL_SAVE_DIR) diff --git a/docs/modules/unlocknn.download.rst b/docs/modules/unlocknn.download.rst index be0a060..2978513 100644 --- a/docs/modules/unlocknn.download.rst +++ b/docs/modules/unlocknn.download.rst @@ -9,3 +9,21 @@ models, using :func:`load_pretrained`, and example data, using :func:`load_data` .. autofunction:: load_pretrained .. autofunction:: load_data + +Adding new example files +------------------------ + +New pre-trained models and example data can be added to unlockNN by uploading +the serialized data to the GitHub repository. When doing so, make sure to add +metadata to the appropriate ``README.md`` file (in the ``data`` or ``models`` +directories), as well as the :data:`AVAILABLE_MODELS` or :data:`AVAILABLE_DATA` +type variables in :mod:`unlocknn.download`. + +For models, simply save the model, then compress the resulting folder to a +``tar.gz`` file format. + +For data, unlockNN provides a convenience function for serializing pandas +``DataFrame`` s that contain pymatgen ``Structure`` s in a "structure" column: +:func:`save_struct_data`. The resulting output file can be uploaded to the repository. + +.. autofunction:: save_struct_data diff --git a/docs/modules/unlocknn.kernel_layers.rst b/docs/modules/unlocknn.kernel_layers.rst index 602eb45..181f797 100644 --- a/docs/modules/unlocknn.kernel_layers.rst +++ b/docs/modules/unlocknn.kernel_layers.rst @@ -40,4 +40,5 @@ these weights during instantiation and other kernels that are parameterized as such may inherit from this class also: .. autoclass:: AmpAndLengthScaleFn + :members: :special-members: __init__ diff --git a/examples/formation_energies.ipynb b/examples/formation_energies.ipynb index c958f15..79026ab 100644 --- a/examples/formation_energies.ipynb +++ b/examples/formation_energies.ipynb @@ -2,6 +2,7 @@ "cells": [ { "cell_type": "markdown", + "metadata": {}, "source": [ "# Binary compound formation energy prediction example\n", "\n", @@ -9,21 +10,22 @@ "\n", "This notebook demonstrates how to create a probabilistic model for predicting\n", "formation energies of binary compounds with a quantified uncertainty.\n" - ], - "metadata": {} + ] }, { "cell_type": "code", "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "!pip install unlocknn" - ], - "outputs": [], - "metadata": {} + ] }, { "cell_type": "code", "execution_count": 1, + "metadata": {}, + "outputs": [], "source": [ "import shutil\n", "from pathlib import Path\n", @@ -35,13 +37,13 @@ "from unlocknn.download import load_data\n", "from unlocknn.model import MEGNetProbModel\n", "from unlocknn.metrics import evaluate_uq_metrics\n" - ], - "outputs": [], - "metadata": {} + ] }, { "cell_type": "code", "execution_count": 2, + "metadata": {}, + "outputs": [], "source": [ "THIS_DIR = Path(\".\").parent\n", "CONFIG_FILE = THIS_DIR / \".config\"\n", @@ -57,30 +59,24 @@ " for directory in [MODEL_SAVE_DIR, LOG_DIR]:\n", " if directory.exists():\n", " shutil.rmtree(directory)\n" - ], - "outputs": [], - "metadata": {} + ] }, { "cell_type": "markdown", + "metadata": {}, "source": [ "# Data gathering\n", "\n", "Here we download binary compounds that lie on the convex hull from the Materials\n", "Project, then split them into training and validation subsets.\n" - ], - "metadata": {} + ] }, { "cell_type": "code", "execution_count": 3, - "source": [ - "full_df = load_data(\"binary_e_form\")\n", - "full_df.head()" - ], + "metadata": {}, "outputs": [ { - "output_type": "execute_result", "data": { "text/html": [ "
\n", @@ -151,15 +147,29 @@ "4 -0.905038 " ] }, + "execution_count": 3, "metadata": {}, - "execution_count": 3 + "output_type": "execute_result" } ], - "metadata": {} + "source": [ + "full_df = load_data(\"binary_e_form\")\n", + "full_df.head()" + ] }, { "cell_type": "code", "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "4217 training samples, 1055 validation samples.\n" + ] + } + ], "source": [ "num_training = int(TRAINING_RATIO * len(full_df.index))\n", "train_df = full_df[:num_training]\n", @@ -172,46 +182,36 @@ "\n", "train_targets = train_df[\"formation_energy_per_atom\"]\n", "val_targets = val_df[\"formation_energy_per_atom\"]\n" - ], - "outputs": [ - { - "output_type": "stream", - "name": "stdout", - "text": [ - "4217 training samples, 1055 validation samples.\n" - ] - } - ], - "metadata": {} + ] }, { "cell_type": "markdown", + "metadata": {}, "source": [ "# Model creation\n", "\n", "Now we load the `MEGNet` 2019 formation energies model, then convert this to a\n", "probabilistic model.\n" - ], - "metadata": {} + ] }, { "cell_type": "code", "execution_count": 5, - "source": [ - "meg_model = MEGNetModel.from_mvl_models(\"Eform_MP_2019\")\n" - ], + "metadata": { + "scrolled": true + }, "outputs": [ { - "output_type": "stream", "name": "stderr", + "output_type": "stream", "text": [ "INFO:megnet.utils.models:Package-level mvl_models not included, trying temperary mvl_models downloads..\n", "INFO:megnet.utils.models:Model found in local mvl_models path\n" ] }, { - "output_type": "stream", "name": "stdout", + "output_type": "stream", "text": [ "WARNING:tensorflow:From /home/awsm/anaconda3/envs/unlockNN/lib/python3.8/site-packages/tensorflow/python/ops/array_ops.py:5043: calling gather (from tensorflow.python.ops.array_ops) with validate_indices is deprecated and will be removed in a future version.\n", "Instructions for updating:\n", @@ -219,8 +219,8 @@ ] }, { - "output_type": "stream", "name": "stderr", + "output_type": "stream", "text": [ "WARNING:tensorflow:From /home/awsm/anaconda3/envs/unlockNN/lib/python3.8/site-packages/tensorflow/python/ops/array_ops.py:5043: calling gather (from tensorflow.python.ops.array_ops) with validate_indices is deprecated and will be removed in a future version.\n", "Instructions for updating:\n", @@ -228,26 +228,20 @@ ] } ], - "metadata": { - "scrolled": true - } + "source": [ + "meg_model = MEGNetModel.from_mvl_models(\"Eform_MP_2019\")\n" + ] }, { "cell_type": "code", "execution_count": 6, - "source": [ - "kl_weight = BATCH_SIZE / num_training\n", - "\n", - "prob_model = MEGNetProbModel(\n", - " meg_model=meg_model,\n", - " num_inducing_points=NUM_INDUCING_POINTS,\n", - " kl_weight=kl_weight,\n", - ")\n" - ], + "metadata": { + "scrolled": true + }, "outputs": [ { - "output_type": "stream", "name": "stdout", + "output_type": "stream", "text": [ "WARNING:tensorflow:From /home/awsm/anaconda3/envs/unlockNN/lib/python3.8/site-packages/tensorflow_probability/python/distributions/distribution.py:346: calling GaussianProcess.__init__ (from tensorflow_probability.python.distributions.gaussian_process) with jitter is deprecated and will be removed after 2021-05-10.\n", "Instructions for updating:\n", @@ -255,8 +249,8 @@ ] }, { - "output_type": "stream", "name": "stderr", + "output_type": "stream", "text": [ "WARNING:tensorflow:From /home/awsm/anaconda3/envs/unlockNN/lib/python3.8/site-packages/tensorflow_probability/python/distributions/distribution.py:346: calling GaussianProcess.__init__ (from tensorflow_probability.python.distributions.gaussian_process) with jitter is deprecated and will be removed after 2021-05-10.\n", "Instructions for updating:\n", @@ -266,12 +260,19 @@ ] } ], - "metadata": { - "scrolled": true - } + "source": [ + "kl_weight = BATCH_SIZE / num_training\n", + "\n", + "prob_model = MEGNetProbModel(\n", + " meg_model=meg_model,\n", + " num_inducing_points=NUM_INDUCING_POINTS,\n", + " kl_weight=kl_weight,\n", + ")\n" + ] }, { "cell_type": "markdown", + "metadata": {}, "source": [ "# Train the uncertainty quantifier\n", "\n", @@ -281,29 +282,24 @@ "`BatchNormalization` layer (`Norm`) that feeds into it.\n", "\n", "After this initial training, we unfreeze _all_ the layers and train the full model simulateously.\n" - ], - "metadata": {} + ] }, { "cell_type": "code", "execution_count": 7, + "metadata": {}, + "outputs": [], "source": [ "tb_callback_1 = TensorBoard(log_dir=LOG_DIR / \"vgp_training\", write_graph=False)\n", "tb_callback_2 = TensorBoard(log_dir=LOG_DIR / \"fine_tuning\", write_graph=False)\n" - ], - "outputs": [], - "metadata": {} + ] }, { "cell_type": "code", "execution_count": 8, - "source": [ - "%load_ext tensorboard\n", - "%tensorboard --logdir logs" - ], + "metadata": {}, "outputs": [ { - "output_type": "display_data", "data": { "text/html": [ "\n", @@ -326,36 +322,30 @@ "" ] }, - "metadata": {} + "metadata": {}, + "output_type": "display_data" } ], - "metadata": {} + "source": [ + "%load_ext tensorboard\n", + "%tensorboard --logdir logs" + ] }, { "cell_type": "code", "execution_count": 9, - "source": [ - "prob_model.train(\n", - " train_structs,\n", - " train_targets,\n", - " epochs=50,\n", - " val_structs=val_structs,\n", - " val_targets=val_targets,\n", - " callbacks=[tb_callback_1],\n", - ")\n", - "prob_model.save(MODEL_SAVE_DIR)\n" - ], + "metadata": {}, "outputs": [ { - "output_type": "stream", "name": "stdout", + "output_type": "stream", "text": [ "Epoch 1/50\n" ] }, { - "output_type": "stream", "name": "stderr", + "output_type": "stream", "text": [ "/home/awsm/anaconda3/envs/unlockNN/lib/python3.8/site-packages/tensorflow_probability/python/distributions/gaussian_process.py:363: UserWarning: Unable to detect statically whether the number of index_points is 1. As a result, defaulting to treating the marginal GP at `index_points` as a multivariate Gaussian. This makes some methods, like `cdf` unavailable.\n", " warnings.warn(\n", @@ -370,8 +360,8 @@ ] }, { - "output_type": "stream", "name": "stdout", + "output_type": "stream", "text": [ "33/33 - 19s - loss: 2044082.0000 - val_loss: 1888069.7500\n", "Epoch 2/50\n", @@ -476,8 +466,8 @@ ] }, { - "output_type": "stream", "name": "stderr", + "output_type": "stream", "text": [ "/home/awsm/anaconda3/envs/unlockNN/lib/python3.8/site-packages/tensorflow/python/keras/utils/generic_utils.py:494: CustomMaskWarning: Custom mask layers require a config and must override get_config. When loading, the custom mask layer must be passed to the custom_objects argument.\n", " warnings.warn('Custom mask layers require a config and must override '\n", @@ -485,15 +475,15 @@ ] }, { - "output_type": "stream", "name": "stdout", + "output_type": "stream", "text": [ "INFO:tensorflow:Assets written to: binary_e_form_model/nn/assets\n" ] }, { - "output_type": "stream", "name": "stderr", + "output_type": "stream", "text": [ "/home/awsm/anaconda3/envs/unlockNN/lib/python3.8/site-packages/tensorflow/python/keras/utils/generic_utils.py:494: CustomMaskWarning: Custom mask layers require a config and must override get_config. When loading, the custom mask layer must be passed to the custom_objects argument.\n", " warnings.warn('Custom mask layers require a config and must override '\n", @@ -501,42 +491,44 @@ ] } ], - "metadata": {} + "source": [ + "prob_model.train(\n", + " train_structs,\n", + " train_targets,\n", + " epochs=50,\n", + " val_inputs=val_structs,\n", + " val_targets=val_targets,\n", + " callbacks=[tb_callback_1],\n", + ")\n", + "prob_model.save(MODEL_SAVE_DIR)\n" + ] }, { "cell_type": "code", "execution_count": 10, + "metadata": {}, + "outputs": [], "source": [ "prob_model.set_frozen([\"NN\", \"VGP\"], freeze=False)\n" - ], - "outputs": [], - "metadata": {} + ] }, { "cell_type": "code", "execution_count": 11, - "source": [ - "prob_model.train(\n", - " train_structs,\n", - " train_targets,\n", - " epochs=50,\n", - " val_structs=val_structs,\n", - " val_targets=val_targets,\n", - " callbacks=[tb_callback_2],\n", - ")\n", - "prob_model.save(MODEL_SAVE_DIR)\n" - ], + "metadata": { + "scrolled": true + }, "outputs": [ { - "output_type": "stream", "name": "stdout", + "output_type": "stream", "text": [ "Epoch 1/50\n" ] }, { - "output_type": "stream", "name": "stderr", + "output_type": "stream", "text": [ "/home/awsm/anaconda3/envs/unlockNN/lib/python3.8/site-packages/tensorflow_probability/python/distributions/gaussian_process.py:363: UserWarning: Unable to detect statically whether the number of index_points is 1. As a result, defaulting to treating the marginal GP at `index_points` as a multivariate Gaussian. This makes some methods, like `cdf` unavailable.\n", " warnings.warn(\n", @@ -551,8 +543,8 @@ ] }, { - "output_type": "stream", "name": "stdout", + "output_type": "stream", "text": [ "33/33 - 22s - loss: 56607.2461 - val_loss: 239531.3906\n", "Epoch 2/50\n", @@ -657,8 +649,8 @@ ] }, { - "output_type": "stream", "name": "stderr", + "output_type": "stream", "text": [ "/home/awsm/anaconda3/envs/unlockNN/lib/python3.8/site-packages/tensorflow/python/keras/utils/generic_utils.py:494: CustomMaskWarning: Custom mask layers require a config and must override get_config. When loading, the custom mask layer must be passed to the custom_objects argument.\n", " warnings.warn('Custom mask layers require a config and must override '\n", @@ -666,15 +658,15 @@ ] }, { - "output_type": "stream", "name": "stdout", + "output_type": "stream", "text": [ "INFO:tensorflow:Assets written to: binary_e_form_model/nn/assets\n" ] }, { - "output_type": "stream", "name": "stderr", + "output_type": "stream", "text": [ "/home/awsm/anaconda3/envs/unlockNN/lib/python3.8/site-packages/tensorflow/python/keras/utils/generic_utils.py:494: CustomMaskWarning: Custom mask layers require a config and must override get_config. When loading, the custom mask layer must be passed to the custom_objects argument.\n", " warnings.warn('Custom mask layers require a config and must override '\n", @@ -682,59 +674,56 @@ ] } ], - "metadata": { - "scrolled": true - } + "source": [ + "prob_model.train(\n", + " train_structs,\n", + " train_targets,\n", + " epochs=50,\n", + " val_inputs=val_structs,\n", + " val_targets=val_targets,\n", + " callbacks=[tb_callback_2],\n", + ")\n", + "prob_model.save(MODEL_SAVE_DIR)\n" + ] }, { "cell_type": "markdown", + "metadata": {}, "source": [ "# Model evaluation\n", "\n", "Finally, we'll evaluate model metrics and make some sample predictions! Note that the predictions give predicted values and standard deviations. The standard deviations can then be converted to an uncertainty;\n", "in this example, we'll take the uncertainty as twice the standard deviation, which will give us the 95% confidence interval (see ).\n" - ], - "metadata": {} + ] }, { "cell_type": "code", "execution_count": 12, - "source": [ - "example_structs = val_structs[:10].tolist()\n", - "example_targets = val_targets[:10].tolist()\n", - "\n", - "predicted, stddevs = prob_model.predict(example_structs)\n", - "uncerts = 2 * stddevs\n" - ], + "metadata": {}, "outputs": [ { - "output_type": "stream", "name": "stderr", + "output_type": "stream", "text": [ "/home/awsm/anaconda3/envs/unlockNN/lib/python3.8/site-packages/tensorflow_probability/python/distributions/gaussian_process.py:363: UserWarning: Unable to detect statically whether the number of index_points is 1. As a result, defaulting to treating the marginal GP at `index_points` as a multivariate Gaussian. This makes some methods, like `cdf` unavailable.\n", " warnings.warn(\n" ] } ], - "metadata": {} + "source": [ + "example_structs = val_structs[:10].tolist()\n", + "example_targets = val_targets[:10].tolist()\n", + "\n", + "predicted, stddevs = prob_model.predict(example_structs)\n", + "uncerts = 2 * stddevs\n" + ] }, { "cell_type": "code", "execution_count": 13, - "source": [ - "pd.DataFrame(\n", - " {\n", - " \"Composition\": [struct.composition.reduced_formula for struct in example_structs],\n", - " \"Formation energy per atom / eV\": example_targets,\n", - " \"Predicted / eV\": [\n", - " f\"{pred:.2f} ± {uncert:.2f}\" for pred, uncert in zip(predicted, uncerts)\n", - " ],\n", - " }\n", - ")\n" - ], + "metadata": {}, "outputs": [ { - "output_type": "execute_result", "data": { "text/html": [ "
\n", @@ -839,36 +828,39 @@ "9 HoTl3 -0.215986 -0.19 ± 0.04" ] }, + "execution_count": 13, "metadata": {}, - "execution_count": 13 + "output_type": "execute_result" } ], - "metadata": {} + "source": [ + "pd.DataFrame(\n", + " {\n", + " \"Composition\": [struct.composition.reduced_formula for struct in example_structs],\n", + " \"Formation energy per atom / eV\": example_targets,\n", + " \"Predicted / eV\": [\n", + " f\"{pred:.2f} ± {uncert:.2f}\" for pred, uncert in zip(predicted, uncerts)\n", + " ],\n", + " }\n", + ")\n" + ] }, { "cell_type": "code", "execution_count": 14, - "source": [ - "val_metrics = evaluate_uq_metrics(prob_model, val_structs, val_targets)\n", - "train_metrics = evaluate_uq_metrics(prob_model, train_structs, train_targets)\n", - "\n", - "print(\"Validation metrics:\")\n", - "pprint(val_metrics)\n", - "print(\"Training metrics:\")\n", - "pprint(train_metrics)\n" - ], + "metadata": {}, "outputs": [ { - "output_type": "stream", "name": "stderr", + "output_type": "stream", "text": [ "/home/awsm/anaconda3/envs/unlockNN/lib/python3.8/site-packages/tensorflow_probability/python/distributions/gaussian_process.py:363: UserWarning: Unable to detect statically whether the number of index_points is 1. As a result, defaulting to treating the marginal GP at `index_points` as a multivariate Gaussian. This makes some methods, like `cdf` unavailable.\n", " warnings.warn(\n" ] }, { - "output_type": "stream", "name": "stdout", + "output_type": "stream", "text": [ "Validation metrics:\n", "{'mae': 0.04725769517605442,\n", @@ -887,7 +879,15 @@ ] } ], - "metadata": {} + "source": [ + "val_metrics = evaluate_uq_metrics(prob_model, val_structs, val_targets)\n", + "train_metrics = evaluate_uq_metrics(prob_model, train_structs, train_targets)\n", + "\n", + "print(\"Validation metrics:\")\n", + "pprint(val_metrics)\n", + "print(\"Training metrics:\")\n", + "pprint(train_metrics)\n" + ] } ], "metadata": { @@ -914,4 +914,4 @@ }, "nbformat": 4, "nbformat_minor": 2 -} \ No newline at end of file +} diff --git a/paper/paper.bib b/paper/paper.bib index 3a94081..ae90ec2 100644 --- a/paper/paper.bib +++ b/paper/paper.bib @@ -194,22 +194,20 @@ @article{schuttSchNetDeepLearning2018 file = {/home/awsm/Zotero/storage/DEJUW4IW/Schütt et al. - 2018 - SchNet – A deep learning architecture for molecule.pdf} } -@article{tranMethodsComparingUncertainty2020a, +@online{tranMethodsComparingUncertainty2020, + ids = {tranMethodsComparingUncertainty2020a}, title = {Methods for Comparing Uncertainty Quantifications for Material Property Predictions}, author = {Tran, Kevin and Neiswanger, Willie and Yoon, Junwoong and Zhang, Qingyang and Xing, Eric and Ulissi, Zachary W.}, - date = {2020-05}, - journaltitle = {Machine Learning: Science and Technology}, - shortjournal = {Mach. Learn.: Sci. Technol.}, - volume = {1}, - number = {2}, - pages = {025006}, + date = {2020-02-20}, + eprint = {1912.10066}, + eprinttype = {arxiv}, + primaryclass = {cond-mat, physics:physics}, publisher = {{IOP Publishing}}, - issn = {2632-2153}, - doi = {10.1088/2632-2153/ab7e1a}, - url = {https://doi.org/10.1088/2632-2153/ab7e1a}, - urldate = {2021-09-04}, + url = {http://arxiv.org/abs/1912.10066}, + urldate = {2020-09-20}, abstract = {Data science and informatics tools have been proliferating recently within the computational materials science and catalysis fields. This proliferation has spurned the creation of various frameworks for automated materials screening, discovery, and design. Underpinning these frameworks are surrogate models with uncertainty estimates on their predictions. These uncertainty estimates are instrumental for determining which materials to screen next, but the computational catalysis field does not yet have a standard procedure for judging the quality of such uncertainty estimates. Here we present a suite of figures and performance metrics derived from the machine learning community that can be used to judge the quality of such uncertainty estimates. This suite probes the accuracy, calibration, and sharpness of a model quantitatively. We then show a case study where we judge various methods for predicting density-functional-theory-calculated adsorption energies. Of the methods studied here, we find that the best performer is a model where a convolutional neural network is used to supply features to a Gaussian process regressor, which then makes predictions of adsorption energies along with corresponding uncertainty estimates.}, - langid = {english}, + archiveprefix = {arXiv}, + keywords = {Condensed Matter - Materials Science,Physics - Computational Physics}, file = {/home/awsm/Zotero/storage/4I3UMCUN/Tran et al. - 2020 - Methods for comparing uncertainty quantifications .pdf} } diff --git a/paper/paper.md b/paper/paper.md index 6e451be..302011a 100644 --- a/paper/paper.md +++ b/paper/paper.md @@ -54,7 +54,10 @@ UnlockNN provides an API to add uncertainty quantification to Keras-based models and comes packaged with a specific implementation for compatibility with MEGNet [@chenGraphNetworksUniversal2019], which is a graph NN implementation for materials property prediction that has achieved state-of-the-art accuracy on -many benchmark tasks [@dunnBenchmarkingMaterialsProperty2020]. +many benchmark tasks [@dunnBenchmarkingMaterialsProperty2020]. The package is +designed for materials and chemistry researchers to improve their models' +reliability and identify the domain(s) of materials on which the models can +perform well. This uncertainty quantification is achieved by supplanting the output layer of the model with a variational Gaussian process (VGP) @@ -75,12 +78,14 @@ the training iterations needed to train the base NN it is modifying. The primary interface for unlockNN is the `model` module, which contains an extensible `ProbNN` class for adding uncertainty quantification to arbitrary Keras models. It also contains a `MEGNetProbModel` class for adding uncertainty -quantification to MEGNet. +quantification to MEGNet, and a download suite for accessing example models +and data. The models can be configured with different kernels for the VGP, +which are implemented in a `kernel_layers` module. Neural network-fed VGPs share a similar principle to the convolution-fed -Gaussian processes formulated by @tranMethodsComparingUncertainty2020a. UnlockNN +Gaussian processes formulated by @tranMethodsComparingUncertainty2020. UnlockNN also implements tools for calculating the performance metrics suggested by -@tranMethodsComparingUncertainty2020a, including sharpness and calibration error, +@tranMethodsComparingUncertainty2020, including sharpness and calibration error, via its `metrics` module. ## Acknowledgements diff --git a/pytest.ini b/pytest.ini new file mode 100644 index 0000000..19f5fb5 --- /dev/null +++ b/pytest.ini @@ -0,0 +1,10 @@ +[pytest] +addopts = --cov=unlocknn +testpaths = + tests +filterwarnings = + ignore::DeprecationWarning + ignore::PendingDeprecationWarning + ignore:Unable to detect statically whether the number of index_points is 1:UserWarning + ignore:Converting sparse .* to a dense Tensor of unknown shape:UserWarning + ignore:Custom mask layers require a config and must override get_config:Warning diff --git a/tests/test_download.py b/tests/test_download.py index ab724d8..daf4313 100644 --- a/tests/test_download.py +++ b/tests/test_download.py @@ -2,22 +2,35 @@ import os from pathlib import Path -os.environ["CUDA_DEVICE_ORDER"] = "PCI_BUS_ID" # see issue #152 +import pytest +import requests +from pytest_mock import MockerFixture + +os.environ["CUDA_DEVICE_ORDER"] = "PCI_BUS_ID" +# See https://github.com/tensorflow/tensorflow/issues/152#issuecomment-273663277 os.environ["CUDA_VISIBLE_DEVICES"] = "" from unlocknn.download import load_data, load_pretrained -def test_load_model(tmp_path: Path): +def test_load_model(tmp_path: Path, mocker: MockerFixture): """Test downloading formation energies model.""" - orig_model = load_pretrained("binary_e_form", save_dir=tmp_path) - reload_model = load_pretrained("binary_e_form", save_dir=tmp_path) + get_spy = mocker.spy(requests, "get") + load_pretrained("binary_e_form", save_dir=tmp_path) + get_spy.assert_called_once() + load_pretrained("binary_e_form", save_dir=tmp_path) + # Second call should load from disk + get_spy.assert_called_once() -def test_load_data(tmp_path: Path): +def test_load_data(tmp_path: Path, mocker: MockerFixture): """Test downloading formation energies data.""" + get_spy = mocker.spy(requests, "get") orig_data = load_data("binary_e_form", save_dir=tmp_path) + get_spy.assert_called_once() reload_data = load_data("binary_e_form", save_dir=tmp_path) + # Second call should load from disk + get_spy.assert_called_once() - assert orig_data.loc[0, "formation_energy_per_atom"] == -0.7374389025000001 - assert reload_data.loc[0, "formation_energy_per_atom"] == -0.7374389025000001 + assert orig_data.loc[0, "formation_energy_per_atom"] == pytest.approx(-0.7374389025, abs=1e-10) + assert reload_data.loc[0, "formation_energy_per_atom"] == pytest.approx(-0.7374389025, abs=1e-10) diff --git a/tests/test_kernels.py b/tests/test_kernels.py index 7db5acc..d17ad48 100644 --- a/tests/test_kernels.py +++ b/tests/test_kernels.py @@ -1,7 +1,7 @@ """Test the `kernel_layers` package.""" import os -os.environ["CUDA_DEVICE_ORDER"] = "PCI_BUS_ID" # see issue #152 +os.environ["CUDA_DEVICE_ORDER"] = "PCI_BUS_ID" os.environ["CUDA_VISIBLE_DEVICES"] = "" from pathlib import Path @@ -9,20 +9,56 @@ import numpy as np import pytest +import tensorflow as tf +import tensorflow_probability as tfp from unlocknn.kernel_layers import * +class ExampleKernel(KernelLayer): + """An example kernel for testing.""" + + def __init__(self, bias_variance: float=1.0, **kwargs): + """Initialize the bias_variance parameter.""" + super().__init__(**kwargs) + dtype = kwargs.get("dtype", tf.float64) + self.bias_variance = self.add_weight(initializer=tf.constant_initializer(bias_variance), dtype=dtype, name="bias_variance") + + def kernel(self) -> tfp.math.psd_kernels.PositiveSemidefiniteKernel: + """Get a linear kernel that's parameterised by a given bias variance.""" + return tfp.math.psd_kernels.Linear(bias_variance=self.bias_variance) + + @property + def config(self) -> dict: + """Return an empty dict: no kwargs are required.""" + return dict() + +def test_custom_kernel_reloading(tmp_path: Path): + """Test saving and loading with a custom kernel.""" + save_path = tmp_path / "kernel" + kernel = ExampleKernel(bias_variance=2.0) + kernel.save(save_path) + reload_kernel = load_kernel(save_path, ExampleKernel) + assert reload_kernel.get_weights()[0] == pytest.approx(2.0) + @pytest.mark.parametrize("kernel_type", [RBFKernelFn, MaternOneHalfFn]) def test_reload(tmp_path: Path, kernel_type: Type[AmpAndLengthScaleFn]): - """Test saving and reloading a kernel to/from disk.""" - # Example layer weights: [_amplitude, _length_scale] + """Test saving and reloading a builtin kernel to/from disk.""" + # Example layer weights: [_amplitude_basis, _length_scale_basis] example_weights = [np.array(2.0), np.array(3.0)] save_dir = tmp_path / "kernel" orig_kernel = kernel_type() orig_kernel.set_weights(example_weights) orig_kernel.save(save_dir) - loaded_kernel = load_kernel(save_dir) + orig_amplitude = orig_kernel.amplitude + orig_length_scale = orig_kernel.length_scale + + loaded_kernel: AmpAndLengthScaleFn = load_kernel(save_dir) assert isinstance(loaded_kernel, kernel_type) loaded_weights = loaded_kernel.get_weights() assert loaded_weights == example_weights + + loaded_amp = loaded_kernel.amplitude.numpy() + loaded_ls = loaded_kernel.length_scale.numpy() + assert loaded_amp == pytest.approx(orig_amplitude) + assert loaded_ls == pytest.approx(orig_length_scale) diff --git a/tests/test_meg_utils.py b/tests/test_meg_utils.py new file mode 100644 index 0000000..024532f --- /dev/null +++ b/tests/test_meg_utils.py @@ -0,0 +1,51 @@ +"""Test for the MEGNet utilities module""" +import os + + +os.environ["CUDA_DEVICE_ORDER"] = "PCI_BUS_ID" +os.environ["CUDA_VISIBLE_DEVICES"] = "" + +from pathlib import Path + +import numpy as np +import pytest +from megnet.models.megnet import MEGNetModel +from megnet.utils.preprocessing import Scaler +from unlocknn.megnet_utils import create_megnet_input + +from .utils import datadir, load_df_head + + +class ExampleScaler(Scaler): + """An example scaler for testing. + + Performs transforming by dividing by number of atoms, + and inverse transforming by multiplying. + + """ + def transform(self, target: np.ndarray, n: int = 1) -> np.ndarray: + return target / n + + def inverse_transform(self, transformed_target: np.ndarray, n: int = 1) -> np.ndarray: + return transformed_target * n + +def test_input_with_scaler(datadir: Path): + """Test input generation.""" + binary_dir = datadir / "mp_binary_on_hull.pkl" + binary_df = load_df_head(binary_dir) + + meg_model = MEGNetModel.from_file(str(datadir / "formation_energy.hdf5")) + meg_model.target_scaler = ExampleScaler() + + input_gen, _ = create_megnet_input( + meg_model, + binary_df["structure"], + binary_df["formation_energy_per_atom"], + batch_size=100, # We have just one batch + shuffle=False + ) + + # Get first batch (the whole input) + _, scaled_targets = input_gen.__getitem__(0) + # Check targets are scaled + scaled_targets == pytest.approx(binary_df["formation_energy_per_atom"] / binary_df["num_atoms"], rel=1e-6) diff --git a/tests/test_meg_utils/formation_energy.hdf5 b/tests/test_meg_utils/formation_energy.hdf5 new file mode 100644 index 0000000..86b1cc4 Binary files /dev/null and b/tests/test_meg_utils/formation_energy.hdf5 differ diff --git a/tests/test_meg_utils/formation_energy.hdf5.json b/tests/test_meg_utils/formation_energy.hdf5.json new file mode 100644 index 0000000..5b2f386 --- /dev/null +++ b/tests/test_meg_utils/formation_energy.hdf5.json @@ -0,0 +1,8 @@ +{"graph_converter": {"@module": "megnet.data.crystal", "@class": "CrystalGraph", "atom_converter": {"@module": "megnet.data.graph", "@class": "DummyConverter"}, "bond_converter": {"@module": "megnet.data.graph", "@class": "GaussianDistance", "centers": {"@module": "numpy", "@class": "array", "dtype": "float64", "data": [0.0, 0.06060606060606061, 0.12121212121212122, 0.18181818181818182, 0.24242424242424243, 0.30303030303030304, 0.36363636363636365, 0.42424242424242425, 0.48484848484848486, 0.5454545454545454, 0.6060606060606061, 0.6666666666666667, 0.7272727272727273, 0.7878787878787878, 0.8484848484848485, 0.9090909090909092, 0.9696969696969697, 1.0303030303030303, 1.0909090909090908, 1.1515151515151516, 1.2121212121212122, 1.2727272727272727, 1.3333333333333335, 1.393939393939394, 1.4545454545454546, 1.5151515151515151, 1.5757575757575757, 1.6363636363636365, 1.696969696969697, 1.7575757575757576, 1.8181818181818183, 1.878787878787879, 1.9393939393939394, 2.0, 2.0606060606060606, 2.121212121212121, 2.1818181818181817, 2.2424242424242427, 2.303030303030303, 2.3636363636363638, 2.4242424242424243, 2.484848484848485, 2.5454545454545454, 2.606060606060606, 2.666666666666667, 2.7272727272727275, 2.787878787878788, 2.8484848484848486, 2.909090909090909, 2.9696969696969697, 3.0303030303030303, 3.090909090909091, 3.1515151515151514, 3.2121212121212124, 3.272727272727273, 3.3333333333333335, 3.393939393939394, 3.4545454545454546, 3.515151515151515, 3.5757575757575757, 3.6363636363636367, 3.6969696969696972, 3.757575757575758, 3.8181818181818183, 3.878787878787879, 3.9393939393939394, 4.0, 4.0606060606060606, 4.121212121212121, 4.181818181818182, 4.242424242424242, 4.303030303030303, 4.363636363636363, 4.424242424242425, 4.484848484848485, 4.545454545454546, 4.606060606060606, 4.666666666666667, 4.7272727272727275, 4.787878787878788, 4.848484848484849, 4.909090909090909, 4.96969696969697, 5.03030303030303, 5.090909090909091, 5.151515151515151, 5.212121212121212, 5.2727272727272725, 5.333333333333334, 5.3939393939393945, 5.454545454545455, 5.515151515151516, 5.575757575757576, 5.636363636363637, 5.696969696969697, 5.757575757575758, 5.818181818181818, 5.878787878787879, 5.9393939393939394, 6.0]}, "width": 0.5}, "cutoff": 5.0}, + "metadata": {"name": "Formation energy", + "unit": "eV/atom", + "metric": "mae", + "metric value": 0.026, + "training dataset": "mp-2019.4.1", + "description": "This model was trained using structures and formation energy of Materials Project data base downloaded on April 1, 2019. The total data size is 133420. The model was trained by a 0.8-0.1-0.1, train, validation and test data ratio"} +} \ No newline at end of file diff --git a/tests/test_meg_utils/mp_binary_on_hull.pkl b/tests/test_meg_utils/mp_binary_on_hull.pkl new file mode 100644 index 0000000..18cb1b2 Binary files /dev/null and b/tests/test_meg_utils/mp_binary_on_hull.pkl differ diff --git a/tests/test_metrics.py b/tests/test_metrics.py new file mode 100644 index 0000000..2d3cee6 --- /dev/null +++ b/tests/test_metrics.py @@ -0,0 +1,58 @@ + +"""Test metrics.""" +import os +from typing import Callable, List, NamedTuple + +os.environ["CUDA_DEVICE_ORDER"] = "PCI_BUS_ID" +os.environ["CUDA_VISIBLE_DEVICES"] = "" + +import pytest +from unlocknn.megnet_utils import Targets +from unlocknn.metrics import neg_log_likelihood, MAE, MSE, RMSE, variation, sharpness + +class ToyData(NamedTuple): + """Container for some example data.""" + + predictions: Targets + stddevs: Targets + true_vals: Targets + +class ExpectedMetrics(NamedTuple): + """Container for expected values for metrics.""" + + nll: float + mae: float + mse: float + rmse: float + sharpness: float + variation: float + +# This list should match the order for ExpectedMetrics +METRICS_TEST_ORDER: List[Callable[[Targets, Targets, Targets], float]] = [ + neg_log_likelihood, + MAE, + MSE, + RMSE, + sharpness, + variation +] + +TEST_DATA: List[ToyData] = [ + ToyData([0.0, 1.0, 2.0], [1.0, 2.0, 3.0], [0.0, 1.0, 2.0]), + ToyData([0.0, 1.0, 2.0], [1.0, 2.0, 3.0], [-1.0, 1.0, 2.0]), + ToyData([0.0, 1.0, 2.0], [1.0, 1.0, 3.0], [1.0, 1.0, 2.0]), +] + +# TODO: WIP Metrics values! +TEST_EXPECTED: List[ExpectedMetrics] = [ + ExpectedMetrics(4.5486, 0.0, 0.0, 0.0, 2.1602, 0.5), + ExpectedMetrics(5.0486, 1/3, 1/3, 0.57735, 2.1602, 0.5), + ExpectedMetrics(4.3554, 1/3, 1/3, 0.57735, 1.9149, 0.69282), +] + + +@pytest.mark.parametrize("toy_data,expected", zip(TEST_DATA, TEST_EXPECTED)) +def test_metrics(toy_data: ToyData, expected: ExpectedMetrics): + """Test that the metrics for the toy data match expected values.""" + for metric, expected_value in zip(METRICS_TEST_ORDER, expected): + assert metric(*toy_data) == pytest.approx(expected_value, abs=1e-4) diff --git a/tests/test_model.py b/tests/test_model.py index f03f85b..d5cbafd 100644 --- a/tests/test_model.py +++ b/tests/test_model.py @@ -1,115 +1,169 @@ """Test model features.""" import os -os.environ["CUDA_DEVICE_ORDER"] = "PCI_BUS_ID" # see issue #152 +os.environ["CUDA_DEVICE_ORDER"] = "PCI_BUS_ID" os.environ["CUDA_VISIBLE_DEVICES"] = "" import random as python_random -from distutils import dir_util -from math import floor +from collections import Counter from pathlib import Path -from typing import List, Tuple +from typing import List, Set import numpy as np -import pandas as pd import pytest import tensorflow as tf from megnet.models import MEGNetModel +from pymatgen.core.structure import Structure from unlocknn import MEGNetProbModel from unlocknn.initializers import SampleInitializer +from unlocknn.megnet_utils import MEGNetGraph + +from .utils import (SplitData, datadir, load_df_head, train_test_split, + weights_equal) np.random.seed(123) python_random.seed(123) tf.random.set_seed(123) -@pytest.fixture -def datadir(tmpdir, request): - """Access data directory. - - Fixture responsible for searching a folder with the same name of test - module and, if available, moving all contents to a temporary directory so - tests can use them freely. +def structs_to_graphs(meg_model: MEGNetModel, structures: List[Structure]) -> List[MEGNetGraph]: + """Convert Structures to graphs.""" + dummy_targets = [0.0] * len(structures) + return meg_model.get_all_graphs_targets(structures, dummy_targets)[0] - Source: https://stackoverflow.com/a/29631801/ +def find_duplicate_weights(prob_model: MEGNetProbModel) -> Set[str]: + """Find duplicate weight names.""" + count = Counter(weight.name for weight in prob_model.model.weights) + return set(pair[0] for pair in count.items() if pair[1] > 1) +@pytest.fixture +def split_data(datadir: Path) -> SplitData: + """Get some example data, split into training and test subsets. + + Returns: + train_structs + + train_targets + + test_structs + + test_targets + """ - filename = request.module.__file__ - test_dir, _ = os.path.splitext(filename) - - if os.path.isdir(test_dir): - dir_util.copy_tree(test_dir, str(tmpdir)) - - return tmpdir - + binary_dir = datadir / "mp_binary_on_hull.pkl" + binary_df = load_df_head(binary_dir) + structures = binary_df["structure"].tolist() + formation_energies = binary_df["formation_energy_per_atom"].tolist() -def weights_equal(weights_a: List[np.ndarray], weights_b: List[np.ndarray]) -> bool: - """Check equality between weights.""" - return all( - (weight1 == weight2).all() for weight1, weight2 in zip(weights_a, weights_b) + return train_test_split( + structures, formation_energies ) -def train_test_split( - structures: list, targets: list, train_frac: float = 0.8 -) -> Tuple[Tuple[list, list], Tuple[list, list]]: - """Split structures and targets into training and testing subsets.""" - num_train = floor(len(structures) * train_frac) - return ( - (structures[:num_train], targets[:num_train]), - (structures[num_train:], targets[num_train:]), - ) +def test_sample_init(datadir: Path, split_data: SplitData): + """Test the SampleInitializer.""" + megnet_e_form_model = MEGNetModel.from_file(str(datadir / "formation_energy.hdf5")) + (train_structs, _), (_, _) = split_data + + initializer = SampleInitializer(train_structs, megnet_e_form_model, batch_size=32) + MEGNetProbModel(megnet_e_form_model, 10, index_initializer=initializer) + # If this works without any errors, we're doing OK -def test_sample_init(datadir: Path): - """Test the SampleInitializer.""" +@pytest.mark.parametrize("use_norm", [True, False]) +def test_model_reload(tmp_path: Path, datadir: Path, use_norm: bool): + """Test saving and reloading a model from disk. + + Asserts weight equality. + + """ + save_dir = tmp_path / ("norm_model" if use_norm else "unnorm_model") megnet_e_form_model = MEGNetModel.from_file(str(datadir / "formation_energy.hdf5")) - binary_dir = datadir / "mp_binary_on_hull.pkl" + prob_model = MEGNetProbModel(megnet_e_form_model, 10, use_normalization=use_norm) - try: - binary_df = pd.read_pickle(binary_dir)[:100] - except ValueError: - # Older python version - import pickle5 as pkl + prob_model.save(save_dir, ckpt_path=None) + loaded_model = MEGNetProbModel.load(save_dir, load_ckpt=False) + assert weights_equal( + prob_model.model.get_weights(), loaded_model.model.get_weights() + ) - with binary_dir.open("rb") as f: - binary_df = pkl.load(f) +@pytest.mark.parametrize("use_graphs", [True, False]) +@pytest.mark.parametrize("use_norm", [True, False]) +def test_model_prediction(datadir: Path, split_data: SplitData, use_norm: bool, use_graphs: bool): + """Test that model prediction has expected dimensions.""" + model_name = "prob_e_form_" + ("" if use_norm else "un") + "norm" + prob_model = MEGNetProbModel.load(datadir / model_name, load_ckpt=False) + (train_structs, _), (_, _) = split_data + train_input = structs_to_graphs(prob_model.meg_model, train_structs) if use_graphs else train_structs - structures = binary_df["structure"].tolist() - formation_energies = binary_df["formation_energy_per_atom"].tolist() + prob_model.update_pred_model() - (train_structs, _), (_, _) = train_test_split(structures, formation_energies) - initializer = SampleInitializer(train_structs, megnet_e_form_model, batch_size=32) - MEGNetProbModel(megnet_e_form_model, 10, index_initializer=initializer) - # If this works without any errors, we're doing OK + prediction, stddev = prob_model.predict(train_input, batch_size=16) + # Arrays should have the same shape: flat, with one entry per structure + expected_shape = (len(train_structs),) + assert prediction.shape == expected_shape + assert stddev.shape == expected_shape + +@pytest.mark.parametrize("use_graphs", [True, False]) @pytest.mark.parametrize("use_norm", [True, False]) -def test_meg_prob(tmp_path: Path, datadir: Path, use_norm: bool): - """Test creation, training and I/O of a `MEGNetProbModel`.""" +def test_model_training(tmp_path: Path, datadir: Path, split_data: SplitData, use_norm: bool, use_graphs: bool): + """Test training then saving a model. + + Check if expected weights update/are frozen. Saves model after training to + check that checkpoints are handled correctly. + + """ save_dir = tmp_path / ("norm_model" if use_norm else "unnorm_model") ckpt_path = tmp_path / "checkpoint.h5" - megnet_e_form_model = MEGNetModel.from_file(str(datadir / "formation_energy.hdf5")) - binary_dir = datadir / "mp_binary_on_hull.pkl" + model_name = "prob_e_form_{}norm".format("" if use_norm else "un") + (train_structs, train_targets), (test_structs, test_targets) = split_data + last_nn_idx = -2 if use_norm else -1 - try: - binary_df = pd.read_pickle(binary_dir)[:100] - except ValueError: - # Older python version - import pickle5 as pkl + prob_model = MEGNetProbModel.load(datadir / model_name, load_ckpt=False) + train_input = structs_to_graphs(prob_model.meg_model, train_structs) if use_graphs else train_structs + test_input = structs_to_graphs(prob_model.meg_model, test_structs) if use_graphs else test_structs - with binary_dir.open("rb") as f: - binary_df = pkl.load(f) + for layer in prob_model.model.layers: + print(layer.name) - structures = binary_df["structure"].tolist() - formation_energies = binary_df["formation_energy_per_atom"].tolist() + init_weights = [layer.get_weights() for layer in prob_model.model.layers] + init_nn_weights = init_weights[:last_nn_idx] + init_uq_weights = init_weights[last_nn_idx:] - (train_structs, train_targets), (test_structs, test_targets) = train_test_split( - structures, formation_energies + # For initial training, we expect the weights before the + # `Norm`/`VGP` layers to be frozen initially, so these shouldn't change. + # The rest should, as the model isn't optimised. + prob_model.train( + train_input, train_targets, 1, test_input, test_targets, batch_size=32, ckpt_path=ckpt_path ) + + final_weights = [layer.get_weights() for layer in prob_model.model.layers] + final_nn_weights = final_weights[:last_nn_idx] + final_uq_weights = final_weights[last_nn_idx:] + + for init_nn_weight, final_nn_weight in zip(init_nn_weights, final_nn_weights): + assert weights_equal(init_nn_weight, final_nn_weight) + + for init_uq_weight, final_uq_weight in zip(init_uq_weights, final_uq_weights): + assert not weights_equal(init_uq_weight, final_uq_weight) + + # * Test saving the model + # If this runs without errors, we're OK. + prob_model.save(save_dir, ckpt_path=ckpt_path) + +@pytest.mark.parametrize("use_norm", [True, False]) +def test_meg_weights_preserved(datadir: Path, use_norm: bool): + """Test that the MEGNet weights are correctly transferred to a MEGNetProbModel.""" + megnet_e_form_model = MEGNetModel.from_file(str(datadir / "formation_energy.hdf5")) + + # * Initialize model prob_model = MEGNetProbModel(megnet_e_form_model, 10, use_normalization=use_norm) - # Test weights equality + # * Test weights equality + # Ensure that the weights of the model that we copied over are unchanged + # and in the correct layers. last_nn_idx = -2 if use_norm else -1 meg_nn_weights = [ layer.get_weights() for layer in megnet_e_form_model.model.layers[:-1] @@ -120,30 +174,50 @@ def test_meg_prob(tmp_path: Path, datadir: Path, use_norm: bool): for meg_layer, prob_layer in zip(meg_nn_weights, prob_model_nn_weights): assert weights_equal(meg_layer, prob_layer) - init_performance = prob_model.evaluate(test_structs, test_targets) - init_loss = init_performance["loss"] - - # Test training without validation - prob_model.train( - train_structs, train_targets, 1, batch_size=32, ckpt_path=ckpt_path - ) - # Test training with validation - prob_model.train( - train_structs, - train_targets, - 1, - test_structs, - test_targets, - batch_size=32, - ckpt_path=ckpt_path, - ) - - # Save and reload model from disk - prob_model.save(save_dir, ckpt_path=ckpt_path) - loaded_model = MEGNetProbModel.load(save_dir, load_ckpt=False) - assert weights_equal( - prob_model.model.get_weights(), loaded_model.model.get_weights() - ) - - # Test prediction - prob_model.predict(train_structs, batch_size=32) +@pytest.mark.parametrize("use_norm", [True, False]) +def test_freezing(datadir: Path, use_norm: bool): + """Test that model layers can be frozen and thawed. + + Also ensure that no weight names are duplicated during this process. + + """ + model_name = "prob_e_form_" + ("" if use_norm else "un") + "norm" + prob_model = MEGNetProbModel.load(datadir / model_name, load_ckpt=False) + + # Loaded model should have NN frozen and VGP and Norm unfrozen + assert prob_model.nn_frozen + assert not prob_model.vgp_frozen + if use_norm: + assert prob_model.norm_frozen is False + else: + assert prob_model.norm_frozen is None + + # Try freezing/thawing + prob_model.set_frozen("VGP") + assert prob_model.vgp_frozen + + # Test thawing with a single item list + prob_model.set_frozen(["VGP"], False) + assert not prob_model.vgp_frozen + + # Test error handling + if use_norm: + prob_model.set_frozen("Norm") + assert prob_model.norm_frozen + else: + with pytest.raises(ValueError): + prob_model.set_frozen("Norm") + + # Test thawing with a list + prob_model.set_frozen(["NN", "VGP"], False) + assert not prob_model.nn_frozen + assert not prob_model.vgp_frozen + + # Now in two steps + prob_model.set_frozen(["VGP"], recompile=False) + prob_model.set_frozen(["NN"], freeze=False) + assert not prob_model.nn_frozen + assert prob_model.vgp_frozen + + duplicate_names = find_duplicate_weights(prob_model) + assert len(duplicate_names) == 0 \ No newline at end of file diff --git a/tests/test_model/prob_e_form_norm/checkpoint b/tests/test_model/prob_e_form_norm/checkpoint new file mode 100644 index 0000000..efd0621 --- /dev/null +++ b/tests/test_model/prob_e_form_norm/checkpoint @@ -0,0 +1,2 @@ +model_checkpoint_path: "weights" +all_model_checkpoint_paths: "weights" diff --git a/tests/test_model/prob_e_form_norm/config.json b/tests/test_model/prob_e_form_norm/config.json new file mode 100644 index 0000000..e237cb9 --- /dev/null +++ b/tests/test_model/prob_e_form_norm/config.json @@ -0,0 +1 @@ +{"num_inducing_points": 10, "metrics": [], "kl_weight": 1.0, "latent_layer": -2, "target_shape": [1], "use_normalization": true} \ No newline at end of file diff --git a/tests/test_model/prob_e_form_norm/kernel/config.json b/tests/test_model/prob_e_form_norm/kernel/config.json new file mode 100644 index 0000000..b8a0da1 --- /dev/null +++ b/tests/test_model/prob_e_form_norm/kernel/config.json @@ -0,0 +1 @@ +{"type": "rbf"} \ No newline at end of file diff --git a/tests/test_model/prob_e_form_norm/kernel/params.npy b/tests/test_model/prob_e_form_norm/kernel/params.npy new file mode 100644 index 0000000..6d8806c Binary files /dev/null and b/tests/test_model/prob_e_form_norm/kernel/params.npy differ diff --git a/tests/test_model/prob_e_form_norm/megnet.json b/tests/test_model/prob_e_form_norm/megnet.json new file mode 100644 index 0000000..c931337 --- /dev/null +++ b/tests/test_model/prob_e_form_norm/megnet.json @@ -0,0 +1 @@ +{"graph_converter": {"@module": "megnet.data.crystal", "@class": "CrystalGraph", "@version": "1.2.8", "atom_converter": {"@module": "megnet.data.graph", "@class": "DummyConverter", "@version": "1.2.8"}, "bond_converter": {"@module": "megnet.data.graph", "@class": "GaussianDistance", "@version": "1.2.8", "centers": {"@module": "numpy", "@class": "array", "dtype": "float64", "data": [0.0, 0.06060606060606061, 0.12121212121212122, 0.18181818181818182, 0.24242424242424243, 0.30303030303030304, 0.36363636363636365, 0.42424242424242425, 0.48484848484848486, 0.5454545454545454, 0.6060606060606061, 0.6666666666666667, 0.7272727272727273, 0.7878787878787878, 0.8484848484848485, 0.9090909090909092, 0.9696969696969697, 1.0303030303030303, 1.0909090909090908, 1.1515151515151516, 1.2121212121212122, 1.2727272727272727, 1.3333333333333335, 1.393939393939394, 1.4545454545454546, 1.5151515151515151, 1.5757575757575757, 1.6363636363636365, 1.696969696969697, 1.7575757575757576, 1.8181818181818183, 1.878787878787879, 1.9393939393939394, 2.0, 2.0606060606060606, 2.121212121212121, 2.1818181818181817, 2.2424242424242427, 2.303030303030303, 2.3636363636363638, 2.4242424242424243, 2.484848484848485, 2.5454545454545454, 2.606060606060606, 2.666666666666667, 2.7272727272727275, 2.787878787878788, 2.8484848484848486, 2.909090909090909, 2.9696969696969697, 3.0303030303030303, 3.090909090909091, 3.1515151515151514, 3.2121212121212124, 3.272727272727273, 3.3333333333333335, 3.393939393939394, 3.4545454545454546, 3.515151515151515, 3.5757575757575757, 3.6363636363636367, 3.6969696969696972, 3.757575757575758, 3.8181818181818183, 3.878787878787879, 3.9393939393939394, 4.0, 4.0606060606060606, 4.121212121212121, 4.181818181818182, 4.242424242424242, 4.303030303030303, 4.363636363636363, 4.424242424242425, 4.484848484848485, 4.545454545454546, 4.606060606060606, 4.666666666666667, 4.7272727272727275, 4.787878787878788, 4.848484848484849, 4.909090909090909, 4.96969696969697, 5.03030303030303, 5.090909090909091, 5.151515151515151, 5.212121212121212, 5.2727272727272725, 5.333333333333334, 5.3939393939393945, 5.454545454545455, 5.515151515151516, 5.575757575757576, 5.636363636363637, 5.696969696969697, 5.757575757575758, 5.818181818181818, 5.878787878787879, 5.9393939393939394, 6.0]}, "width": 0.5}, "cutoff": 5.0, "nn_strategy": {"@module": "megnet.data.local_env", "@class": "MinimumDistanceNNAll", "cutoff": 5.0}}, "target_scaler": {"@module": "megnet.utils.preprocessing", "@class": "DummyScaler", "@version": "1.2.8"}, "metadata": {"name": "Formation energy", "unit": "eV/atom", "metric": "mae", "metric value": 0.026, "training dataset": "mp-2019.4.1", "description": "This model was trained using structures and formation energy of Materials Project data base downloaded on April 1, 2019. The total data size is 133420. The model was trained by a 0.8-0.1-0.1, train, validation and test data ratio"}} \ No newline at end of file diff --git a/tests/test_model/prob_e_form_norm/megnet/keras_metadata.pb b/tests/test_model/prob_e_form_norm/megnet/keras_metadata.pb new file mode 100644 index 0000000..003327a --- /dev/null +++ b/tests/test_model/prob_e_form_norm/megnet/keras_metadata.pb @@ -0,0 +1,48 @@ + +root"_tf_keras_network*{"name": "model_1", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "must_restore_from_config": false, "class_name": "Functional", "config": {"name": "model_1", "layers": [{"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_1"}, "name": "input_1", "inbound_nodes": []}, {"class_name": "Embedding", "config": {"name": "embedding_1", "trainable": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "float32", "input_dim": 95, "output_dim": 16, "embeddings_initializer": {"class_name": "RandomUniform", "config": {"minval": -0.05, "maxval": 0.05, "seed": null}}, "embeddings_regularizer": null, "activity_regularizer": null, "embeddings_constraint": null, "mask_zero": false, "input_length": null}, "name": "embedding_1", "inbound_nodes": [[["input_1", 0, 0, {}]]]}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 100]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "input_2"}, "name": "input_2", "inbound_nodes": []}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 2]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "input_3"}, "name": "input_3", "inbound_nodes": []}, {"class_name": "Dense", "config": {"name": "dense_1", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_1", "inbound_nodes": [[["embedding_1", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_3", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_3", "inbound_nodes": [[["input_2", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_5", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_5", "inbound_nodes": [[["input_3", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_2", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_2", "inbound_nodes": [[["dense_1", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_4", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_4", "inbound_nodes": [[["dense_3", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_6", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_6", "inbound_nodes": [[["dense_5", 0, 0, {}]]]}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_4"}, "name": "input_4", "inbound_nodes": []}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_5"}, "name": "input_5", "inbound_nodes": []}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_6"}, "name": "input_6", "inbound_nodes": []}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_7"}, "name": "input_7", "inbound_nodes": []}, {"class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_1", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "name": "meg_net_layer_1", "inbound_nodes": [[["dense_2", 0, 0, {}], ["dense_4", 0, 0, {}], ["dense_6", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_1", "trainable": false, "dtype": "float32"}, "name": "add_1", "inbound_nodes": [[["dense_2", 0, 0, {}], ["meg_net_layer_1", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_2", "trainable": false, "dtype": "float32"}, "name": "add_2", "inbound_nodes": [[["dense_4", 0, 0, {}], ["meg_net_layer_1", 0, 1, {}]]]}, {"class_name": "Add", "config": {"name": "add_3", "trainable": false, "dtype": "float32"}, "name": "add_3", "inbound_nodes": [[["dense_6", 0, 0, {}], ["meg_net_layer_1", 0, 2, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_7", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_7", "inbound_nodes": [[["add_1", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_9", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_9", "inbound_nodes": [[["add_2", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_11", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_11", "inbound_nodes": [[["add_3", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_8", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_8", "inbound_nodes": [[["dense_7", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_10", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_10", "inbound_nodes": [[["dense_9", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_12", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_12", "inbound_nodes": [[["dense_11", 0, 0, {}]]]}, {"class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_2", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "name": "meg_net_layer_2", "inbound_nodes": [[["dense_8", 0, 0, {}], ["dense_10", 0, 0, {}], ["dense_12", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_4", "trainable": false, "dtype": "float32"}, "name": "add_4", "inbound_nodes": [[["add_1", 0, 0, {}], ["meg_net_layer_2", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_5", "trainable": false, "dtype": "float32"}, "name": "add_5", "inbound_nodes": [[["add_2", 0, 0, {}], ["meg_net_layer_2", 0, 1, {}]]]}, {"class_name": "Add", "config": {"name": "add_6", "trainable": false, "dtype": "float32"}, "name": "add_6", "inbound_nodes": [[["add_3", 0, 0, {}], ["meg_net_layer_2", 0, 2, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_13", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_13", "inbound_nodes": [[["add_4", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_15", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_15", "inbound_nodes": [[["add_5", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_17", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_17", "inbound_nodes": [[["add_6", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_14", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_14", "inbound_nodes": [[["dense_13", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_16", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_16", "inbound_nodes": [[["dense_15", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_18", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_18", "inbound_nodes": [[["dense_17", 0, 0, {}]]]}, {"class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_3", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "name": "meg_net_layer_3", "inbound_nodes": [[["dense_14", 0, 0, {}], ["dense_16", 0, 0, {}], ["dense_18", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_7", "trainable": false, "dtype": "float32"}, "name": "add_7", "inbound_nodes": [[["add_4", 0, 0, {}], ["meg_net_layer_3", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_8", "trainable": false, "dtype": "float32"}, "name": "add_8", "inbound_nodes": [[["add_5", 0, 0, {}], ["meg_net_layer_3", 0, 1, {}]]]}, {"class_name": "Set2Set", "config": {"name": "set2_set_1", "trainable": false, "dtype": "float32", "T": 2, "n_hidden": 16, "activation": "linear", "activation_lstm": "tanh", "recurrent_activation": "hard_sigmoid", "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "use_bias": true, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null}, "name": "set2_set_1", "inbound_nodes": [[["add_7", 0, 0, {}], ["input_6", 0, 0, {}]]]}, {"class_name": "Set2Set", "config": {"name": "set2_set_2", "trainable": false, "dtype": "float32", "T": 2, "n_hidden": 16, "activation": "linear", "activation_lstm": "tanh", "recurrent_activation": "hard_sigmoid", "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "use_bias": true, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null}, "name": "set2_set_2", "inbound_nodes": [[["add_8", 0, 0, {}], ["input_7", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_9", "trainable": false, "dtype": "float32"}, "name": "add_9", "inbound_nodes": [[["add_6", 0, 0, {}], ["meg_net_layer_3", 0, 2, {}]]]}, {"class_name": "Concatenate", "config": {"name": "concatenate_1", "trainable": false, "dtype": "float32", "axis": -1}, "name": "concatenate_1", "inbound_nodes": [[["set2_set_1", 0, 0, {}], ["set2_set_2", 0, 0, {}], ["add_9", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_19", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_19", "inbound_nodes": [[["concatenate_1", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_20", "trainable": false, "dtype": "float32", "units": 16, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_20", "inbound_nodes": [[["dense_19", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_21", "trainable": true, "dtype": "float32", "units": 1, "activation": "linear", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_21", "inbound_nodes": [[["dense_20", 0, 0, {}]]]}], "input_layers": [["input_1", 0, 0], ["input_2", 0, 0], ["input_3", 0, 0], ["input_4", 0, 0], ["input_5", 0, 0], ["input_6", 0, 0], ["input_7", 0, 0]], "output_layers": [["dense_21", 0, 0]]}, "shared_object_id": 99, "input_spec": [{"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null]}, "ndim": 2, "max_ndim": null, "min_ndim": null, "axes": {}}}, {"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null, 100]}, "ndim": 3, "max_ndim": null, "min_ndim": null, "axes": {}}}, {"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null, 2]}, "ndim": 3, "max_ndim": null, "min_ndim": null, "axes": {}}}, {"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null]}, "ndim": 2, "max_ndim": null, "min_ndim": null, "axes": {}}}, {"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null]}, "ndim": 2, "max_ndim": null, "min_ndim": null, "axes": {}}}, {"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null]}, "ndim": 2, "max_ndim": null, "min_ndim": null, "axes": {}}}, {"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null]}, "ndim": 2, "max_ndim": null, "min_ndim": null, "axes": {}}}], "build_input_shape": [{"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null, 100]}, {"class_name": "TensorShape", "items": [null, null, 2]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}], "is_graph_network": true, "full_save_spec": {"class_name": "__tuple__", "items": [[[{"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_1"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null, 100]}, "float32", "input_2"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null, 2]}, "float32", "input_3"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_4"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_5"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_6"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_7"]}]], {}]}, "save_spec": [{"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_1"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null, 100]}, "float32", "input_2"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null, 2]}, "float32", "input_3"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_4"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_5"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_6"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_7"]}], "keras_version": "2.6.0", "backend": "tensorflow", "model_config": {"class_name": "Functional", "config": {"name": "model_1", "layers": [{"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_1"}, "name": "input_1", "inbound_nodes": [], "shared_object_id": 0}, {"class_name": "Embedding", "config": {"name": "embedding_1", "trainable": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "float32", "input_dim": 95, "output_dim": 16, "embeddings_initializer": {"class_name": "RandomUniform", "config": {"minval": -0.05, "maxval": 0.05, "seed": null}, "shared_object_id": 1}, "embeddings_regularizer": null, "activity_regularizer": null, "embeddings_constraint": null, "mask_zero": false, "input_length": null}, "name": "embedding_1", "inbound_nodes": [[["input_1", 0, 0, {}]]], "shared_object_id": 2}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 100]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "input_2"}, "name": "input_2", "inbound_nodes": [], "shared_object_id": 3}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 2]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "input_3"}, "name": "input_3", "inbound_nodes": [], "shared_object_id": 4}, {"class_name": "Dense", "config": {"name": "dense_1", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 5}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 6}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_1", "inbound_nodes": [[["embedding_1", 0, 0, {}]]], "shared_object_id": 7}, {"class_name": "Dense", "config": {"name": "dense_3", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 8}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 9}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_3", "inbound_nodes": [[["input_2", 0, 0, {}]]], "shared_object_id": 10}, {"class_name": "Dense", "config": {"name": "dense_5", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 11}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 12}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_5", "inbound_nodes": [[["input_3", 0, 0, {}]]], "shared_object_id": 13}, {"class_name": "Dense", "config": {"name": "dense_2", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 14}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 15}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_2", "inbound_nodes": [[["dense_1", 0, 0, {}]]], "shared_object_id": 16}, {"class_name": "Dense", "config": {"name": "dense_4", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 17}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 18}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_4", "inbound_nodes": [[["dense_3", 0, 0, {}]]], "shared_object_id": 19}, {"class_name": "Dense", "config": {"name": "dense_6", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 20}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 21}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_6", "inbound_nodes": [[["dense_5", 0, 0, {}]]], "shared_object_id": 22}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_4"}, "name": "input_4", "inbound_nodes": [], "shared_object_id": 23}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_5"}, "name": "input_5", "inbound_nodes": [], "shared_object_id": 24}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_6"}, "name": "input_6", "inbound_nodes": [], "shared_object_id": 25}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_7"}, "name": "input_7", "inbound_nodes": [], "shared_object_id": 26}, {"class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_1", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 27}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 28}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "name": "meg_net_layer_1", "inbound_nodes": [[["dense_2", 0, 0, {}], ["dense_4", 0, 0, {}], ["dense_6", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 29}, {"class_name": "Add", "config": {"name": "add_1", "trainable": false, "dtype": "float32"}, "name": "add_1", "inbound_nodes": [[["dense_2", 0, 0, {}], ["meg_net_layer_1", 0, 0, {}]]], "shared_object_id": 30}, {"class_name": "Add", "config": {"name": "add_2", "trainable": false, "dtype": "float32"}, "name": "add_2", "inbound_nodes": [[["dense_4", 0, 0, {}], ["meg_net_layer_1", 0, 1, {}]]], "shared_object_id": 31}, {"class_name": "Add", "config": {"name": "add_3", "trainable": false, "dtype": "float32"}, "name": "add_3", "inbound_nodes": [[["dense_6", 0, 0, {}], ["meg_net_layer_1", 0, 2, {}]]], "shared_object_id": 32}, {"class_name": "Dense", "config": {"name": "dense_7", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 33}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 34}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_7", "inbound_nodes": [[["add_1", 0, 0, {}]]], "shared_object_id": 35}, {"class_name": "Dense", "config": {"name": "dense_9", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 36}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 37}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_9", "inbound_nodes": [[["add_2", 0, 0, {}]]], "shared_object_id": 38}, {"class_name": "Dense", "config": {"name": "dense_11", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 39}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 40}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_11", "inbound_nodes": [[["add_3", 0, 0, {}]]], "shared_object_id": 41}, {"class_name": "Dense", "config": {"name": "dense_8", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 42}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 43}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_8", "inbound_nodes": [[["dense_7", 0, 0, {}]]], "shared_object_id": 44}, {"class_name": "Dense", "config": {"name": "dense_10", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 45}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 46}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_10", "inbound_nodes": [[["dense_9", 0, 0, {}]]], "shared_object_id": 47}, {"class_name": "Dense", "config": {"name": "dense_12", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 48}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 49}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_12", "inbound_nodes": [[["dense_11", 0, 0, {}]]], "shared_object_id": 50}, {"class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_2", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 51}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 52}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "name": "meg_net_layer_2", "inbound_nodes": [[["dense_8", 0, 0, {}], ["dense_10", 0, 0, {}], ["dense_12", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 53}, {"class_name": "Add", "config": {"name": "add_4", "trainable": false, "dtype": "float32"}, "name": "add_4", "inbound_nodes": [[["add_1", 0, 0, {}], ["meg_net_layer_2", 0, 0, {}]]], "shared_object_id": 54}, {"class_name": "Add", "config": {"name": "add_5", "trainable": false, "dtype": "float32"}, "name": "add_5", "inbound_nodes": [[["add_2", 0, 0, {}], ["meg_net_layer_2", 0, 1, {}]]], "shared_object_id": 55}, {"class_name": "Add", "config": {"name": "add_6", "trainable": false, "dtype": "float32"}, "name": "add_6", "inbound_nodes": [[["add_3", 0, 0, {}], ["meg_net_layer_2", 0, 2, {}]]], "shared_object_id": 56}, {"class_name": "Dense", "config": {"name": "dense_13", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 57}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 58}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_13", "inbound_nodes": [[["add_4", 0, 0, {}]]], "shared_object_id": 59}, {"class_name": "Dense", "config": {"name": "dense_15", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 60}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 61}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_15", "inbound_nodes": [[["add_5", 0, 0, {}]]], "shared_object_id": 62}, {"class_name": "Dense", "config": {"name": "dense_17", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 63}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 64}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_17", "inbound_nodes": [[["add_6", 0, 0, {}]]], "shared_object_id": 65}, {"class_name": "Dense", "config": {"name": "dense_14", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 66}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 67}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_14", "inbound_nodes": [[["dense_13", 0, 0, {}]]], "shared_object_id": 68}, {"class_name": "Dense", "config": {"name": "dense_16", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 69}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 70}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_16", "inbound_nodes": [[["dense_15", 0, 0, {}]]], "shared_object_id": 71}, {"class_name": "Dense", "config": {"name": "dense_18", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 72}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 73}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_18", "inbound_nodes": [[["dense_17", 0, 0, {}]]], "shared_object_id": 74}, {"class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_3", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 75}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 76}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "name": "meg_net_layer_3", "inbound_nodes": [[["dense_14", 0, 0, {}], ["dense_16", 0, 0, {}], ["dense_18", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 77}, {"class_name": "Add", "config": {"name": "add_7", "trainable": false, "dtype": "float32"}, "name": "add_7", "inbound_nodes": [[["add_4", 0, 0, {}], ["meg_net_layer_3", 0, 0, {}]]], "shared_object_id": 78}, {"class_name": "Add", "config": {"name": "add_8", "trainable": false, "dtype": "float32"}, "name": "add_8", "inbound_nodes": [[["add_5", 0, 0, {}], ["meg_net_layer_3", 0, 1, {}]]], "shared_object_id": 79}, {"class_name": "Set2Set", "config": {"name": "set2_set_1", "trainable": false, "dtype": "float32", "T": 2, "n_hidden": 16, "activation": "linear", "activation_lstm": "tanh", "recurrent_activation": "hard_sigmoid", "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 80}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 81}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 82}, "use_bias": true, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null}, "name": "set2_set_1", "inbound_nodes": [[["add_7", 0, 0, {}], ["input_6", 0, 0, {}]]], "shared_object_id": 83}, {"class_name": "Set2Set", "config": {"name": "set2_set_2", "trainable": false, "dtype": "float32", "T": 2, "n_hidden": 16, "activation": "linear", "activation_lstm": "tanh", "recurrent_activation": "hard_sigmoid", "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 84}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 85}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 86}, "use_bias": true, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null}, "name": "set2_set_2", "inbound_nodes": [[["add_8", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 87}, {"class_name": "Add", "config": {"name": "add_9", "trainable": false, "dtype": "float32"}, "name": "add_9", "inbound_nodes": [[["add_6", 0, 0, {}], ["meg_net_layer_3", 0, 2, {}]]], "shared_object_id": 88}, {"class_name": "Concatenate", "config": {"name": "concatenate_1", "trainable": false, "dtype": "float32", "axis": -1}, "name": "concatenate_1", "inbound_nodes": [[["set2_set_1", 0, 0, {}], ["set2_set_2", 0, 0, {}], ["add_9", 0, 0, {}]]], "shared_object_id": 89}, {"class_name": "Dense", "config": {"name": "dense_19", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 90}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 91}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_19", "inbound_nodes": [[["concatenate_1", 0, 0, {}]]], "shared_object_id": 92}, {"class_name": "Dense", "config": {"name": "dense_20", "trainable": false, "dtype": "float32", "units": 16, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 93}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 94}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_20", "inbound_nodes": [[["dense_19", 0, 0, {}]]], "shared_object_id": 95}, {"class_name": "Dense", "config": {"name": "dense_21", "trainable": true, "dtype": "float32", "units": 1, "activation": "linear", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 96}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 97}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_21", "inbound_nodes": [[["dense_20", 0, 0, {}]]], "shared_object_id": 98}], "input_layers": [["input_1", 0, 0], ["input_2", 0, 0], ["input_3", 0, 0], ["input_4", 0, 0], ["input_5", 0, 0], ["input_6", 0, 0], ["input_7", 0, 0]], "output_layers": [["dense_21", 0, 0]]}}, "training_config": {"loss": "mean_squared_error", "metrics": [[]], "weighted_metrics": null, "loss_weights": null, "optimizer_config": {"class_name": "Adam", "config": {"name": "Adam", "learning_rate": 0.0010000000474974513, "decay": 0.0, "beta_1": 0.8999999761581421, "beta_2": 0.9990000128746033, "epsilon": 1e-07, "amsgrad": false}}}}2 + root.layer-0"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_1", "dtype": "int32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_1"}}2 +root.layer_with_weights-0"_tf_keras_layer*{"name": "embedding_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "stateful": false, "must_restore_from_config": false, "class_name": "Embedding", "config": {"name": "embedding_1", "trainable": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "float32", "input_dim": 95, "output_dim": 16, "embeddings_initializer": {"class_name": "RandomUniform", "config": {"minval": -0.05, "maxval": 0.05, "seed": null}, "shared_object_id": 1}, "embeddings_regularizer": null, "activity_regularizer": null, "embeddings_constraint": null, "mask_zero": false, "input_length": null}, "inbound_nodes": [[["input_1", 0, 0, {}]]], "shared_object_id": 2, "build_input_shape": {"class_name": "TensorShape", "items": [null, null]}}2 + root.layer-2"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_2", "dtype": "float32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 100]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 100]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "input_2"}}2 + root.layer-3"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_3", "dtype": "float32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 2]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 2]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "input_3"}}2 +root.layer_with_weights-1"_tf_keras_layer*{"name": "dense_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_1", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 5}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 6}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["embedding_1", 0, 0, {}]]], "shared_object_id": 7, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 16}}, "shared_object_id": 107}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 16]}}2 +root.layer_with_weights-2"_tf_keras_layer*{"name": "dense_3", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_3", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 8}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 9}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["input_2", 0, 0, {}]]], "shared_object_id": 10, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 100}}, "shared_object_id": 108}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 100]}}2 +root.layer_with_weights-3"_tf_keras_layer*{"name": "dense_5", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_5", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 11}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 12}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["input_3", 0, 0, {}]]], "shared_object_id": 13, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 2}}, "shared_object_id": 109}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 2]}}2 +root.layer_with_weights-4"_tf_keras_layer*{"name": "dense_2", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_2", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 14}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 15}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_1", 0, 0, {}]]], "shared_object_id": 16, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 110}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 + root.layer_with_weights-5"_tf_keras_layer*{"name": "dense_4", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_4", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 17}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 18}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_3", 0, 0, {}]]], "shared_object_id": 19, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 111}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 + +root.layer_with_weights-6"_tf_keras_layer*{"name": "dense_6", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_6", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 20}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 21}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_5", 0, 0, {}]]], "shared_object_id": 22, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 112}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 +  root.layer-10"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_4", "dtype": "int32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_4"}}2 +  root.layer-11"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_5", "dtype": "int32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_5"}}2 +  root.layer-12"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_6", "dtype": "int32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_6"}}2 + root.layer-13"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_7", "dtype": "int32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_7"}}2 + root.layer_with_weights-7"_tf_keras_layer* {"name": "meg_net_layer_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_1", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 27}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 28}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "inbound_nodes": [[["dense_2", 0, 0, {}], ["dense_4", 0, 0, {}], ["dense_6", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 29, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}]}2 + root.layer-15"_tf_keras_layer*{"name": "add_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_1", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["dense_2", 0, 0, {}], ["meg_net_layer_1", 0, 0, {}]]], "shared_object_id": 30, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 + root.layer-16"_tf_keras_layer*{"name": "add_2", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_2", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["dense_4", 0, 0, {}], ["meg_net_layer_1", 0, 1, {}]]], "shared_object_id": 31, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 + root.layer-17"_tf_keras_layer*{"name": "add_3", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_3", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["dense_6", 0, 0, {}], ["meg_net_layer_1", 0, 2, {}]]], "shared_object_id": 32, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [1, null, 32]}]}2 +root.layer_with_weights-8"_tf_keras_layer*{"name": "dense_7", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_7", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 33}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 34}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_1", 0, 0, {}]]], "shared_object_id": 35, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 113}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 +root.layer_with_weights-9"_tf_keras_layer*{"name": "dense_9", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_9", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 36}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 37}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_2", 0, 0, {}]]], "shared_object_id": 38, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 114}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 +root.layer_with_weights-10"_tf_keras_layer*{"name": "dense_11", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_11", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 39}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 40}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_3", 0, 0, {}]]], "shared_object_id": 41, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 115}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 +root.layer_with_weights-11"_tf_keras_layer*{"name": "dense_8", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_8", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 42}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 43}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_7", 0, 0, {}]]], "shared_object_id": 44, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 116}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 +root.layer_with_weights-12"_tf_keras_layer*{"name": "dense_10", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_10", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 45}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 46}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_9", 0, 0, {}]]], "shared_object_id": 47, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 117}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 +root.layer_with_weights-13"_tf_keras_layer*{"name": "dense_12", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_12", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 48}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 49}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_11", 0, 0, {}]]], "shared_object_id": 50, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 118}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 + root.layer_with_weights-14"_tf_keras_layer* {"name": "meg_net_layer_2", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_2", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 51}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 52}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "inbound_nodes": [[["dense_8", 0, 0, {}], ["dense_10", 0, 0, {}], ["dense_12", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 53, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}]}2 + root.layer-25"_tf_keras_layer*{"name": "add_4", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_4", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["add_1", 0, 0, {}], ["meg_net_layer_2", 0, 0, {}]]], "shared_object_id": 54, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 + root.layer-26"_tf_keras_layer*{"name": "add_5", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_5", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["add_2", 0, 0, {}], ["meg_net_layer_2", 0, 1, {}]]], "shared_object_id": 55, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 + root.layer-27"_tf_keras_layer*{"name": "add_6", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_6", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["add_3", 0, 0, {}], ["meg_net_layer_2", 0, 2, {}]]], "shared_object_id": 56, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [1, null, 32]}]}2 +root.layer_with_weights-15"_tf_keras_layer*{"name": "dense_13", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_13", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 57}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 58}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_4", 0, 0, {}]]], "shared_object_id": 59, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 119}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 +root.layer_with_weights-16"_tf_keras_layer*{"name": "dense_15", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_15", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 60}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 61}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_5", 0, 0, {}]]], "shared_object_id": 62, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 120}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 +root.layer_with_weights-17"_tf_keras_layer*{"name": "dense_17", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_17", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 63}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 64}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_6", 0, 0, {}]]], "shared_object_id": 65, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 121}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 + root.layer_with_weights-18"_tf_keras_layer*{"name": "dense_14", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_14", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 66}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 67}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_13", 0, 0, {}]]], "shared_object_id": 68, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 122}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 +!root.layer_with_weights-19"_tf_keras_layer*{"name": "dense_16", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_16", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 69}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 70}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_15", 0, 0, {}]]], "shared_object_id": 71, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 123}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 +"root.layer_with_weights-20"_tf_keras_layer*{"name": "dense_18", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_18", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 72}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 73}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_17", 0, 0, {}]]], "shared_object_id": 74, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 124}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 + #root.layer_with_weights-21"_tf_keras_layer* {"name": "meg_net_layer_3", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_3", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 75}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 76}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "inbound_nodes": [[["dense_14", 0, 0, {}], ["dense_16", 0, 0, {}], ["dense_18", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 77, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}]}2 +$ root.layer-35"_tf_keras_layer*{"name": "add_7", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_7", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["add_4", 0, 0, {}], ["meg_net_layer_3", 0, 0, {}]]], "shared_object_id": 78, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 +% root.layer-36"_tf_keras_layer*{"name": "add_8", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_8", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["add_5", 0, 0, {}], ["meg_net_layer_3", 0, 1, {}]]], "shared_object_id": 79, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 + &root.layer_with_weights-22"_tf_keras_layer* {"name": "set2_set_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Set2Set", "config": {"name": "set2_set_1", "trainable": false, "dtype": "float32", "T": 2, "n_hidden": 16, "activation": "linear", "activation_lstm": "tanh", "recurrent_activation": "hard_sigmoid", "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 80}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 81}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 82}, "use_bias": true, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_7", 0, 0, {}], ["input_6", 0, 0, {}]]], "shared_object_id": 83, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null]}]}2 + 'root.layer_with_weights-23"_tf_keras_layer* {"name": "set2_set_2", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Set2Set", "config": {"name": "set2_set_2", "trainable": false, "dtype": "float32", "T": 2, "n_hidden": 16, "activation": "linear", "activation_lstm": "tanh", "recurrent_activation": "hard_sigmoid", "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 84}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 85}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 86}, "use_bias": true, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_8", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 87, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null]}]}2 +( root.layer-39"_tf_keras_layer*{"name": "add_9", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_9", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["add_6", 0, 0, {}], ["meg_net_layer_3", 0, 2, {}]]], "shared_object_id": 88, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [1, null, 32]}]}2 +) root.layer-40"_tf_keras_layer*{"name": "concatenate_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Concatenate", "config": {"name": "concatenate_1", "trainable": false, "dtype": "float32", "axis": -1}, "inbound_nodes": [[["set2_set_1", 0, 0, {}], ["set2_set_2", 0, 0, {}], ["add_9", 0, 0, {}]]], "shared_object_id": 89, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 +*root.layer_with_weights-24"_tf_keras_layer*{"name": "dense_19", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_19", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 90}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 91}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["concatenate_1", 0, 0, {}]]], "shared_object_id": 92, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 96}}, "shared_object_id": 125}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 96]}}2 ++root.layer_with_weights-25"_tf_keras_layer*{"name": "dense_20", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_20", "trainable": false, "dtype": "float32", "units": 16, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 93}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 94}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_19", 0, 0, {}]]], "shared_object_id": 95, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 126}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 +,root.layer_with_weights-26"_tf_keras_layer*{"name": "dense_21", "trainable": true, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_21", "trainable": true, "dtype": "float32", "units": 1, "activation": "linear", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 96}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 97}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_20", 0, 0, {}]]], "shared_object_id": 98, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 16}}, "shared_object_id": 127}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 16]}}2 +root.keras_api.metrics.0"_tf_keras_metric*{"class_name": "Mean", "name": "loss", "dtype": "float32", "config": {"name": "loss", "dtype": "float32"}, "shared_object_id": 128}2 \ No newline at end of file diff --git a/tests/test_model/prob_e_form_norm/megnet/saved_model.pb b/tests/test_model/prob_e_form_norm/megnet/saved_model.pb new file mode 100644 index 0000000..fcb837e Binary files /dev/null and b/tests/test_model/prob_e_form_norm/megnet/saved_model.pb differ diff --git a/tests/test_model/prob_e_form_norm/megnet/variables/variables.data-00000-of-00001 b/tests/test_model/prob_e_form_norm/megnet/variables/variables.data-00000-of-00001 new file mode 100644 index 0000000..b28b286 Binary files /dev/null and b/tests/test_model/prob_e_form_norm/megnet/variables/variables.data-00000-of-00001 differ diff --git a/tests/test_model/prob_e_form_norm/megnet/variables/variables.index b/tests/test_model/prob_e_form_norm/megnet/variables/variables.index new file mode 100644 index 0000000..78fdd32 Binary files /dev/null and b/tests/test_model/prob_e_form_norm/megnet/variables/variables.index differ diff --git a/tests/test_model/prob_e_form_norm/nn/keras_metadata.pb b/tests/test_model/prob_e_form_norm/nn/keras_metadata.pb new file mode 100644 index 0000000..8b9fcf7 --- /dev/null +++ b/tests/test_model/prob_e_form_norm/nn/keras_metadata.pb @@ -0,0 +1,48 @@ + +root"_tf_keras_network*{"name": "model_1", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "must_restore_from_config": false, "class_name": "Functional", "config": {"name": "model_1", "layers": [{"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_1"}, "name": "input_1", "inbound_nodes": []}, {"class_name": "Embedding", "config": {"name": "embedding_1", "trainable": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "float32", "input_dim": 95, "output_dim": 16, "embeddings_initializer": {"class_name": "RandomUniform", "config": {"minval": -0.05, "maxval": 0.05, "seed": null}}, "embeddings_regularizer": null, "activity_regularizer": null, "embeddings_constraint": null, "mask_zero": false, "input_length": null}, "name": "embedding_1", "inbound_nodes": [[["input_1", 0, 0, {}]]]}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 100]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "input_2"}, "name": "input_2", "inbound_nodes": []}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 2]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "input_3"}, "name": "input_3", "inbound_nodes": []}, {"class_name": "Dense", "config": {"name": "dense_1", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_1", "inbound_nodes": [[["embedding_1", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_3", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_3", "inbound_nodes": [[["input_2", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_5", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_5", "inbound_nodes": [[["input_3", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_2", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_2", "inbound_nodes": [[["dense_1", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_4", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_4", "inbound_nodes": [[["dense_3", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_6", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_6", "inbound_nodes": [[["dense_5", 0, 0, {}]]]}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_4"}, "name": "input_4", "inbound_nodes": []}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_5"}, "name": "input_5", "inbound_nodes": []}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_6"}, "name": "input_6", "inbound_nodes": []}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_7"}, "name": "input_7", "inbound_nodes": []}, {"class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_1", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "name": "meg_net_layer_1", "inbound_nodes": [[["dense_2", 0, 0, {}], ["dense_4", 0, 0, {}], ["dense_6", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_1", "trainable": false, "dtype": "float32"}, "name": "add_1", "inbound_nodes": [[["dense_2", 0, 0, {}], ["meg_net_layer_1", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_2", "trainable": false, "dtype": "float32"}, "name": "add_2", "inbound_nodes": [[["dense_4", 0, 0, {}], ["meg_net_layer_1", 0, 1, {}]]]}, {"class_name": "Add", "config": {"name": "add_3", "trainable": false, "dtype": "float32"}, "name": "add_3", "inbound_nodes": [[["dense_6", 0, 0, {}], ["meg_net_layer_1", 0, 2, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_7", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_7", "inbound_nodes": [[["add_1", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_9", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_9", "inbound_nodes": [[["add_2", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_11", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_11", "inbound_nodes": [[["add_3", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_8", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_8", "inbound_nodes": [[["dense_7", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_10", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_10", "inbound_nodes": [[["dense_9", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_12", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_12", "inbound_nodes": [[["dense_11", 0, 0, {}]]]}, {"class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_2", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "name": "meg_net_layer_2", "inbound_nodes": [[["dense_8", 0, 0, {}], ["dense_10", 0, 0, {}], ["dense_12", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_4", "trainable": false, "dtype": "float32"}, "name": "add_4", "inbound_nodes": [[["add_1", 0, 0, {}], ["meg_net_layer_2", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_5", "trainable": false, "dtype": "float32"}, "name": "add_5", "inbound_nodes": [[["add_2", 0, 0, {}], ["meg_net_layer_2", 0, 1, {}]]]}, {"class_name": "Add", "config": {"name": "add_6", "trainable": false, "dtype": "float32"}, "name": "add_6", "inbound_nodes": [[["add_3", 0, 0, {}], ["meg_net_layer_2", 0, 2, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_13", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_13", "inbound_nodes": [[["add_4", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_15", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_15", "inbound_nodes": [[["add_5", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_17", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_17", "inbound_nodes": [[["add_6", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_14", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_14", "inbound_nodes": [[["dense_13", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_16", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_16", "inbound_nodes": [[["dense_15", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_18", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_18", "inbound_nodes": [[["dense_17", 0, 0, {}]]]}, {"class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_3", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "name": "meg_net_layer_3", "inbound_nodes": [[["dense_14", 0, 0, {}], ["dense_16", 0, 0, {}], ["dense_18", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_7", "trainable": false, "dtype": "float32"}, "name": "add_7", "inbound_nodes": [[["add_4", 0, 0, {}], ["meg_net_layer_3", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_8", "trainable": false, "dtype": "float32"}, "name": "add_8", "inbound_nodes": [[["add_5", 0, 0, {}], ["meg_net_layer_3", 0, 1, {}]]]}, {"class_name": "Set2Set", "config": {"name": "set2_set_1", "trainable": false, "dtype": "float32", "T": 2, "n_hidden": 16, "activation": "linear", "activation_lstm": "tanh", "recurrent_activation": "hard_sigmoid", "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "use_bias": true, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null}, "name": "set2_set_1", "inbound_nodes": [[["add_7", 0, 0, {}], ["input_6", 0, 0, {}]]]}, {"class_name": "Set2Set", "config": {"name": "set2_set_2", "trainable": false, "dtype": "float32", "T": 2, "n_hidden": 16, "activation": "linear", "activation_lstm": "tanh", "recurrent_activation": "hard_sigmoid", "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "use_bias": true, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null}, "name": "set2_set_2", "inbound_nodes": [[["add_8", 0, 0, {}], ["input_7", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_9", "trainable": false, "dtype": "float32"}, "name": "add_9", "inbound_nodes": [[["add_6", 0, 0, {}], ["meg_net_layer_3", 0, 2, {}]]]}, {"class_name": "Concatenate", "config": {"name": "concatenate_1", "trainable": false, "dtype": "float32", "axis": -1}, "name": "concatenate_1", "inbound_nodes": [[["set2_set_1", 0, 0, {}], ["set2_set_2", 0, 0, {}], ["add_9", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_19", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_19", "inbound_nodes": [[["concatenate_1", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_20", "trainable": false, "dtype": "float32", "units": 16, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_20", "inbound_nodes": [[["dense_19", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_21", "trainable": true, "dtype": "float32", "units": 1, "activation": "linear", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_21", "inbound_nodes": [[["dense_20", 0, 0, {}]]]}], "input_layers": [["input_1", 0, 0], ["input_2", 0, 0], ["input_3", 0, 0], ["input_4", 0, 0], ["input_5", 0, 0], ["input_6", 0, 0], ["input_7", 0, 0]], "output_layers": [["dense_21", 0, 0]]}, "shared_object_id": 99, "input_spec": [{"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null]}, "ndim": 2, "max_ndim": null, "min_ndim": null, "axes": {}}}, {"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null, 100]}, "ndim": 3, "max_ndim": null, "min_ndim": null, "axes": {}}}, {"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null, 2]}, "ndim": 3, "max_ndim": null, "min_ndim": null, "axes": {}}}, {"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null]}, "ndim": 2, "max_ndim": null, "min_ndim": null, "axes": {}}}, {"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null]}, "ndim": 2, "max_ndim": null, "min_ndim": null, "axes": {}}}, {"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null]}, "ndim": 2, "max_ndim": null, "min_ndim": null, "axes": {}}}, {"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null]}, "ndim": 2, "max_ndim": null, "min_ndim": null, "axes": {}}}], "build_input_shape": [{"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null, 100]}, {"class_name": "TensorShape", "items": [null, null, 2]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}], "is_graph_network": true, "full_save_spec": {"class_name": "__tuple__", "items": [[[{"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_1"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null, 100]}, "float32", "input_2"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null, 2]}, "float32", "input_3"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_4"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_5"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_6"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_7"]}]], {}]}, "save_spec": [{"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_1"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null, 100]}, "float32", "input_2"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null, 2]}, "float32", "input_3"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_4"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_5"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_6"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_7"]}], "keras_version": "2.6.0", "backend": "tensorflow", "model_config": {"class_name": "Functional", "config": {"name": "model_1", "layers": [{"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_1"}, "name": "input_1", "inbound_nodes": [], "shared_object_id": 0}, {"class_name": "Embedding", "config": {"name": "embedding_1", "trainable": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "float32", "input_dim": 95, "output_dim": 16, "embeddings_initializer": {"class_name": "RandomUniform", "config": {"minval": -0.05, "maxval": 0.05, "seed": null}, "shared_object_id": 1}, "embeddings_regularizer": null, "activity_regularizer": null, "embeddings_constraint": null, "mask_zero": false, "input_length": null}, "name": "embedding_1", "inbound_nodes": [[["input_1", 0, 0, {}]]], "shared_object_id": 2}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 100]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "input_2"}, "name": "input_2", "inbound_nodes": [], "shared_object_id": 3}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 2]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "input_3"}, "name": "input_3", "inbound_nodes": [], "shared_object_id": 4}, {"class_name": "Dense", "config": {"name": "dense_1", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 5}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 6}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_1", "inbound_nodes": [[["embedding_1", 0, 0, {}]]], "shared_object_id": 7}, {"class_name": "Dense", "config": {"name": "dense_3", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 8}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 9}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_3", "inbound_nodes": [[["input_2", 0, 0, {}]]], "shared_object_id": 10}, {"class_name": "Dense", "config": {"name": "dense_5", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 11}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 12}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_5", "inbound_nodes": [[["input_3", 0, 0, {}]]], "shared_object_id": 13}, {"class_name": "Dense", "config": {"name": "dense_2", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 14}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 15}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_2", "inbound_nodes": [[["dense_1", 0, 0, {}]]], "shared_object_id": 16}, {"class_name": "Dense", "config": {"name": "dense_4", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 17}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 18}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_4", "inbound_nodes": [[["dense_3", 0, 0, {}]]], "shared_object_id": 19}, {"class_name": "Dense", "config": {"name": "dense_6", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 20}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 21}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_6", "inbound_nodes": [[["dense_5", 0, 0, {}]]], "shared_object_id": 22}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_4"}, "name": "input_4", "inbound_nodes": [], "shared_object_id": 23}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_5"}, "name": "input_5", "inbound_nodes": [], "shared_object_id": 24}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_6"}, "name": "input_6", "inbound_nodes": [], "shared_object_id": 25}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_7"}, "name": "input_7", "inbound_nodes": [], "shared_object_id": 26}, {"class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_1", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 27}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 28}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "name": "meg_net_layer_1", "inbound_nodes": [[["dense_2", 0, 0, {}], ["dense_4", 0, 0, {}], ["dense_6", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 29}, {"class_name": "Add", "config": {"name": "add_1", "trainable": false, "dtype": "float32"}, "name": "add_1", "inbound_nodes": [[["dense_2", 0, 0, {}], ["meg_net_layer_1", 0, 0, {}]]], "shared_object_id": 30}, {"class_name": "Add", "config": {"name": "add_2", "trainable": false, "dtype": "float32"}, "name": "add_2", "inbound_nodes": [[["dense_4", 0, 0, {}], ["meg_net_layer_1", 0, 1, {}]]], "shared_object_id": 31}, {"class_name": "Add", "config": {"name": "add_3", "trainable": false, "dtype": "float32"}, "name": "add_3", "inbound_nodes": [[["dense_6", 0, 0, {}], ["meg_net_layer_1", 0, 2, {}]]], "shared_object_id": 32}, {"class_name": "Dense", "config": {"name": "dense_7", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 33}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 34}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_7", "inbound_nodes": [[["add_1", 0, 0, {}]]], "shared_object_id": 35}, {"class_name": "Dense", "config": {"name": "dense_9", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 36}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 37}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_9", "inbound_nodes": [[["add_2", 0, 0, {}]]], "shared_object_id": 38}, {"class_name": "Dense", "config": {"name": "dense_11", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 39}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 40}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_11", "inbound_nodes": [[["add_3", 0, 0, {}]]], "shared_object_id": 41}, {"class_name": "Dense", "config": {"name": "dense_8", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 42}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 43}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_8", "inbound_nodes": [[["dense_7", 0, 0, {}]]], "shared_object_id": 44}, {"class_name": "Dense", "config": {"name": "dense_10", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 45}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 46}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_10", "inbound_nodes": [[["dense_9", 0, 0, {}]]], "shared_object_id": 47}, {"class_name": "Dense", "config": {"name": "dense_12", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 48}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 49}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_12", "inbound_nodes": [[["dense_11", 0, 0, {}]]], "shared_object_id": 50}, {"class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_2", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 51}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 52}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "name": "meg_net_layer_2", "inbound_nodes": [[["dense_8", 0, 0, {}], ["dense_10", 0, 0, {}], ["dense_12", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 53}, {"class_name": "Add", "config": {"name": "add_4", "trainable": false, "dtype": "float32"}, "name": "add_4", "inbound_nodes": [[["add_1", 0, 0, {}], ["meg_net_layer_2", 0, 0, {}]]], "shared_object_id": 54}, {"class_name": "Add", "config": {"name": "add_5", "trainable": false, "dtype": "float32"}, "name": "add_5", "inbound_nodes": [[["add_2", 0, 0, {}], ["meg_net_layer_2", 0, 1, {}]]], "shared_object_id": 55}, {"class_name": "Add", "config": {"name": "add_6", "trainable": false, "dtype": "float32"}, "name": "add_6", "inbound_nodes": [[["add_3", 0, 0, {}], ["meg_net_layer_2", 0, 2, {}]]], "shared_object_id": 56}, {"class_name": "Dense", "config": {"name": "dense_13", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 57}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 58}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_13", "inbound_nodes": [[["add_4", 0, 0, {}]]], "shared_object_id": 59}, {"class_name": "Dense", "config": {"name": "dense_15", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 60}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 61}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_15", "inbound_nodes": [[["add_5", 0, 0, {}]]], "shared_object_id": 62}, {"class_name": "Dense", "config": {"name": "dense_17", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 63}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 64}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_17", "inbound_nodes": [[["add_6", 0, 0, {}]]], "shared_object_id": 65}, {"class_name": "Dense", "config": {"name": "dense_14", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 66}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 67}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_14", "inbound_nodes": [[["dense_13", 0, 0, {}]]], "shared_object_id": 68}, {"class_name": "Dense", "config": {"name": "dense_16", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 69}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 70}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_16", "inbound_nodes": [[["dense_15", 0, 0, {}]]], "shared_object_id": 71}, {"class_name": "Dense", "config": {"name": "dense_18", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 72}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 73}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_18", "inbound_nodes": [[["dense_17", 0, 0, {}]]], "shared_object_id": 74}, {"class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_3", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 75}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 76}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "name": "meg_net_layer_3", "inbound_nodes": [[["dense_14", 0, 0, {}], ["dense_16", 0, 0, {}], ["dense_18", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 77}, {"class_name": "Add", "config": {"name": "add_7", "trainable": false, "dtype": "float32"}, "name": "add_7", "inbound_nodes": [[["add_4", 0, 0, {}], ["meg_net_layer_3", 0, 0, {}]]], "shared_object_id": 78}, {"class_name": "Add", "config": {"name": "add_8", "trainable": false, "dtype": "float32"}, "name": "add_8", "inbound_nodes": [[["add_5", 0, 0, {}], ["meg_net_layer_3", 0, 1, {}]]], "shared_object_id": 79}, {"class_name": "Set2Set", "config": {"name": "set2_set_1", "trainable": false, "dtype": "float32", "T": 2, "n_hidden": 16, "activation": "linear", "activation_lstm": "tanh", "recurrent_activation": "hard_sigmoid", "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 80}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 81}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 82}, "use_bias": true, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null}, "name": "set2_set_1", "inbound_nodes": [[["add_7", 0, 0, {}], ["input_6", 0, 0, {}]]], "shared_object_id": 83}, {"class_name": "Set2Set", "config": {"name": "set2_set_2", "trainable": false, "dtype": "float32", "T": 2, "n_hidden": 16, "activation": "linear", "activation_lstm": "tanh", "recurrent_activation": "hard_sigmoid", "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 84}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 85}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 86}, "use_bias": true, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null}, "name": "set2_set_2", "inbound_nodes": [[["add_8", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 87}, {"class_name": "Add", "config": {"name": "add_9", "trainable": false, "dtype": "float32"}, "name": "add_9", "inbound_nodes": [[["add_6", 0, 0, {}], ["meg_net_layer_3", 0, 2, {}]]], "shared_object_id": 88}, {"class_name": "Concatenate", "config": {"name": "concatenate_1", "trainable": false, "dtype": "float32", "axis": -1}, "name": "concatenate_1", "inbound_nodes": [[["set2_set_1", 0, 0, {}], ["set2_set_2", 0, 0, {}], ["add_9", 0, 0, {}]]], "shared_object_id": 89}, {"class_name": "Dense", "config": {"name": "dense_19", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 90}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 91}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_19", "inbound_nodes": [[["concatenate_1", 0, 0, {}]]], "shared_object_id": 92}, {"class_name": "Dense", "config": {"name": "dense_20", "trainable": false, "dtype": "float32", "units": 16, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 93}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 94}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_20", "inbound_nodes": [[["dense_19", 0, 0, {}]]], "shared_object_id": 95}, {"class_name": "Dense", "config": {"name": "dense_21", "trainable": true, "dtype": "float32", "units": 1, "activation": "linear", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 96}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 97}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_21", "inbound_nodes": [[["dense_20", 0, 0, {}]]], "shared_object_id": 98}], "input_layers": [["input_1", 0, 0], ["input_2", 0, 0], ["input_3", 0, 0], ["input_4", 0, 0], ["input_5", 0, 0], ["input_6", 0, 0], ["input_7", 0, 0]], "output_layers": [["dense_21", 0, 0]]}}}2 + root.layer-0"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_1", "dtype": "int32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_1"}}2 +root.layer_with_weights-0"_tf_keras_layer*{"name": "embedding_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "stateful": false, "must_restore_from_config": false, "class_name": "Embedding", "config": {"name": "embedding_1", "trainable": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "float32", "input_dim": 95, "output_dim": 16, "embeddings_initializer": {"class_name": "RandomUniform", "config": {"minval": -0.05, "maxval": 0.05, "seed": null}, "shared_object_id": 1}, "embeddings_regularizer": null, "activity_regularizer": null, "embeddings_constraint": null, "mask_zero": false, "input_length": null}, "inbound_nodes": [[["input_1", 0, 0, {}]]], "shared_object_id": 2, "build_input_shape": {"class_name": "TensorShape", "items": [null, null]}}2 + root.layer-2"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_2", "dtype": "float32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 100]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 100]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "input_2"}}2 + root.layer-3"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_3", "dtype": "float32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 2]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 2]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "input_3"}}2 +root.layer_with_weights-1"_tf_keras_layer*{"name": "dense_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_1", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 5}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 6}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["embedding_1", 0, 0, {}]]], "shared_object_id": 7, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 16}}, "shared_object_id": 107}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 16]}}2 +root.layer_with_weights-2"_tf_keras_layer*{"name": "dense_3", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_3", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 8}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 9}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["input_2", 0, 0, {}]]], "shared_object_id": 10, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 100}}, "shared_object_id": 108}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 100]}}2 +root.layer_with_weights-3"_tf_keras_layer*{"name": "dense_5", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_5", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 11}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 12}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["input_3", 0, 0, {}]]], "shared_object_id": 13, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 2}}, "shared_object_id": 109}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 2]}}2 +root.layer_with_weights-4"_tf_keras_layer*{"name": "dense_2", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_2", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 14}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 15}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_1", 0, 0, {}]]], "shared_object_id": 16, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 110}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 + root.layer_with_weights-5"_tf_keras_layer*{"name": "dense_4", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_4", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 17}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 18}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_3", 0, 0, {}]]], "shared_object_id": 19, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 111}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 + +root.layer_with_weights-6"_tf_keras_layer*{"name": "dense_6", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_6", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 20}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 21}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_5", 0, 0, {}]]], "shared_object_id": 22, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 112}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 +  root.layer-10"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_4", "dtype": "int32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_4"}}2 +  root.layer-11"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_5", "dtype": "int32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_5"}}2 +  root.layer-12"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_6", "dtype": "int32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_6"}}2 + root.layer-13"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_7", "dtype": "int32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_7"}}2 + root.layer_with_weights-7"_tf_keras_layer* {"name": "meg_net_layer_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_1", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 27}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 28}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "inbound_nodes": [[["dense_2", 0, 0, {}], ["dense_4", 0, 0, {}], ["dense_6", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 29, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}]}2 + root.layer-15"_tf_keras_layer*{"name": "add_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_1", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["dense_2", 0, 0, {}], ["meg_net_layer_1", 0, 0, {}]]], "shared_object_id": 30, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 + root.layer-16"_tf_keras_layer*{"name": "add_2", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_2", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["dense_4", 0, 0, {}], ["meg_net_layer_1", 0, 1, {}]]], "shared_object_id": 31, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 + root.layer-17"_tf_keras_layer*{"name": "add_3", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_3", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["dense_6", 0, 0, {}], ["meg_net_layer_1", 0, 2, {}]]], "shared_object_id": 32, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [1, null, 32]}]}2 +root.layer_with_weights-8"_tf_keras_layer*{"name": "dense_7", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_7", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 33}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 34}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_1", 0, 0, {}]]], "shared_object_id": 35, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 113}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 +root.layer_with_weights-9"_tf_keras_layer*{"name": "dense_9", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_9", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 36}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 37}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_2", 0, 0, {}]]], "shared_object_id": 38, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 114}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 +root.layer_with_weights-10"_tf_keras_layer*{"name": "dense_11", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_11", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 39}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 40}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_3", 0, 0, {}]]], "shared_object_id": 41, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 115}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 +root.layer_with_weights-11"_tf_keras_layer*{"name": "dense_8", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_8", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 42}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 43}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_7", 0, 0, {}]]], "shared_object_id": 44, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 116}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 +root.layer_with_weights-12"_tf_keras_layer*{"name": "dense_10", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_10", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 45}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 46}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_9", 0, 0, {}]]], "shared_object_id": 47, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 117}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 +root.layer_with_weights-13"_tf_keras_layer*{"name": "dense_12", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_12", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 48}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 49}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_11", 0, 0, {}]]], "shared_object_id": 50, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 118}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 + root.layer_with_weights-14"_tf_keras_layer* {"name": "meg_net_layer_2", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_2", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 51}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 52}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "inbound_nodes": [[["dense_8", 0, 0, {}], ["dense_10", 0, 0, {}], ["dense_12", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 53, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}]}2 + root.layer-25"_tf_keras_layer*{"name": "add_4", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_4", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["add_1", 0, 0, {}], ["meg_net_layer_2", 0, 0, {}]]], "shared_object_id": 54, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 + root.layer-26"_tf_keras_layer*{"name": "add_5", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_5", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["add_2", 0, 0, {}], ["meg_net_layer_2", 0, 1, {}]]], "shared_object_id": 55, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 + root.layer-27"_tf_keras_layer*{"name": "add_6", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_6", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["add_3", 0, 0, {}], ["meg_net_layer_2", 0, 2, {}]]], "shared_object_id": 56, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [1, null, 32]}]}2 +root.layer_with_weights-15"_tf_keras_layer*{"name": "dense_13", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_13", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 57}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 58}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_4", 0, 0, {}]]], "shared_object_id": 59, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 119}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 +root.layer_with_weights-16"_tf_keras_layer*{"name": "dense_15", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_15", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 60}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 61}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_5", 0, 0, {}]]], "shared_object_id": 62, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 120}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 +root.layer_with_weights-17"_tf_keras_layer*{"name": "dense_17", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_17", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 63}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 64}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_6", 0, 0, {}]]], "shared_object_id": 65, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 121}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 + root.layer_with_weights-18"_tf_keras_layer*{"name": "dense_14", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_14", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 66}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 67}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_13", 0, 0, {}]]], "shared_object_id": 68, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 122}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 +!root.layer_with_weights-19"_tf_keras_layer*{"name": "dense_16", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_16", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 69}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 70}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_15", 0, 0, {}]]], "shared_object_id": 71, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 123}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 +"root.layer_with_weights-20"_tf_keras_layer*{"name": "dense_18", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_18", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 72}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 73}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_17", 0, 0, {}]]], "shared_object_id": 74, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 124}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 + #root.layer_with_weights-21"_tf_keras_layer* {"name": "meg_net_layer_3", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_3", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 75}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 76}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "inbound_nodes": [[["dense_14", 0, 0, {}], ["dense_16", 0, 0, {}], ["dense_18", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 77, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}]}2 +$ root.layer-35"_tf_keras_layer*{"name": "add_7", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_7", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["add_4", 0, 0, {}], ["meg_net_layer_3", 0, 0, {}]]], "shared_object_id": 78, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 +% root.layer-36"_tf_keras_layer*{"name": "add_8", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_8", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["add_5", 0, 0, {}], ["meg_net_layer_3", 0, 1, {}]]], "shared_object_id": 79, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 + &root.layer_with_weights-22"_tf_keras_layer* {"name": "set2_set_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Set2Set", "config": {"name": "set2_set_1", "trainable": false, "dtype": "float32", "T": 2, "n_hidden": 16, "activation": "linear", "activation_lstm": "tanh", "recurrent_activation": "hard_sigmoid", "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 80}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 81}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 82}, "use_bias": true, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_7", 0, 0, {}], ["input_6", 0, 0, {}]]], "shared_object_id": 83, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null]}]}2 + 'root.layer_with_weights-23"_tf_keras_layer* {"name": "set2_set_2", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Set2Set", "config": {"name": "set2_set_2", "trainable": false, "dtype": "float32", "T": 2, "n_hidden": 16, "activation": "linear", "activation_lstm": "tanh", "recurrent_activation": "hard_sigmoid", "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 84}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 85}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 86}, "use_bias": true, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_8", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 87, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null]}]}2 +( root.layer-39"_tf_keras_layer*{"name": "add_9", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_9", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["add_6", 0, 0, {}], ["meg_net_layer_3", 0, 2, {}]]], "shared_object_id": 88, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [1, null, 32]}]}2 +) root.layer-40"_tf_keras_layer*{"name": "concatenate_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Concatenate", "config": {"name": "concatenate_1", "trainable": false, "dtype": "float32", "axis": -1}, "inbound_nodes": [[["set2_set_1", 0, 0, {}], ["set2_set_2", 0, 0, {}], ["add_9", 0, 0, {}]]], "shared_object_id": 89, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 +*root.layer_with_weights-24"_tf_keras_layer*{"name": "dense_19", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_19", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 90}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 91}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["concatenate_1", 0, 0, {}]]], "shared_object_id": 92, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 96}}, "shared_object_id": 125}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 96]}}2 ++root.layer_with_weights-25"_tf_keras_layer*{"name": "dense_20", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_20", "trainable": false, "dtype": "float32", "units": 16, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 93}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 94}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_19", 0, 0, {}]]], "shared_object_id": 95, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 126}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 +,root.layer_with_weights-26"_tf_keras_layer*{"name": "dense_21", "trainable": true, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_21", "trainable": true, "dtype": "float32", "units": 1, "activation": "linear", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 96}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 97}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_20", 0, 0, {}]]], "shared_object_id": 98, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 16}}, "shared_object_id": 127}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 16]}}2 +root.keras_api.metrics.0"_tf_keras_metric*{"class_name": "Mean", "name": "loss", "dtype": "float32", "config": {"name": "loss", "dtype": "float32"}, "shared_object_id": 128}2 \ No newline at end of file diff --git a/tests/test_model/prob_e_form_norm/nn/saved_model.pb b/tests/test_model/prob_e_form_norm/nn/saved_model.pb new file mode 100644 index 0000000..dc1bb64 Binary files /dev/null and b/tests/test_model/prob_e_form_norm/nn/saved_model.pb differ diff --git a/tests/test_model/prob_e_form_norm/nn/variables/variables.data-00000-of-00001 b/tests/test_model/prob_e_form_norm/nn/variables/variables.data-00000-of-00001 new file mode 100644 index 0000000..4b13792 Binary files /dev/null and b/tests/test_model/prob_e_form_norm/nn/variables/variables.data-00000-of-00001 differ diff --git a/tests/test_model/prob_e_form_norm/nn/variables/variables.index b/tests/test_model/prob_e_form_norm/nn/variables/variables.index new file mode 100644 index 0000000..a42bc06 Binary files /dev/null and b/tests/test_model/prob_e_form_norm/nn/variables/variables.index differ diff --git a/tests/test_model/prob_e_form_norm/weights.data-00000-of-00001 b/tests/test_model/prob_e_form_norm/weights.data-00000-of-00001 new file mode 100644 index 0000000..953da0f Binary files /dev/null and b/tests/test_model/prob_e_form_norm/weights.data-00000-of-00001 differ diff --git a/tests/test_model/prob_e_form_norm/weights.index b/tests/test_model/prob_e_form_norm/weights.index new file mode 100644 index 0000000..bc652c2 Binary files /dev/null and b/tests/test_model/prob_e_form_norm/weights.index differ diff --git a/tests/test_model/prob_e_form_unnorm/checkpoint b/tests/test_model/prob_e_form_unnorm/checkpoint new file mode 100644 index 0000000..efd0621 --- /dev/null +++ b/tests/test_model/prob_e_form_unnorm/checkpoint @@ -0,0 +1,2 @@ +model_checkpoint_path: "weights" +all_model_checkpoint_paths: "weights" diff --git a/tests/test_model/prob_e_form_unnorm/config.json b/tests/test_model/prob_e_form_unnorm/config.json new file mode 100644 index 0000000..c00977d --- /dev/null +++ b/tests/test_model/prob_e_form_unnorm/config.json @@ -0,0 +1 @@ +{"num_inducing_points": 10, "metrics": [], "kl_weight": 1.0, "latent_layer": -2, "target_shape": [1], "use_normalization": false} \ No newline at end of file diff --git a/tests/test_model/prob_e_form_unnorm/kernel/config.json b/tests/test_model/prob_e_form_unnorm/kernel/config.json new file mode 100644 index 0000000..b8a0da1 --- /dev/null +++ b/tests/test_model/prob_e_form_unnorm/kernel/config.json @@ -0,0 +1 @@ +{"type": "rbf"} \ No newline at end of file diff --git a/tests/test_model/prob_e_form_unnorm/kernel/params.npy b/tests/test_model/prob_e_form_unnorm/kernel/params.npy new file mode 100644 index 0000000..6d8806c Binary files /dev/null and b/tests/test_model/prob_e_form_unnorm/kernel/params.npy differ diff --git a/tests/test_model/prob_e_form_unnorm/megnet.json b/tests/test_model/prob_e_form_unnorm/megnet.json new file mode 100644 index 0000000..c931337 --- /dev/null +++ b/tests/test_model/prob_e_form_unnorm/megnet.json @@ -0,0 +1 @@ +{"graph_converter": {"@module": "megnet.data.crystal", "@class": "CrystalGraph", "@version": "1.2.8", "atom_converter": {"@module": "megnet.data.graph", "@class": "DummyConverter", "@version": "1.2.8"}, "bond_converter": {"@module": "megnet.data.graph", "@class": "GaussianDistance", "@version": "1.2.8", "centers": {"@module": "numpy", "@class": "array", "dtype": "float64", "data": [0.0, 0.06060606060606061, 0.12121212121212122, 0.18181818181818182, 0.24242424242424243, 0.30303030303030304, 0.36363636363636365, 0.42424242424242425, 0.48484848484848486, 0.5454545454545454, 0.6060606060606061, 0.6666666666666667, 0.7272727272727273, 0.7878787878787878, 0.8484848484848485, 0.9090909090909092, 0.9696969696969697, 1.0303030303030303, 1.0909090909090908, 1.1515151515151516, 1.2121212121212122, 1.2727272727272727, 1.3333333333333335, 1.393939393939394, 1.4545454545454546, 1.5151515151515151, 1.5757575757575757, 1.6363636363636365, 1.696969696969697, 1.7575757575757576, 1.8181818181818183, 1.878787878787879, 1.9393939393939394, 2.0, 2.0606060606060606, 2.121212121212121, 2.1818181818181817, 2.2424242424242427, 2.303030303030303, 2.3636363636363638, 2.4242424242424243, 2.484848484848485, 2.5454545454545454, 2.606060606060606, 2.666666666666667, 2.7272727272727275, 2.787878787878788, 2.8484848484848486, 2.909090909090909, 2.9696969696969697, 3.0303030303030303, 3.090909090909091, 3.1515151515151514, 3.2121212121212124, 3.272727272727273, 3.3333333333333335, 3.393939393939394, 3.4545454545454546, 3.515151515151515, 3.5757575757575757, 3.6363636363636367, 3.6969696969696972, 3.757575757575758, 3.8181818181818183, 3.878787878787879, 3.9393939393939394, 4.0, 4.0606060606060606, 4.121212121212121, 4.181818181818182, 4.242424242424242, 4.303030303030303, 4.363636363636363, 4.424242424242425, 4.484848484848485, 4.545454545454546, 4.606060606060606, 4.666666666666667, 4.7272727272727275, 4.787878787878788, 4.848484848484849, 4.909090909090909, 4.96969696969697, 5.03030303030303, 5.090909090909091, 5.151515151515151, 5.212121212121212, 5.2727272727272725, 5.333333333333334, 5.3939393939393945, 5.454545454545455, 5.515151515151516, 5.575757575757576, 5.636363636363637, 5.696969696969697, 5.757575757575758, 5.818181818181818, 5.878787878787879, 5.9393939393939394, 6.0]}, "width": 0.5}, "cutoff": 5.0, "nn_strategy": {"@module": "megnet.data.local_env", "@class": "MinimumDistanceNNAll", "cutoff": 5.0}}, "target_scaler": {"@module": "megnet.utils.preprocessing", "@class": "DummyScaler", "@version": "1.2.8"}, "metadata": {"name": "Formation energy", "unit": "eV/atom", "metric": "mae", "metric value": 0.026, "training dataset": "mp-2019.4.1", "description": "This model was trained using structures and formation energy of Materials Project data base downloaded on April 1, 2019. The total data size is 133420. The model was trained by a 0.8-0.1-0.1, train, validation and test data ratio"}} \ No newline at end of file diff --git a/tests/test_model/prob_e_form_unnorm/megnet/keras_metadata.pb b/tests/test_model/prob_e_form_unnorm/megnet/keras_metadata.pb new file mode 100644 index 0000000..003327a --- /dev/null +++ b/tests/test_model/prob_e_form_unnorm/megnet/keras_metadata.pb @@ -0,0 +1,48 @@ + +root"_tf_keras_network*{"name": "model_1", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "must_restore_from_config": false, "class_name": "Functional", "config": {"name": "model_1", "layers": [{"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_1"}, "name": "input_1", "inbound_nodes": []}, {"class_name": "Embedding", "config": {"name": "embedding_1", "trainable": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "float32", "input_dim": 95, "output_dim": 16, "embeddings_initializer": {"class_name": "RandomUniform", "config": {"minval": -0.05, "maxval": 0.05, "seed": null}}, "embeddings_regularizer": null, "activity_regularizer": null, "embeddings_constraint": null, "mask_zero": false, "input_length": null}, "name": "embedding_1", "inbound_nodes": [[["input_1", 0, 0, {}]]]}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 100]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "input_2"}, "name": "input_2", "inbound_nodes": []}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 2]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "input_3"}, "name": "input_3", "inbound_nodes": []}, {"class_name": "Dense", "config": {"name": "dense_1", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_1", "inbound_nodes": [[["embedding_1", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_3", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_3", "inbound_nodes": [[["input_2", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_5", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_5", "inbound_nodes": [[["input_3", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_2", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_2", "inbound_nodes": [[["dense_1", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_4", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_4", "inbound_nodes": [[["dense_3", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_6", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_6", "inbound_nodes": [[["dense_5", 0, 0, {}]]]}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_4"}, "name": "input_4", "inbound_nodes": []}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_5"}, "name": "input_5", "inbound_nodes": []}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_6"}, "name": "input_6", "inbound_nodes": []}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_7"}, "name": "input_7", "inbound_nodes": []}, {"class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_1", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "name": "meg_net_layer_1", "inbound_nodes": [[["dense_2", 0, 0, {}], ["dense_4", 0, 0, {}], ["dense_6", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_1", "trainable": false, "dtype": "float32"}, "name": "add_1", "inbound_nodes": [[["dense_2", 0, 0, {}], ["meg_net_layer_1", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_2", "trainable": false, "dtype": "float32"}, "name": "add_2", "inbound_nodes": [[["dense_4", 0, 0, {}], ["meg_net_layer_1", 0, 1, {}]]]}, {"class_name": "Add", "config": {"name": "add_3", "trainable": false, "dtype": "float32"}, "name": "add_3", "inbound_nodes": [[["dense_6", 0, 0, {}], ["meg_net_layer_1", 0, 2, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_7", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_7", "inbound_nodes": [[["add_1", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_9", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_9", "inbound_nodes": [[["add_2", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_11", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_11", "inbound_nodes": [[["add_3", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_8", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_8", "inbound_nodes": [[["dense_7", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_10", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_10", "inbound_nodes": [[["dense_9", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_12", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_12", "inbound_nodes": [[["dense_11", 0, 0, {}]]]}, {"class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_2", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "name": "meg_net_layer_2", "inbound_nodes": [[["dense_8", 0, 0, {}], ["dense_10", 0, 0, {}], ["dense_12", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_4", "trainable": false, "dtype": "float32"}, "name": "add_4", "inbound_nodes": [[["add_1", 0, 0, {}], ["meg_net_layer_2", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_5", "trainable": false, "dtype": "float32"}, "name": "add_5", "inbound_nodes": [[["add_2", 0, 0, {}], ["meg_net_layer_2", 0, 1, {}]]]}, {"class_name": "Add", "config": {"name": "add_6", "trainable": false, "dtype": "float32"}, "name": "add_6", "inbound_nodes": [[["add_3", 0, 0, {}], ["meg_net_layer_2", 0, 2, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_13", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_13", "inbound_nodes": [[["add_4", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_15", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_15", "inbound_nodes": [[["add_5", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_17", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_17", "inbound_nodes": [[["add_6", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_14", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_14", "inbound_nodes": [[["dense_13", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_16", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_16", "inbound_nodes": [[["dense_15", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_18", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_18", "inbound_nodes": [[["dense_17", 0, 0, {}]]]}, {"class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_3", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "name": "meg_net_layer_3", "inbound_nodes": [[["dense_14", 0, 0, {}], ["dense_16", 0, 0, {}], ["dense_18", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_7", "trainable": false, "dtype": "float32"}, "name": "add_7", "inbound_nodes": [[["add_4", 0, 0, {}], ["meg_net_layer_3", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_8", "trainable": false, "dtype": "float32"}, "name": "add_8", "inbound_nodes": [[["add_5", 0, 0, {}], ["meg_net_layer_3", 0, 1, {}]]]}, {"class_name": "Set2Set", "config": {"name": "set2_set_1", "trainable": false, "dtype": "float32", "T": 2, "n_hidden": 16, "activation": "linear", "activation_lstm": "tanh", "recurrent_activation": "hard_sigmoid", "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "use_bias": true, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null}, "name": "set2_set_1", "inbound_nodes": [[["add_7", 0, 0, {}], ["input_6", 0, 0, {}]]]}, {"class_name": "Set2Set", "config": {"name": "set2_set_2", "trainable": false, "dtype": "float32", "T": 2, "n_hidden": 16, "activation": "linear", "activation_lstm": "tanh", "recurrent_activation": "hard_sigmoid", "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "use_bias": true, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null}, "name": "set2_set_2", "inbound_nodes": [[["add_8", 0, 0, {}], ["input_7", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_9", "trainable": false, "dtype": "float32"}, "name": "add_9", "inbound_nodes": [[["add_6", 0, 0, {}], ["meg_net_layer_3", 0, 2, {}]]]}, {"class_name": "Concatenate", "config": {"name": "concatenate_1", "trainable": false, "dtype": "float32", "axis": -1}, "name": "concatenate_1", "inbound_nodes": [[["set2_set_1", 0, 0, {}], ["set2_set_2", 0, 0, {}], ["add_9", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_19", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_19", "inbound_nodes": [[["concatenate_1", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_20", "trainable": false, "dtype": "float32", "units": 16, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_20", "inbound_nodes": [[["dense_19", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_21", "trainable": true, "dtype": "float32", "units": 1, "activation": "linear", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_21", "inbound_nodes": [[["dense_20", 0, 0, {}]]]}], "input_layers": [["input_1", 0, 0], ["input_2", 0, 0], ["input_3", 0, 0], ["input_4", 0, 0], ["input_5", 0, 0], ["input_6", 0, 0], ["input_7", 0, 0]], "output_layers": [["dense_21", 0, 0]]}, "shared_object_id": 99, "input_spec": [{"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null]}, "ndim": 2, "max_ndim": null, "min_ndim": null, "axes": {}}}, {"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null, 100]}, "ndim": 3, "max_ndim": null, "min_ndim": null, "axes": {}}}, {"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null, 2]}, "ndim": 3, "max_ndim": null, "min_ndim": null, "axes": {}}}, {"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null]}, "ndim": 2, "max_ndim": null, "min_ndim": null, "axes": {}}}, {"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null]}, "ndim": 2, "max_ndim": null, "min_ndim": null, "axes": {}}}, {"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null]}, "ndim": 2, "max_ndim": null, "min_ndim": null, "axes": {}}}, {"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null]}, "ndim": 2, "max_ndim": null, "min_ndim": null, "axes": {}}}], "build_input_shape": [{"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null, 100]}, {"class_name": "TensorShape", "items": [null, null, 2]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}], "is_graph_network": true, "full_save_spec": {"class_name": "__tuple__", "items": [[[{"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_1"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null, 100]}, "float32", "input_2"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null, 2]}, "float32", "input_3"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_4"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_5"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_6"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_7"]}]], {}]}, "save_spec": [{"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_1"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null, 100]}, "float32", "input_2"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null, 2]}, "float32", "input_3"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_4"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_5"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_6"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_7"]}], "keras_version": "2.6.0", "backend": "tensorflow", "model_config": {"class_name": "Functional", "config": {"name": "model_1", "layers": [{"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_1"}, "name": "input_1", "inbound_nodes": [], "shared_object_id": 0}, {"class_name": "Embedding", "config": {"name": "embedding_1", "trainable": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "float32", "input_dim": 95, "output_dim": 16, "embeddings_initializer": {"class_name": "RandomUniform", "config": {"minval": -0.05, "maxval": 0.05, "seed": null}, "shared_object_id": 1}, "embeddings_regularizer": null, "activity_regularizer": null, "embeddings_constraint": null, "mask_zero": false, "input_length": null}, "name": "embedding_1", "inbound_nodes": [[["input_1", 0, 0, {}]]], "shared_object_id": 2}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 100]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "input_2"}, "name": "input_2", "inbound_nodes": [], "shared_object_id": 3}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 2]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "input_3"}, "name": "input_3", "inbound_nodes": [], "shared_object_id": 4}, {"class_name": "Dense", "config": {"name": "dense_1", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 5}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 6}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_1", "inbound_nodes": [[["embedding_1", 0, 0, {}]]], "shared_object_id": 7}, {"class_name": "Dense", "config": {"name": "dense_3", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 8}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 9}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_3", "inbound_nodes": [[["input_2", 0, 0, {}]]], "shared_object_id": 10}, {"class_name": "Dense", "config": {"name": "dense_5", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 11}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 12}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_5", "inbound_nodes": [[["input_3", 0, 0, {}]]], "shared_object_id": 13}, {"class_name": "Dense", "config": {"name": "dense_2", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 14}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 15}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_2", "inbound_nodes": [[["dense_1", 0, 0, {}]]], "shared_object_id": 16}, {"class_name": "Dense", "config": {"name": "dense_4", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 17}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 18}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_4", "inbound_nodes": [[["dense_3", 0, 0, {}]]], "shared_object_id": 19}, {"class_name": "Dense", "config": {"name": "dense_6", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 20}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 21}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_6", "inbound_nodes": [[["dense_5", 0, 0, {}]]], "shared_object_id": 22}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_4"}, "name": "input_4", "inbound_nodes": [], "shared_object_id": 23}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_5"}, "name": "input_5", "inbound_nodes": [], "shared_object_id": 24}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_6"}, "name": "input_6", "inbound_nodes": [], "shared_object_id": 25}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_7"}, "name": "input_7", "inbound_nodes": [], "shared_object_id": 26}, {"class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_1", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 27}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 28}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "name": "meg_net_layer_1", "inbound_nodes": [[["dense_2", 0, 0, {}], ["dense_4", 0, 0, {}], ["dense_6", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 29}, {"class_name": "Add", "config": {"name": "add_1", "trainable": false, "dtype": "float32"}, "name": "add_1", "inbound_nodes": [[["dense_2", 0, 0, {}], ["meg_net_layer_1", 0, 0, {}]]], "shared_object_id": 30}, {"class_name": "Add", "config": {"name": "add_2", "trainable": false, "dtype": "float32"}, "name": "add_2", "inbound_nodes": [[["dense_4", 0, 0, {}], ["meg_net_layer_1", 0, 1, {}]]], "shared_object_id": 31}, {"class_name": "Add", "config": {"name": "add_3", "trainable": false, "dtype": "float32"}, "name": "add_3", "inbound_nodes": [[["dense_6", 0, 0, {}], ["meg_net_layer_1", 0, 2, {}]]], "shared_object_id": 32}, {"class_name": "Dense", "config": {"name": "dense_7", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 33}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 34}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_7", "inbound_nodes": [[["add_1", 0, 0, {}]]], "shared_object_id": 35}, {"class_name": "Dense", "config": {"name": "dense_9", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 36}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 37}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_9", "inbound_nodes": [[["add_2", 0, 0, {}]]], "shared_object_id": 38}, {"class_name": "Dense", "config": {"name": "dense_11", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 39}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 40}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_11", "inbound_nodes": [[["add_3", 0, 0, {}]]], "shared_object_id": 41}, {"class_name": "Dense", "config": {"name": "dense_8", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 42}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 43}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_8", "inbound_nodes": [[["dense_7", 0, 0, {}]]], "shared_object_id": 44}, {"class_name": "Dense", "config": {"name": "dense_10", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 45}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 46}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_10", "inbound_nodes": [[["dense_9", 0, 0, {}]]], "shared_object_id": 47}, {"class_name": "Dense", "config": {"name": "dense_12", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 48}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 49}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_12", "inbound_nodes": [[["dense_11", 0, 0, {}]]], "shared_object_id": 50}, {"class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_2", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 51}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 52}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "name": "meg_net_layer_2", "inbound_nodes": [[["dense_8", 0, 0, {}], ["dense_10", 0, 0, {}], ["dense_12", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 53}, {"class_name": "Add", "config": {"name": "add_4", "trainable": false, "dtype": "float32"}, "name": "add_4", "inbound_nodes": [[["add_1", 0, 0, {}], ["meg_net_layer_2", 0, 0, {}]]], "shared_object_id": 54}, {"class_name": "Add", "config": {"name": "add_5", "trainable": false, "dtype": "float32"}, "name": "add_5", "inbound_nodes": [[["add_2", 0, 0, {}], ["meg_net_layer_2", 0, 1, {}]]], "shared_object_id": 55}, {"class_name": "Add", "config": {"name": "add_6", "trainable": false, "dtype": "float32"}, "name": "add_6", "inbound_nodes": [[["add_3", 0, 0, {}], ["meg_net_layer_2", 0, 2, {}]]], "shared_object_id": 56}, {"class_name": "Dense", "config": {"name": "dense_13", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 57}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 58}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_13", "inbound_nodes": [[["add_4", 0, 0, {}]]], "shared_object_id": 59}, {"class_name": "Dense", "config": {"name": "dense_15", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 60}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 61}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_15", "inbound_nodes": [[["add_5", 0, 0, {}]]], "shared_object_id": 62}, {"class_name": "Dense", "config": {"name": "dense_17", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 63}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 64}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_17", "inbound_nodes": [[["add_6", 0, 0, {}]]], "shared_object_id": 65}, {"class_name": "Dense", "config": {"name": "dense_14", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 66}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 67}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_14", "inbound_nodes": [[["dense_13", 0, 0, {}]]], "shared_object_id": 68}, {"class_name": "Dense", "config": {"name": "dense_16", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 69}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 70}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_16", "inbound_nodes": [[["dense_15", 0, 0, {}]]], "shared_object_id": 71}, {"class_name": "Dense", "config": {"name": "dense_18", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 72}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 73}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_18", "inbound_nodes": [[["dense_17", 0, 0, {}]]], "shared_object_id": 74}, {"class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_3", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 75}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 76}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "name": "meg_net_layer_3", "inbound_nodes": [[["dense_14", 0, 0, {}], ["dense_16", 0, 0, {}], ["dense_18", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 77}, {"class_name": "Add", "config": {"name": "add_7", "trainable": false, "dtype": "float32"}, "name": "add_7", "inbound_nodes": [[["add_4", 0, 0, {}], ["meg_net_layer_3", 0, 0, {}]]], "shared_object_id": 78}, {"class_name": "Add", "config": {"name": "add_8", "trainable": false, "dtype": "float32"}, "name": "add_8", "inbound_nodes": [[["add_5", 0, 0, {}], ["meg_net_layer_3", 0, 1, {}]]], "shared_object_id": 79}, {"class_name": "Set2Set", "config": {"name": "set2_set_1", "trainable": false, "dtype": "float32", "T": 2, "n_hidden": 16, "activation": "linear", "activation_lstm": "tanh", "recurrent_activation": "hard_sigmoid", "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 80}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 81}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 82}, "use_bias": true, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null}, "name": "set2_set_1", "inbound_nodes": [[["add_7", 0, 0, {}], ["input_6", 0, 0, {}]]], "shared_object_id": 83}, {"class_name": "Set2Set", "config": {"name": "set2_set_2", "trainable": false, "dtype": "float32", "T": 2, "n_hidden": 16, "activation": "linear", "activation_lstm": "tanh", "recurrent_activation": "hard_sigmoid", "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 84}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 85}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 86}, "use_bias": true, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null}, "name": "set2_set_2", "inbound_nodes": [[["add_8", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 87}, {"class_name": "Add", "config": {"name": "add_9", "trainable": false, "dtype": "float32"}, "name": "add_9", "inbound_nodes": [[["add_6", 0, 0, {}], ["meg_net_layer_3", 0, 2, {}]]], "shared_object_id": 88}, {"class_name": "Concatenate", "config": {"name": "concatenate_1", "trainable": false, "dtype": "float32", "axis": -1}, "name": "concatenate_1", "inbound_nodes": [[["set2_set_1", 0, 0, {}], ["set2_set_2", 0, 0, {}], ["add_9", 0, 0, {}]]], "shared_object_id": 89}, {"class_name": "Dense", "config": {"name": "dense_19", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 90}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 91}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_19", "inbound_nodes": [[["concatenate_1", 0, 0, {}]]], "shared_object_id": 92}, {"class_name": "Dense", "config": {"name": "dense_20", "trainable": false, "dtype": "float32", "units": 16, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 93}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 94}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_20", "inbound_nodes": [[["dense_19", 0, 0, {}]]], "shared_object_id": 95}, {"class_name": "Dense", "config": {"name": "dense_21", "trainable": true, "dtype": "float32", "units": 1, "activation": "linear", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 96}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 97}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_21", "inbound_nodes": [[["dense_20", 0, 0, {}]]], "shared_object_id": 98}], "input_layers": [["input_1", 0, 0], ["input_2", 0, 0], ["input_3", 0, 0], ["input_4", 0, 0], ["input_5", 0, 0], ["input_6", 0, 0], ["input_7", 0, 0]], "output_layers": [["dense_21", 0, 0]]}}, "training_config": {"loss": "mean_squared_error", "metrics": [[]], "weighted_metrics": null, "loss_weights": null, "optimizer_config": {"class_name": "Adam", "config": {"name": "Adam", "learning_rate": 0.0010000000474974513, "decay": 0.0, "beta_1": 0.8999999761581421, "beta_2": 0.9990000128746033, "epsilon": 1e-07, "amsgrad": false}}}}2 + root.layer-0"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_1", "dtype": "int32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_1"}}2 +root.layer_with_weights-0"_tf_keras_layer*{"name": "embedding_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "stateful": false, "must_restore_from_config": false, "class_name": "Embedding", "config": {"name": "embedding_1", "trainable": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "float32", "input_dim": 95, "output_dim": 16, "embeddings_initializer": {"class_name": "RandomUniform", "config": {"minval": -0.05, "maxval": 0.05, "seed": null}, "shared_object_id": 1}, "embeddings_regularizer": null, "activity_regularizer": null, "embeddings_constraint": null, "mask_zero": false, "input_length": null}, "inbound_nodes": [[["input_1", 0, 0, {}]]], "shared_object_id": 2, "build_input_shape": {"class_name": "TensorShape", "items": [null, null]}}2 + root.layer-2"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_2", "dtype": "float32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 100]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 100]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "input_2"}}2 + root.layer-3"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_3", "dtype": "float32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 2]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 2]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "input_3"}}2 +root.layer_with_weights-1"_tf_keras_layer*{"name": "dense_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_1", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 5}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 6}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["embedding_1", 0, 0, {}]]], "shared_object_id": 7, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 16}}, "shared_object_id": 107}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 16]}}2 +root.layer_with_weights-2"_tf_keras_layer*{"name": "dense_3", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_3", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 8}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 9}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["input_2", 0, 0, {}]]], "shared_object_id": 10, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 100}}, "shared_object_id": 108}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 100]}}2 +root.layer_with_weights-3"_tf_keras_layer*{"name": "dense_5", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_5", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 11}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 12}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["input_3", 0, 0, {}]]], "shared_object_id": 13, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 2}}, "shared_object_id": 109}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 2]}}2 +root.layer_with_weights-4"_tf_keras_layer*{"name": "dense_2", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_2", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 14}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 15}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_1", 0, 0, {}]]], "shared_object_id": 16, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 110}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 + root.layer_with_weights-5"_tf_keras_layer*{"name": "dense_4", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_4", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 17}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 18}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_3", 0, 0, {}]]], "shared_object_id": 19, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 111}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 + +root.layer_with_weights-6"_tf_keras_layer*{"name": "dense_6", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_6", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 20}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 21}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_5", 0, 0, {}]]], "shared_object_id": 22, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 112}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 +  root.layer-10"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_4", "dtype": "int32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_4"}}2 +  root.layer-11"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_5", "dtype": "int32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_5"}}2 +  root.layer-12"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_6", "dtype": "int32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_6"}}2 + root.layer-13"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_7", "dtype": "int32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_7"}}2 + root.layer_with_weights-7"_tf_keras_layer* {"name": "meg_net_layer_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_1", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 27}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 28}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "inbound_nodes": [[["dense_2", 0, 0, {}], ["dense_4", 0, 0, {}], ["dense_6", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 29, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}]}2 + root.layer-15"_tf_keras_layer*{"name": "add_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_1", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["dense_2", 0, 0, {}], ["meg_net_layer_1", 0, 0, {}]]], "shared_object_id": 30, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 + root.layer-16"_tf_keras_layer*{"name": "add_2", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_2", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["dense_4", 0, 0, {}], ["meg_net_layer_1", 0, 1, {}]]], "shared_object_id": 31, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 + root.layer-17"_tf_keras_layer*{"name": "add_3", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_3", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["dense_6", 0, 0, {}], ["meg_net_layer_1", 0, 2, {}]]], "shared_object_id": 32, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [1, null, 32]}]}2 +root.layer_with_weights-8"_tf_keras_layer*{"name": "dense_7", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_7", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 33}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 34}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_1", 0, 0, {}]]], "shared_object_id": 35, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 113}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 +root.layer_with_weights-9"_tf_keras_layer*{"name": "dense_9", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_9", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 36}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 37}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_2", 0, 0, {}]]], "shared_object_id": 38, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 114}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 +root.layer_with_weights-10"_tf_keras_layer*{"name": "dense_11", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_11", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 39}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 40}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_3", 0, 0, {}]]], "shared_object_id": 41, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 115}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 +root.layer_with_weights-11"_tf_keras_layer*{"name": "dense_8", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_8", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 42}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 43}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_7", 0, 0, {}]]], "shared_object_id": 44, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 116}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 +root.layer_with_weights-12"_tf_keras_layer*{"name": "dense_10", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_10", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 45}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 46}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_9", 0, 0, {}]]], "shared_object_id": 47, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 117}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 +root.layer_with_weights-13"_tf_keras_layer*{"name": "dense_12", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_12", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 48}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 49}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_11", 0, 0, {}]]], "shared_object_id": 50, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 118}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 + root.layer_with_weights-14"_tf_keras_layer* {"name": "meg_net_layer_2", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_2", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 51}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 52}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "inbound_nodes": [[["dense_8", 0, 0, {}], ["dense_10", 0, 0, {}], ["dense_12", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 53, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}]}2 + root.layer-25"_tf_keras_layer*{"name": "add_4", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_4", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["add_1", 0, 0, {}], ["meg_net_layer_2", 0, 0, {}]]], "shared_object_id": 54, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 + root.layer-26"_tf_keras_layer*{"name": "add_5", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_5", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["add_2", 0, 0, {}], ["meg_net_layer_2", 0, 1, {}]]], "shared_object_id": 55, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 + root.layer-27"_tf_keras_layer*{"name": "add_6", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_6", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["add_3", 0, 0, {}], ["meg_net_layer_2", 0, 2, {}]]], "shared_object_id": 56, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [1, null, 32]}]}2 +root.layer_with_weights-15"_tf_keras_layer*{"name": "dense_13", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_13", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 57}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 58}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_4", 0, 0, {}]]], "shared_object_id": 59, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 119}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 +root.layer_with_weights-16"_tf_keras_layer*{"name": "dense_15", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_15", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 60}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 61}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_5", 0, 0, {}]]], "shared_object_id": 62, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 120}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 +root.layer_with_weights-17"_tf_keras_layer*{"name": "dense_17", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_17", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 63}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 64}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_6", 0, 0, {}]]], "shared_object_id": 65, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 121}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 + root.layer_with_weights-18"_tf_keras_layer*{"name": "dense_14", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_14", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 66}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 67}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_13", 0, 0, {}]]], "shared_object_id": 68, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 122}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 +!root.layer_with_weights-19"_tf_keras_layer*{"name": "dense_16", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_16", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 69}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 70}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_15", 0, 0, {}]]], "shared_object_id": 71, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 123}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 +"root.layer_with_weights-20"_tf_keras_layer*{"name": "dense_18", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_18", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 72}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 73}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_17", 0, 0, {}]]], "shared_object_id": 74, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 124}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 + #root.layer_with_weights-21"_tf_keras_layer* {"name": "meg_net_layer_3", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_3", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 75}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 76}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "inbound_nodes": [[["dense_14", 0, 0, {}], ["dense_16", 0, 0, {}], ["dense_18", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 77, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}]}2 +$ root.layer-35"_tf_keras_layer*{"name": "add_7", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_7", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["add_4", 0, 0, {}], ["meg_net_layer_3", 0, 0, {}]]], "shared_object_id": 78, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 +% root.layer-36"_tf_keras_layer*{"name": "add_8", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_8", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["add_5", 0, 0, {}], ["meg_net_layer_3", 0, 1, {}]]], "shared_object_id": 79, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 + &root.layer_with_weights-22"_tf_keras_layer* {"name": "set2_set_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Set2Set", "config": {"name": "set2_set_1", "trainable": false, "dtype": "float32", "T": 2, "n_hidden": 16, "activation": "linear", "activation_lstm": "tanh", "recurrent_activation": "hard_sigmoid", "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 80}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 81}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 82}, "use_bias": true, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_7", 0, 0, {}], ["input_6", 0, 0, {}]]], "shared_object_id": 83, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null]}]}2 + 'root.layer_with_weights-23"_tf_keras_layer* {"name": "set2_set_2", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Set2Set", "config": {"name": "set2_set_2", "trainable": false, "dtype": "float32", "T": 2, "n_hidden": 16, "activation": "linear", "activation_lstm": "tanh", "recurrent_activation": "hard_sigmoid", "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 84}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 85}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 86}, "use_bias": true, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_8", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 87, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null]}]}2 +( root.layer-39"_tf_keras_layer*{"name": "add_9", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_9", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["add_6", 0, 0, {}], ["meg_net_layer_3", 0, 2, {}]]], "shared_object_id": 88, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [1, null, 32]}]}2 +) root.layer-40"_tf_keras_layer*{"name": "concatenate_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Concatenate", "config": {"name": "concatenate_1", "trainable": false, "dtype": "float32", "axis": -1}, "inbound_nodes": [[["set2_set_1", 0, 0, {}], ["set2_set_2", 0, 0, {}], ["add_9", 0, 0, {}]]], "shared_object_id": 89, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 +*root.layer_with_weights-24"_tf_keras_layer*{"name": "dense_19", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_19", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 90}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 91}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["concatenate_1", 0, 0, {}]]], "shared_object_id": 92, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 96}}, "shared_object_id": 125}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 96]}}2 ++root.layer_with_weights-25"_tf_keras_layer*{"name": "dense_20", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_20", "trainable": false, "dtype": "float32", "units": 16, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 93}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 94}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_19", 0, 0, {}]]], "shared_object_id": 95, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 126}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 +,root.layer_with_weights-26"_tf_keras_layer*{"name": "dense_21", "trainable": true, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_21", "trainable": true, "dtype": "float32", "units": 1, "activation": "linear", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 96}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 97}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_20", 0, 0, {}]]], "shared_object_id": 98, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 16}}, "shared_object_id": 127}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 16]}}2 +root.keras_api.metrics.0"_tf_keras_metric*{"class_name": "Mean", "name": "loss", "dtype": "float32", "config": {"name": "loss", "dtype": "float32"}, "shared_object_id": 128}2 \ No newline at end of file diff --git a/tests/test_model/prob_e_form_unnorm/megnet/saved_model.pb b/tests/test_model/prob_e_form_unnorm/megnet/saved_model.pb new file mode 100644 index 0000000..1126752 Binary files /dev/null and b/tests/test_model/prob_e_form_unnorm/megnet/saved_model.pb differ diff --git a/tests/test_model/prob_e_form_unnorm/megnet/variables/variables.data-00000-of-00001 b/tests/test_model/prob_e_form_unnorm/megnet/variables/variables.data-00000-of-00001 new file mode 100644 index 0000000..b28b286 Binary files /dev/null and b/tests/test_model/prob_e_form_unnorm/megnet/variables/variables.data-00000-of-00001 differ diff --git a/tests/test_model/prob_e_form_unnorm/megnet/variables/variables.index b/tests/test_model/prob_e_form_unnorm/megnet/variables/variables.index new file mode 100644 index 0000000..78fdd32 Binary files /dev/null and b/tests/test_model/prob_e_form_unnorm/megnet/variables/variables.index differ diff --git a/tests/test_model/prob_e_form_unnorm/nn/keras_metadata.pb b/tests/test_model/prob_e_form_unnorm/nn/keras_metadata.pb new file mode 100644 index 0000000..8b9fcf7 --- /dev/null +++ b/tests/test_model/prob_e_form_unnorm/nn/keras_metadata.pb @@ -0,0 +1,48 @@ + +root"_tf_keras_network*{"name": "model_1", "trainable": true, "expects_training_arg": true, "dtype": "float32", "batch_input_shape": null, "must_restore_from_config": false, "class_name": "Functional", "config": {"name": "model_1", "layers": [{"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_1"}, "name": "input_1", "inbound_nodes": []}, {"class_name": "Embedding", "config": {"name": "embedding_1", "trainable": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "float32", "input_dim": 95, "output_dim": 16, "embeddings_initializer": {"class_name": "RandomUniform", "config": {"minval": -0.05, "maxval": 0.05, "seed": null}}, "embeddings_regularizer": null, "activity_regularizer": null, "embeddings_constraint": null, "mask_zero": false, "input_length": null}, "name": "embedding_1", "inbound_nodes": [[["input_1", 0, 0, {}]]]}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 100]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "input_2"}, "name": "input_2", "inbound_nodes": []}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 2]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "input_3"}, "name": "input_3", "inbound_nodes": []}, {"class_name": "Dense", "config": {"name": "dense_1", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_1", "inbound_nodes": [[["embedding_1", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_3", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_3", "inbound_nodes": [[["input_2", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_5", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_5", "inbound_nodes": [[["input_3", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_2", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_2", "inbound_nodes": [[["dense_1", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_4", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_4", "inbound_nodes": [[["dense_3", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_6", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_6", "inbound_nodes": [[["dense_5", 0, 0, {}]]]}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_4"}, "name": "input_4", "inbound_nodes": []}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_5"}, "name": "input_5", "inbound_nodes": []}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_6"}, "name": "input_6", "inbound_nodes": []}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_7"}, "name": "input_7", "inbound_nodes": []}, {"class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_1", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "name": "meg_net_layer_1", "inbound_nodes": [[["dense_2", 0, 0, {}], ["dense_4", 0, 0, {}], ["dense_6", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_1", "trainable": false, "dtype": "float32"}, "name": "add_1", "inbound_nodes": [[["dense_2", 0, 0, {}], ["meg_net_layer_1", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_2", "trainable": false, "dtype": "float32"}, "name": "add_2", "inbound_nodes": [[["dense_4", 0, 0, {}], ["meg_net_layer_1", 0, 1, {}]]]}, {"class_name": "Add", "config": {"name": "add_3", "trainable": false, "dtype": "float32"}, "name": "add_3", "inbound_nodes": [[["dense_6", 0, 0, {}], ["meg_net_layer_1", 0, 2, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_7", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_7", "inbound_nodes": [[["add_1", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_9", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_9", "inbound_nodes": [[["add_2", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_11", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_11", "inbound_nodes": [[["add_3", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_8", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_8", "inbound_nodes": [[["dense_7", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_10", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_10", "inbound_nodes": [[["dense_9", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_12", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_12", "inbound_nodes": [[["dense_11", 0, 0, {}]]]}, {"class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_2", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "name": "meg_net_layer_2", "inbound_nodes": [[["dense_8", 0, 0, {}], ["dense_10", 0, 0, {}], ["dense_12", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_4", "trainable": false, "dtype": "float32"}, "name": "add_4", "inbound_nodes": [[["add_1", 0, 0, {}], ["meg_net_layer_2", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_5", "trainable": false, "dtype": "float32"}, "name": "add_5", "inbound_nodes": [[["add_2", 0, 0, {}], ["meg_net_layer_2", 0, 1, {}]]]}, {"class_name": "Add", "config": {"name": "add_6", "trainable": false, "dtype": "float32"}, "name": "add_6", "inbound_nodes": [[["add_3", 0, 0, {}], ["meg_net_layer_2", 0, 2, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_13", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_13", "inbound_nodes": [[["add_4", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_15", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_15", "inbound_nodes": [[["add_5", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_17", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_17", "inbound_nodes": [[["add_6", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_14", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_14", "inbound_nodes": [[["dense_13", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_16", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_16", "inbound_nodes": [[["dense_15", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_18", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_18", "inbound_nodes": [[["dense_17", 0, 0, {}]]]}, {"class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_3", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "name": "meg_net_layer_3", "inbound_nodes": [[["dense_14", 0, 0, {}], ["dense_16", 0, 0, {}], ["dense_18", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_7", "trainable": false, "dtype": "float32"}, "name": "add_7", "inbound_nodes": [[["add_4", 0, 0, {}], ["meg_net_layer_3", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_8", "trainable": false, "dtype": "float32"}, "name": "add_8", "inbound_nodes": [[["add_5", 0, 0, {}], ["meg_net_layer_3", 0, 1, {}]]]}, {"class_name": "Set2Set", "config": {"name": "set2_set_1", "trainable": false, "dtype": "float32", "T": 2, "n_hidden": 16, "activation": "linear", "activation_lstm": "tanh", "recurrent_activation": "hard_sigmoid", "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "use_bias": true, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null}, "name": "set2_set_1", "inbound_nodes": [[["add_7", 0, 0, {}], ["input_6", 0, 0, {}]]]}, {"class_name": "Set2Set", "config": {"name": "set2_set_2", "trainable": false, "dtype": "float32", "T": 2, "n_hidden": 16, "activation": "linear", "activation_lstm": "tanh", "recurrent_activation": "hard_sigmoid", "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "use_bias": true, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null}, "name": "set2_set_2", "inbound_nodes": [[["add_8", 0, 0, {}], ["input_7", 0, 0, {}]]]}, {"class_name": "Add", "config": {"name": "add_9", "trainable": false, "dtype": "float32"}, "name": "add_9", "inbound_nodes": [[["add_6", 0, 0, {}], ["meg_net_layer_3", 0, 2, {}]]]}, {"class_name": "Concatenate", "config": {"name": "concatenate_1", "trainable": false, "dtype": "float32", "axis": -1}, "name": "concatenate_1", "inbound_nodes": [[["set2_set_1", 0, 0, {}], ["set2_set_2", 0, 0, {}], ["add_9", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_19", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_19", "inbound_nodes": [[["concatenate_1", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_20", "trainable": false, "dtype": "float32", "units": 16, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_20", "inbound_nodes": [[["dense_19", 0, 0, {}]]]}, {"class_name": "Dense", "config": {"name": "dense_21", "trainable": true, "dtype": "float32", "units": 1, "activation": "linear", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}}, "bias_initializer": {"class_name": "Zeros", "config": {}}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_21", "inbound_nodes": [[["dense_20", 0, 0, {}]]]}], "input_layers": [["input_1", 0, 0], ["input_2", 0, 0], ["input_3", 0, 0], ["input_4", 0, 0], ["input_5", 0, 0], ["input_6", 0, 0], ["input_7", 0, 0]], "output_layers": [["dense_21", 0, 0]]}, "shared_object_id": 99, "input_spec": [{"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null]}, "ndim": 2, "max_ndim": null, "min_ndim": null, "axes": {}}}, {"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null, 100]}, "ndim": 3, "max_ndim": null, "min_ndim": null, "axes": {}}}, {"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null, 2]}, "ndim": 3, "max_ndim": null, "min_ndim": null, "axes": {}}}, {"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null]}, "ndim": 2, "max_ndim": null, "min_ndim": null, "axes": {}}}, {"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null]}, "ndim": 2, "max_ndim": null, "min_ndim": null, "axes": {}}}, {"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null]}, "ndim": 2, "max_ndim": null, "min_ndim": null, "axes": {}}}, {"class_name": "InputSpec", "config": {"dtype": null, "shape": {"class_name": "__tuple__", "items": [null, null]}, "ndim": 2, "max_ndim": null, "min_ndim": null, "axes": {}}}], "build_input_shape": [{"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null, 100]}, {"class_name": "TensorShape", "items": [null, null, 2]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}], "is_graph_network": true, "full_save_spec": {"class_name": "__tuple__", "items": [[[{"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_1"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null, 100]}, "float32", "input_2"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null, 2]}, "float32", "input_3"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_4"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_5"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_6"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_7"]}]], {}]}, "save_spec": [{"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_1"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null, 100]}, "float32", "input_2"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null, 2]}, "float32", "input_3"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_4"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_5"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_6"]}, {"class_name": "TypeSpec", "type_spec": "tf.TensorSpec", "serialized": [{"class_name": "TensorShape", "items": [null, null]}, "int32", "input_7"]}], "keras_version": "2.6.0", "backend": "tensorflow", "model_config": {"class_name": "Functional", "config": {"name": "model_1", "layers": [{"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_1"}, "name": "input_1", "inbound_nodes": [], "shared_object_id": 0}, {"class_name": "Embedding", "config": {"name": "embedding_1", "trainable": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "float32", "input_dim": 95, "output_dim": 16, "embeddings_initializer": {"class_name": "RandomUniform", "config": {"minval": -0.05, "maxval": 0.05, "seed": null}, "shared_object_id": 1}, "embeddings_regularizer": null, "activity_regularizer": null, "embeddings_constraint": null, "mask_zero": false, "input_length": null}, "name": "embedding_1", "inbound_nodes": [[["input_1", 0, 0, {}]]], "shared_object_id": 2}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 100]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "input_2"}, "name": "input_2", "inbound_nodes": [], "shared_object_id": 3}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 2]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "input_3"}, "name": "input_3", "inbound_nodes": [], "shared_object_id": 4}, {"class_name": "Dense", "config": {"name": "dense_1", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 5}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 6}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_1", "inbound_nodes": [[["embedding_1", 0, 0, {}]]], "shared_object_id": 7}, {"class_name": "Dense", "config": {"name": "dense_3", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 8}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 9}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_3", "inbound_nodes": [[["input_2", 0, 0, {}]]], "shared_object_id": 10}, {"class_name": "Dense", "config": {"name": "dense_5", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 11}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 12}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_5", "inbound_nodes": [[["input_3", 0, 0, {}]]], "shared_object_id": 13}, {"class_name": "Dense", "config": {"name": "dense_2", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 14}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 15}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_2", "inbound_nodes": [[["dense_1", 0, 0, {}]]], "shared_object_id": 16}, {"class_name": "Dense", "config": {"name": "dense_4", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 17}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 18}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_4", "inbound_nodes": [[["dense_3", 0, 0, {}]]], "shared_object_id": 19}, {"class_name": "Dense", "config": {"name": "dense_6", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 20}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 21}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_6", "inbound_nodes": [[["dense_5", 0, 0, {}]]], "shared_object_id": 22}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_4"}, "name": "input_4", "inbound_nodes": [], "shared_object_id": 23}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_5"}, "name": "input_5", "inbound_nodes": [], "shared_object_id": 24}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_6"}, "name": "input_6", "inbound_nodes": [], "shared_object_id": 25}, {"class_name": "InputLayer", "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_7"}, "name": "input_7", "inbound_nodes": [], "shared_object_id": 26}, {"class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_1", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 27}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 28}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "name": "meg_net_layer_1", "inbound_nodes": [[["dense_2", 0, 0, {}], ["dense_4", 0, 0, {}], ["dense_6", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 29}, {"class_name": "Add", "config": {"name": "add_1", "trainable": false, "dtype": "float32"}, "name": "add_1", "inbound_nodes": [[["dense_2", 0, 0, {}], ["meg_net_layer_1", 0, 0, {}]]], "shared_object_id": 30}, {"class_name": "Add", "config": {"name": "add_2", "trainable": false, "dtype": "float32"}, "name": "add_2", "inbound_nodes": [[["dense_4", 0, 0, {}], ["meg_net_layer_1", 0, 1, {}]]], "shared_object_id": 31}, {"class_name": "Add", "config": {"name": "add_3", "trainable": false, "dtype": "float32"}, "name": "add_3", "inbound_nodes": [[["dense_6", 0, 0, {}], ["meg_net_layer_1", 0, 2, {}]]], "shared_object_id": 32}, {"class_name": "Dense", "config": {"name": "dense_7", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 33}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 34}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_7", "inbound_nodes": [[["add_1", 0, 0, {}]]], "shared_object_id": 35}, {"class_name": "Dense", "config": {"name": "dense_9", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 36}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 37}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_9", "inbound_nodes": [[["add_2", 0, 0, {}]]], "shared_object_id": 38}, {"class_name": "Dense", "config": {"name": "dense_11", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 39}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 40}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_11", "inbound_nodes": [[["add_3", 0, 0, {}]]], "shared_object_id": 41}, {"class_name": "Dense", "config": {"name": "dense_8", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 42}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 43}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_8", "inbound_nodes": [[["dense_7", 0, 0, {}]]], "shared_object_id": 44}, {"class_name": "Dense", "config": {"name": "dense_10", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 45}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 46}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_10", "inbound_nodes": [[["dense_9", 0, 0, {}]]], "shared_object_id": 47}, {"class_name": "Dense", "config": {"name": "dense_12", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 48}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 49}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_12", "inbound_nodes": [[["dense_11", 0, 0, {}]]], "shared_object_id": 50}, {"class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_2", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 51}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 52}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "name": "meg_net_layer_2", "inbound_nodes": [[["dense_8", 0, 0, {}], ["dense_10", 0, 0, {}], ["dense_12", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 53}, {"class_name": "Add", "config": {"name": "add_4", "trainable": false, "dtype": "float32"}, "name": "add_4", "inbound_nodes": [[["add_1", 0, 0, {}], ["meg_net_layer_2", 0, 0, {}]]], "shared_object_id": 54}, {"class_name": "Add", "config": {"name": "add_5", "trainable": false, "dtype": "float32"}, "name": "add_5", "inbound_nodes": [[["add_2", 0, 0, {}], ["meg_net_layer_2", 0, 1, {}]]], "shared_object_id": 55}, {"class_name": "Add", "config": {"name": "add_6", "trainable": false, "dtype": "float32"}, "name": "add_6", "inbound_nodes": [[["add_3", 0, 0, {}], ["meg_net_layer_2", 0, 2, {}]]], "shared_object_id": 56}, {"class_name": "Dense", "config": {"name": "dense_13", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 57}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 58}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_13", "inbound_nodes": [[["add_4", 0, 0, {}]]], "shared_object_id": 59}, {"class_name": "Dense", "config": {"name": "dense_15", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 60}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 61}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_15", "inbound_nodes": [[["add_5", 0, 0, {}]]], "shared_object_id": 62}, {"class_name": "Dense", "config": {"name": "dense_17", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 63}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 64}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_17", "inbound_nodes": [[["add_6", 0, 0, {}]]], "shared_object_id": 65}, {"class_name": "Dense", "config": {"name": "dense_14", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 66}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 67}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_14", "inbound_nodes": [[["dense_13", 0, 0, {}]]], "shared_object_id": 68}, {"class_name": "Dense", "config": {"name": "dense_16", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 69}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 70}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_16", "inbound_nodes": [[["dense_15", 0, 0, {}]]], "shared_object_id": 71}, {"class_name": "Dense", "config": {"name": "dense_18", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 72}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 73}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_18", "inbound_nodes": [[["dense_17", 0, 0, {}]]], "shared_object_id": 74}, {"class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_3", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 75}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 76}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "name": "meg_net_layer_3", "inbound_nodes": [[["dense_14", 0, 0, {}], ["dense_16", 0, 0, {}], ["dense_18", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 77}, {"class_name": "Add", "config": {"name": "add_7", "trainable": false, "dtype": "float32"}, "name": "add_7", "inbound_nodes": [[["add_4", 0, 0, {}], ["meg_net_layer_3", 0, 0, {}]]], "shared_object_id": 78}, {"class_name": "Add", "config": {"name": "add_8", "trainable": false, "dtype": "float32"}, "name": "add_8", "inbound_nodes": [[["add_5", 0, 0, {}], ["meg_net_layer_3", 0, 1, {}]]], "shared_object_id": 79}, {"class_name": "Set2Set", "config": {"name": "set2_set_1", "trainable": false, "dtype": "float32", "T": 2, "n_hidden": 16, "activation": "linear", "activation_lstm": "tanh", "recurrent_activation": "hard_sigmoid", "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 80}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 81}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 82}, "use_bias": true, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null}, "name": "set2_set_1", "inbound_nodes": [[["add_7", 0, 0, {}], ["input_6", 0, 0, {}]]], "shared_object_id": 83}, {"class_name": "Set2Set", "config": {"name": "set2_set_2", "trainable": false, "dtype": "float32", "T": 2, "n_hidden": 16, "activation": "linear", "activation_lstm": "tanh", "recurrent_activation": "hard_sigmoid", "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 84}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 85}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 86}, "use_bias": true, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null}, "name": "set2_set_2", "inbound_nodes": [[["add_8", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 87}, {"class_name": "Add", "config": {"name": "add_9", "trainable": false, "dtype": "float32"}, "name": "add_9", "inbound_nodes": [[["add_6", 0, 0, {}], ["meg_net_layer_3", 0, 2, {}]]], "shared_object_id": 88}, {"class_name": "Concatenate", "config": {"name": "concatenate_1", "trainable": false, "dtype": "float32", "axis": -1}, "name": "concatenate_1", "inbound_nodes": [[["set2_set_1", 0, 0, {}], ["set2_set_2", 0, 0, {}], ["add_9", 0, 0, {}]]], "shared_object_id": 89}, {"class_name": "Dense", "config": {"name": "dense_19", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 90}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 91}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_19", "inbound_nodes": [[["concatenate_1", 0, 0, {}]]], "shared_object_id": 92}, {"class_name": "Dense", "config": {"name": "dense_20", "trainable": false, "dtype": "float32", "units": 16, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 93}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 94}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_20", "inbound_nodes": [[["dense_19", 0, 0, {}]]], "shared_object_id": 95}, {"class_name": "Dense", "config": {"name": "dense_21", "trainable": true, "dtype": "float32", "units": 1, "activation": "linear", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 96}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 97}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "name": "dense_21", "inbound_nodes": [[["dense_20", 0, 0, {}]]], "shared_object_id": 98}], "input_layers": [["input_1", 0, 0], ["input_2", 0, 0], ["input_3", 0, 0], ["input_4", 0, 0], ["input_5", 0, 0], ["input_6", 0, 0], ["input_7", 0, 0]], "output_layers": [["dense_21", 0, 0]]}}}2 + root.layer-0"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_1", "dtype": "int32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_1"}}2 +root.layer_with_weights-0"_tf_keras_layer*{"name": "embedding_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "stateful": false, "must_restore_from_config": false, "class_name": "Embedding", "config": {"name": "embedding_1", "trainable": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "float32", "input_dim": 95, "output_dim": 16, "embeddings_initializer": {"class_name": "RandomUniform", "config": {"minval": -0.05, "maxval": 0.05, "seed": null}, "shared_object_id": 1}, "embeddings_regularizer": null, "activity_regularizer": null, "embeddings_constraint": null, "mask_zero": false, "input_length": null}, "inbound_nodes": [[["input_1", 0, 0, {}]]], "shared_object_id": 2, "build_input_shape": {"class_name": "TensorShape", "items": [null, null]}}2 + root.layer-2"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_2", "dtype": "float32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 100]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 100]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "input_2"}}2 + root.layer-3"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_3", "dtype": "float32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 2]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null, 2]}, "dtype": "float32", "sparse": false, "ragged": false, "name": "input_3"}}2 +root.layer_with_weights-1"_tf_keras_layer*{"name": "dense_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_1", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 5}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 6}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["embedding_1", 0, 0, {}]]], "shared_object_id": 7, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 16}}, "shared_object_id": 107}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 16]}}2 +root.layer_with_weights-2"_tf_keras_layer*{"name": "dense_3", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_3", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 8}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 9}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["input_2", 0, 0, {}]]], "shared_object_id": 10, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 100}}, "shared_object_id": 108}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 100]}}2 +root.layer_with_weights-3"_tf_keras_layer*{"name": "dense_5", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_5", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 11}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 12}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["input_3", 0, 0, {}]]], "shared_object_id": 13, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 2}}, "shared_object_id": 109}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 2]}}2 +root.layer_with_weights-4"_tf_keras_layer*{"name": "dense_2", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_2", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 14}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 15}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_1", 0, 0, {}]]], "shared_object_id": 16, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 110}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 + root.layer_with_weights-5"_tf_keras_layer*{"name": "dense_4", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_4", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 17}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 18}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_3", 0, 0, {}]]], "shared_object_id": 19, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 111}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 + +root.layer_with_weights-6"_tf_keras_layer*{"name": "dense_6", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_6", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 20}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 21}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_5", 0, 0, {}]]], "shared_object_id": 22, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 112}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 +  root.layer-10"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_4", "dtype": "int32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_4"}}2 +  root.layer-11"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_5", "dtype": "int32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_5"}}2 +  root.layer-12"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_6", "dtype": "int32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_6"}}2 + root.layer-13"_tf_keras_input_layer*{"class_name": "InputLayer", "name": "input_7", "dtype": "int32", "sparse": false, "ragged": false, "batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "config": {"batch_input_shape": {"class_name": "__tuple__", "items": [null, null]}, "dtype": "int32", "sparse": false, "ragged": false, "name": "input_7"}}2 + root.layer_with_weights-7"_tf_keras_layer* {"name": "meg_net_layer_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_1", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 27}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 28}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "inbound_nodes": [[["dense_2", 0, 0, {}], ["dense_4", 0, 0, {}], ["dense_6", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 29, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}]}2 + root.layer-15"_tf_keras_layer*{"name": "add_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_1", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["dense_2", 0, 0, {}], ["meg_net_layer_1", 0, 0, {}]]], "shared_object_id": 30, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 + root.layer-16"_tf_keras_layer*{"name": "add_2", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_2", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["dense_4", 0, 0, {}], ["meg_net_layer_1", 0, 1, {}]]], "shared_object_id": 31, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 + root.layer-17"_tf_keras_layer*{"name": "add_3", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_3", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["dense_6", 0, 0, {}], ["meg_net_layer_1", 0, 2, {}]]], "shared_object_id": 32, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [1, null, 32]}]}2 +root.layer_with_weights-8"_tf_keras_layer*{"name": "dense_7", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_7", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 33}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 34}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_1", 0, 0, {}]]], "shared_object_id": 35, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 113}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 +root.layer_with_weights-9"_tf_keras_layer*{"name": "dense_9", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_9", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 36}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 37}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_2", 0, 0, {}]]], "shared_object_id": 38, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 114}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 +root.layer_with_weights-10"_tf_keras_layer*{"name": "dense_11", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_11", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 39}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 40}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_3", 0, 0, {}]]], "shared_object_id": 41, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 115}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 +root.layer_with_weights-11"_tf_keras_layer*{"name": "dense_8", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_8", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 42}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 43}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_7", 0, 0, {}]]], "shared_object_id": 44, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 116}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 +root.layer_with_weights-12"_tf_keras_layer*{"name": "dense_10", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_10", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 45}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 46}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_9", 0, 0, {}]]], "shared_object_id": 47, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 117}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 +root.layer_with_weights-13"_tf_keras_layer*{"name": "dense_12", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_12", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 48}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 49}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_11", 0, 0, {}]]], "shared_object_id": 50, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 118}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 + root.layer_with_weights-14"_tf_keras_layer* {"name": "meg_net_layer_2", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_2", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 51}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 52}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "inbound_nodes": [[["dense_8", 0, 0, {}], ["dense_10", 0, 0, {}], ["dense_12", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 53, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}]}2 + root.layer-25"_tf_keras_layer*{"name": "add_4", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_4", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["add_1", 0, 0, {}], ["meg_net_layer_2", 0, 0, {}]]], "shared_object_id": 54, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 + root.layer-26"_tf_keras_layer*{"name": "add_5", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_5", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["add_2", 0, 0, {}], ["meg_net_layer_2", 0, 1, {}]]], "shared_object_id": 55, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 + root.layer-27"_tf_keras_layer*{"name": "add_6", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_6", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["add_3", 0, 0, {}], ["meg_net_layer_2", 0, 2, {}]]], "shared_object_id": 56, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [1, null, 32]}]}2 +root.layer_with_weights-15"_tf_keras_layer*{"name": "dense_13", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_13", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 57}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 58}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_4", 0, 0, {}]]], "shared_object_id": 59, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 119}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 +root.layer_with_weights-16"_tf_keras_layer*{"name": "dense_15", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_15", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 60}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 61}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_5", 0, 0, {}]]], "shared_object_id": 62, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 120}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 +root.layer_with_weights-17"_tf_keras_layer*{"name": "dense_17", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_17", "trainable": false, "dtype": "float32", "units": 64, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 63}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 64}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_6", 0, 0, {}]]], "shared_object_id": 65, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 121}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 + root.layer_with_weights-18"_tf_keras_layer*{"name": "dense_14", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_14", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 66}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 67}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_13", 0, 0, {}]]], "shared_object_id": 68, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 122}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 +!root.layer_with_weights-19"_tf_keras_layer*{"name": "dense_16", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_16", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 69}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 70}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_15", 0, 0, {}]]], "shared_object_id": 71, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 123}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 +"root.layer_with_weights-20"_tf_keras_layer*{"name": "dense_18", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_18", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 72}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 73}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_17", 0, 0, {}]]], "shared_object_id": 74, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 64}}, "shared_object_id": 124}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 64]}}2 + #root.layer_with_weights-21"_tf_keras_layer* {"name": "meg_net_layer_3", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "MEGNetLayer", "config": {"name": "meg_net_layer_3", "trainable": false, "dtype": "float32", "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 75}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 76}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null, "units_e": [64, 64, 32], "units_v": [64, 64, 32], "units_u": [64, 64, 32], "pool_method": "mean"}, "inbound_nodes": [[["dense_14", 0, 0, {}], ["dense_16", 0, 0, {}], ["dense_18", 0, 0, {}], ["input_4", 0, 0, {}], ["input_5", 0, 0, {}], ["input_6", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 77, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}, {"class_name": "TensorShape", "items": [null, null]}]}2 +$ root.layer-35"_tf_keras_layer*{"name": "add_7", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_7", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["add_4", 0, 0, {}], ["meg_net_layer_3", 0, 0, {}]]], "shared_object_id": 78, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 +% root.layer-36"_tf_keras_layer*{"name": "add_8", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_8", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["add_5", 0, 0, {}], ["meg_net_layer_3", 0, 1, {}]]], "shared_object_id": 79, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 + &root.layer_with_weights-22"_tf_keras_layer* {"name": "set2_set_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Set2Set", "config": {"name": "set2_set_1", "trainable": false, "dtype": "float32", "T": 2, "n_hidden": 16, "activation": "linear", "activation_lstm": "tanh", "recurrent_activation": "hard_sigmoid", "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 80}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 81}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 82}, "use_bias": true, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_7", 0, 0, {}], ["input_6", 0, 0, {}]]], "shared_object_id": 83, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null]}]}2 + 'root.layer_with_weights-23"_tf_keras_layer* {"name": "set2_set_2", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Set2Set", "config": {"name": "set2_set_2", "trainable": false, "dtype": "float32", "T": 2, "n_hidden": 16, "activation": "linear", "activation_lstm": "tanh", "recurrent_activation": "hard_sigmoid", "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 84}, "recurrent_initializer": {"class_name": "Orthogonal", "config": {"gain": 1.0, "seed": null}, "shared_object_id": 85}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 86}, "use_bias": true, "unit_forget_bias": true, "kernel_regularizer": null, "recurrent_regularizer": null, "bias_regularizer": null, "kernel_constraint": null, "recurrent_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["add_8", 0, 0, {}], ["input_7", 0, 0, {}]]], "shared_object_id": 87, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null]}]}2 +( root.layer-39"_tf_keras_layer*{"name": "add_9", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Add", "config": {"name": "add_9", "trainable": false, "dtype": "float32"}, "inbound_nodes": [[["add_6", 0, 0, {}], ["meg_net_layer_3", 0, 2, {}]]], "shared_object_id": 88, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [1, null, 32]}]}2 +) root.layer-40"_tf_keras_layer*{"name": "concatenate_1", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Concatenate", "config": {"name": "concatenate_1", "trainable": false, "dtype": "float32", "axis": -1}, "inbound_nodes": [[["set2_set_1", 0, 0, {}], ["set2_set_2", 0, 0, {}], ["add_9", 0, 0, {}]]], "shared_object_id": 89, "build_input_shape": [{"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}, {"class_name": "TensorShape", "items": [null, null, 32]}]}2 +*root.layer_with_weights-24"_tf_keras_layer*{"name": "dense_19", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_19", "trainable": false, "dtype": "float32", "units": 32, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 90}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 91}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["concatenate_1", 0, 0, {}]]], "shared_object_id": 92, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 96}}, "shared_object_id": 125}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 96]}}2 ++root.layer_with_weights-25"_tf_keras_layer*{"name": "dense_20", "trainable": false, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_20", "trainable": false, "dtype": "float32", "units": 16, "activation": "softplus2", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 93}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 94}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_19", 0, 0, {}]]], "shared_object_id": 95, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 32}}, "shared_object_id": 126}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 32]}}2 +,root.layer_with_weights-26"_tf_keras_layer*{"name": "dense_21", "trainable": true, "expects_training_arg": false, "dtype": "float32", "batch_input_shape": null, "stateful": false, "must_restore_from_config": false, "class_name": "Dense", "config": {"name": "dense_21", "trainable": true, "dtype": "float32", "units": 1, "activation": "linear", "use_bias": true, "kernel_initializer": {"class_name": "VarianceScaling", "config": {"scale": 1.0, "mode": "fan_avg", "distribution": "uniform", "seed": null}, "shared_object_id": 96}, "bias_initializer": {"class_name": "Zeros", "config": {}, "shared_object_id": 97}, "kernel_regularizer": null, "bias_regularizer": null, "activity_regularizer": null, "kernel_constraint": null, "bias_constraint": null}, "inbound_nodes": [[["dense_20", 0, 0, {}]]], "shared_object_id": 98, "input_spec": {"class_name": "InputSpec", "config": {"dtype": null, "shape": null, "ndim": null, "max_ndim": null, "min_ndim": 2, "axes": {"-1": 16}}, "shared_object_id": 127}, "build_input_shape": {"class_name": "TensorShape", "items": [null, null, 16]}}2 +root.keras_api.metrics.0"_tf_keras_metric*{"class_name": "Mean", "name": "loss", "dtype": "float32", "config": {"name": "loss", "dtype": "float32"}, "shared_object_id": 128}2 \ No newline at end of file diff --git a/tests/test_model/prob_e_form_unnorm/nn/saved_model.pb b/tests/test_model/prob_e_form_unnorm/nn/saved_model.pb new file mode 100644 index 0000000..6f15bbf Binary files /dev/null and b/tests/test_model/prob_e_form_unnorm/nn/saved_model.pb differ diff --git a/tests/test_model/prob_e_form_unnorm/nn/variables/variables.data-00000-of-00001 b/tests/test_model/prob_e_form_unnorm/nn/variables/variables.data-00000-of-00001 new file mode 100644 index 0000000..4b13792 Binary files /dev/null and b/tests/test_model/prob_e_form_unnorm/nn/variables/variables.data-00000-of-00001 differ diff --git a/tests/test_model/prob_e_form_unnorm/nn/variables/variables.index b/tests/test_model/prob_e_form_unnorm/nn/variables/variables.index new file mode 100644 index 0000000..a42bc06 Binary files /dev/null and b/tests/test_model/prob_e_form_unnorm/nn/variables/variables.index differ diff --git a/tests/test_model/prob_e_form_unnorm/weights.data-00000-of-00001 b/tests/test_model/prob_e_form_unnorm/weights.data-00000-of-00001 new file mode 100644 index 0000000..342f3a2 Binary files /dev/null and b/tests/test_model/prob_e_form_unnorm/weights.data-00000-of-00001 differ diff --git a/tests/test_model/prob_e_form_unnorm/weights.index b/tests/test_model/prob_e_form_unnorm/weights.index new file mode 100644 index 0000000..f640377 Binary files /dev/null and b/tests/test_model/prob_e_form_unnorm/weights.index differ diff --git a/tests/utils.py b/tests/utils.py new file mode 100644 index 0000000..37827b9 --- /dev/null +++ b/tests/utils.py @@ -0,0 +1,69 @@ +"""Testing suite shared functionality.""" +import os + +os.environ["CUDA_DEVICE_ORDER"] = "PCI_BUS_ID" +os.environ["CUDA_VISIBLE_DEVICES"] = "" + +from distutils import dir_util +from math import floor +from pathlib import Path +from typing import List, Tuple + +import numpy as np +import pandas as pd +import pytest + +SplitData = Tuple[Tuple[list, list], Tuple[list, list]] + +@pytest.fixture +def datadir(tmpdir, request) -> Path: + """Access data directory. + + Fixture responsible for searching a folder with the same name of test + module and, if available, moving all contents to a temporary directory so + tests can use them freely. + + Source: https://stackoverflow.com/a/29631801/ + + """ + filename = request.module.__file__ + test_dir, _ = os.path.splitext(filename) + + if os.path.isdir(test_dir): + dir_util.copy_tree(test_dir, str(tmpdir)) + + return tmpdir + + +def weights_equal(weights_a: List[np.ndarray], weights_b: List[np.ndarray]) -> bool: + """Check equality between weights.""" + return all( + weight1 == pytest.approx(weight2, rel=1e-6) for weight1, weight2 in zip(weights_a, weights_b) + ) + +def load_df_head(fname: Path, num_entries: int=100) -> pd.DataFrame: + """Load first entries of a pandas DataFrame in a backwards-compatible way. + + Args: + fname: The pickle file to open. + num_entries: How many values to read. + + """ + try: + return pd.read_pickle(fname)[:num_entries] + except ValueError: + # Older python version + import pickle5 as pkl + + with fname.open("rb") as f: + return pkl.load(f)[:num_entries] + +def train_test_split( + structures: list, targets: list, train_frac: float = 0.8 +) -> SplitData: + """Split structures and targets into training and testing subsets.""" + num_train = floor(len(structures) * train_frac) + return ( + (structures[:num_train], targets[:num_train]), + (structures[num_train:], targets[num_train:]), + ) diff --git a/tox.ini b/tox.ini index 68f3a03..545a07f 100644 --- a/tox.ini +++ b/tox.ini @@ -13,6 +13,7 @@ deps = tensorflow-probability>=0.10.1 pymatgen<=2021.2.8 pytest + pytest-mock ; pytest-xdist pandas pyarrow>=1.0.1 diff --git a/unlocknn/__init__.py b/unlocknn/__init__.py index fee6176..e170ff0 100644 --- a/unlocknn/__init__.py +++ b/unlocknn/__init__.py @@ -1,3 +1,19 @@ """Tools for adding uncertainty quantification to neural networks.""" +import warnings + +# Modules with deprecation warnings +DEPR_MODULES = ["tensorflow", "tensorflow_probability", "megnet"] +PENDING_DEPR_MODULES = ["ruamel", "pymatgen", "monty"] + +for module in DEPR_MODULES: + warnings.filterwarnings("ignore", "DeprecationWarning", module=module) + +for module in PENDING_DEPR_MODULES: + warnings.filterwarnings("ignore", "PendingDeprecationWarning", module=module) + +warnings.filterwarnings("ignore", r"UserWarning: Unable to detect statically whether the number of index_points is 1.") +warnings.filterwarnings("ignore", r"UserWarning: Converting sparse .* to a dense Tensor of unknown shape.") +warnings.filterwarnings("ignore", r"CustomMaskWarning: Custom mask layers require a config and must override get_config.") + from .kernel_layers import * from .model import * diff --git a/unlocknn/download.py b/unlocknn/download.py index 325b03d..e5ebe54 100644 --- a/unlocknn/download.py +++ b/unlocknn/download.py @@ -7,7 +7,7 @@ try: from typing import Literal -except ImportError: +except ImportError: # pragma: no cover from typish import Literal import pandas as pd @@ -151,11 +151,11 @@ def _load_struct_data(fname: PathLike) -> pd.DataFrame: return serial_df -def _save_struct_data(df: pd.DataFrame, fname: PathLike): - """Save data containing ``Structure``s to a file. +def save_struct_data(df: pd.DataFrame, fname: PathLike): + """Save data containing ``Structure`` s to a file. Serializes the "structure" column to a string. - The converse of :func:`load_struct_data`. + The converse of :func:`_load_struct_data`. Args: df: The :class:`pd.DataFrame` to serialize. diff --git a/unlocknn/kernel_layers.py b/unlocknn/kernel_layers.py index a8c8dbc..56e3801 100644 --- a/unlocknn/kernel_layers.py +++ b/unlocknn/kernel_layers.py @@ -89,8 +89,10 @@ class AmpAndLengthScaleFn(KernelLayer, ABC): """An ABC for kernels with amplitude and length scale parameters. Attributes: - _amplitude (tf.Tensor): The amplitude of the kernel. - _length_scale (tf.Tensor): The length scale of the kernel. + _amplitude_basis (tf.Tensor): The basis for the kernel amplitude, + which is passed through a softplus to calculate the actual amplitude. + _length_scale_basis (tf.Tensor): The basis for the length scale of the kernel. + which is passed through a softplus to calculate the actual amplitude. """ @@ -99,21 +101,33 @@ def __init__(self, **kwargs): super().__init__(**kwargs) dtype = kwargs.get("dtype", tf.float64) - self._amplitude = self.add_weight( + self._amplitude_basis = self.add_weight( initializer=tf.constant_initializer(0), dtype=dtype, name="amplitude" ) - self._length_scale = self.add_weight( + self._length_scale_basis = self.add_weight( initializer=tf.constant_initializer(0), dtype=dtype, name="length_scale" ) + + @property + def amplitude(self) -> tf.Tensor: + """Get the current kernel amplitude.""" + return tf.nn.softplus(0.1 * self._amplitude_basis) + + @property + def length_scale(self) -> tf.Tensor: + """Get the current kernel length scale.""" + return tf.nn.softplus(5.0 * self._length_scale_basis) class RBFKernelFn(AmpAndLengthScaleFn): """A radial basis function implementation that works with keras. Attributes: - _amplitude (tf.Tensor): The amplitude of the kernel. - _length_scale (tf.Tensor): The length scale of the kernel. + _amplitude_basis (tf.Tensor): The basis for the kernel amplitude, + which is passed through a softplus to calculate the actual amplitude. + _length_scale_basis (tf.Tensor): The basis for the length scale of the kernel. + which is passed through a softplus to calculate the actual amplitude. """ @@ -121,8 +135,8 @@ class RBFKernelFn(AmpAndLengthScaleFn): def kernel(self) -> tfp.math.psd_kernels.PositiveSemidefiniteKernel: """Get a callable kernel.""" return tfp.math.psd_kernels.ExponentiatedQuadratic( - amplitude=tf.nn.softplus(0.1 * self._amplitude), - length_scale=tf.nn.softplus(5.0 * self._length_scale), + amplitude=self.amplitude, + length_scale=self.length_scale, ) @property @@ -134,8 +148,10 @@ class MaternOneHalfFn(AmpAndLengthScaleFn): """A Matern kernel with parameter 1/2 implementation that works with keras. Attributes: - _amplitude (tf.Tensor): The amplitude of the kernel. - _length_scale (tf.Tensor): The length scale of the kernel. + _amplitude_basis (tf.Tensor): The basis for the kernel amplitude, + which is passed through a softplus to calculate the actual amplitude. + _length_scale_basis (tf.Tensor): The basis for the length scale of the kernel. + which is passed through a softplus to calculate the actual amplitude. """ @@ -143,8 +159,8 @@ class MaternOneHalfFn(AmpAndLengthScaleFn): def kernel(self) -> tfp.math.psd_kernels.PositiveSemidefiniteKernel: """Get a callable kernel.""" return tfp.math.psd_kernels.MaternOneHalf( - amplitude=tf.nn.softplus(0.1 * self._amplitude), - length_scale=tf.nn.softplus(5.0 * self._length_scale), + amplitude=self.amplitude, + length_scale=self.length_scale, ) @property diff --git a/unlocknn/megnet_utils.py b/unlocknn/megnet_utils.py index 990ab82..9414867 100644 --- a/unlocknn/megnet_utils.py +++ b/unlocknn/megnet_utils.py @@ -10,6 +10,7 @@ MEGNetGraph = Dict[str, Union[np.ndarray, List[Union[int, float]]]] Targets = List[Union[float, np.ndarray]] +ModelInput = Union[Structure, MEGNetGraph] def default_megnet_config( @@ -58,7 +59,7 @@ def scale_targets( def create_megnet_input( meg_model: MEGNetModel, - structs: List[Structure], + inputs: List[ModelInput], targets: Optional[Targets] = None, batch_size: int = 128, scrub_failed_structs: bool = False, @@ -68,7 +69,7 @@ def create_megnet_input( Args: meg_model: The :class:`MEGNetModel` whose graph converter to use. - structs: The input structures. + inputs: The input, either as graphs or structures. targets: The input targets, if any. batch_size: The batch size for the generator. scrub_failed_structures: Whether to discard structures @@ -84,11 +85,17 @@ def create_megnet_input( """ # Make some targets up for compatibility has_targets = targets is not None - target_buffer = targets if has_targets else [0.0] * len(structs) + target_buffer = targets if has_targets else [0.0] * len(inputs) + + is_struct = isinstance(inputs[0], Structure) + if is_struct: + graphs, trunc_targets = meg_model.get_all_graphs_targets( + inputs, target_buffer, scrub_failed_structs + ) + else: + graphs = inputs + trunc_targets = target_buffer - graphs, trunc_targets = meg_model.get_all_graphs_targets( - structs, target_buffer, scrub_failed_structs - ) # Check dimensions of model against converted graphs meg_model.check_dimension(graphs[0]) diff --git a/unlocknn/metrics.py b/unlocknn/metrics.py index 30e903e..d286b95 100644 --- a/unlocknn/metrics.py +++ b/unlocknn/metrics.py @@ -1,5 +1,4 @@ """Uncertainty quantification metrics and evaluation utilities.""" -from pprint import pprint from typing import Callable, Dict, List, Optional import numpy as np @@ -8,7 +7,7 @@ from pymatgen.core.structure import Structure from .megnet_utils import Targets -from .model import ProbNN +from .model import ProbNN, ModelInput def neg_log_likelihood( @@ -16,7 +15,26 @@ def neg_log_likelihood( stddevs: Targets, true_vals: Targets, ) -> float: - """Calculate the negative log likelihood of true values given predictions.""" + r"""Calculate the negative log likelihood (NLL) of true values given predictions. + + NLL is given by + + .. math:: + + \mathrm{NLL} = -\sum_i \log p_i(y_i), + + where :math:`y_i` is the :math:`i^\mathrm{th}` observed (true) value and + :math:`p_i` is the probability density function for the + :math:`i^\mathrm{th}` predicted Gaussian distribution: + + .. math:: + + p_i \sim \mathcal{N} \left( \hat{y}_i, \sigma_i^2 \right), + + where :math:`\hat{y}_i` is the :math:`i^\mathrm{th}` predicted mean and + :math:`\sigma_i` is the :math:`i^\mathrm{th}` predicted standard deviation. + + """ dist = tfp.distributions.Normal(loc=predictions, scale=stddevs) nll = -tf.math.reduce_sum(dist.log_prob(true_vals)) return nll.numpy() @@ -48,7 +66,7 @@ def variation( the mean of the standard deviations and :math:`N` be the number of predictions. The coefficient of variation is given by: - .. math:: C_v = \sqrt{\frac{\sum_i^N{(\sigma_i - \bar{\sigma})^2}}{N - 1}} + .. math:: C_v = \frac{1}{\bar{\sigma}}\sqrt{\frac{\sum_i^N{(\sigma_i - \bar{\sigma})^2}}{N - 1}} """ stddev_mean = np.mean(stddevs) @@ -83,7 +101,7 @@ def __call__( true_vals: Targets, ) -> float: """Calculate the mean metric.""" - mean_error = np.mean(self.mean_what_func(true_vals - predictions)) + mean_error = np.mean(self.mean_what_func(np.array(true_vals) - np.array(predictions))) if self.take_root: return np.sqrt(mean_error) else: @@ -108,7 +126,7 @@ def __call__( def evaluate_uq_metrics( prob_model: ProbNN, - test_structs: List[Structure], + test_inputs: List[ModelInput], test_targets: Targets, metrics: List[str] = list(AVAILABLE_METRICS.keys()), ) -> Dict[str, float]: @@ -116,7 +134,7 @@ def evaluate_uq_metrics( Args: prob_model: The probabilistic model to evaluate. - test_structs: The input structures. + test_inputs: The input structures or graphs. test_targets: The target values for the structures. metrics: A list of metrics to compute. Defaults to computing all of the currently implemented @@ -149,7 +167,7 @@ def evaluate_uq_metrics( """ metrics_dict = {metric: AVAILABLE_METRICS[metric] for metric in metrics} - predictions, stddevs = prob_model.predict(test_structs) + predictions, stddevs = prob_model.predict(test_inputs) return { metric: func(predictions, stddevs, test_targets) for metric, func in metrics_dict.items() diff --git a/unlocknn/model.py b/unlocknn/model.py index adbbf48..0434eff 100644 --- a/unlocknn/model.py +++ b/unlocknn/model.py @@ -5,11 +5,11 @@ import warnings from abc import ABC, abstractmethod from pathlib import Path -from typing import Any, Dict, Iterable, List, Optional, Tuple, Union +from typing import Any, Dict, List, Optional, Tuple, Union try: from typing import Literal, get_args -except ImportError: +except ImportError: # pragma: no cover from typish import Literal, get_args @@ -23,7 +23,7 @@ from tensorflow.python.keras.utils import losses_utils from .kernel_layers import KernelLayer, RBFKernelFn, load_kernel -from .megnet_utils import create_megnet_input, Targets +from .megnet_utils import create_megnet_input, Targets, ModelInput tfd = tfp.distributions @@ -159,7 +159,9 @@ class ProbNN(ABC): index_initializer: A custom initializer to use for the VGP index points. use_normalization: Whether to use a ``BatchNormalization`` layer before the VGP. Recommended for better training efficiency. - + compile: Whether to compile the model for training. Not needed when loading + the model for inference only. + Attributes: CONFIG_VARS: A list of attribute names, as strings, to include in metadata when saving. These variables will be saved in a ``config.json`` file @@ -266,9 +268,7 @@ def set_frozen( self.model.layers[-1].trainable = not freeze if recompile: - self.compile( - kl_weight=self.kl_weight, optimizer=self.optimizer, **compilation_kwargs - ) + self.compile(optimizer=self.optimizer, **compilation_kwargs) @abstractmethod def train(self, *args, **kwargs) -> None: @@ -292,7 +292,6 @@ def _update_pred_model(self) -> None: use_normalization=self.use_normalization, prediction_mode=True, ) - pred_model.compile() pred_model.set_weights(weights) self.pred_model = pred_model @@ -360,7 +359,7 @@ def norm_frozen(self) -> Optional[bool]: def compile( self, - kl_weight: float = 1.0, + new_kl_weight: Optional[float] = None, optimizer: keras.optimizers.Optimizer = tf.optimizers.Adam(), new_metrics: Optional[Metrics] = None, ): @@ -369,13 +368,15 @@ def compile( Recompilation is required whenever layers are (un)frozen. Args: - kl_weight: The relative weighting of the Kullback-Leibler divergence - in the loss function. + new_kl_weight: The relative weighting of the Kullback-Leibler divergence + in the loss function. Default (``None``) is to leave unchanged. optimizer: The model optimizer, needed for recompilation. new_metrics: New metrics with which to compile. """ - loss = VariationalLoss(kl_weight) + loss = VariationalLoss( + new_kl_weight if new_kl_weight is not None else self.kl_weight + ) if new_metrics is not None: self.metrics = new_metrics self.model.compile(optimizer, loss=loss, metrics=self.metrics) @@ -425,10 +426,12 @@ def save_kernel(self, kernel_save_path: Path): @classmethod def load( - cls: "ProbNN", save_path: Path, load_ckpt: bool = True, **kwargs + cls: "ProbNN", save_path: PathLike, load_ckpt: bool = True, **kwargs ) -> "ProbNN": """Load a ProbNN from disk. + Loaded models must be recompiled before training. + Args: save_path: The path to the model's save directory. load_ckpt: Whether to load the best checkpoint's weights, instead @@ -443,7 +446,7 @@ def load( """ # Check the save path exists - if not save_path.exists(): + if not Path(save_path).exists(): raise FileNotFoundError(f"`{save_path}` does not exist.") paths = _get_save_paths(save_path) @@ -534,25 +537,25 @@ def __init__( def train( self, - structs: List[Structure], + inputs: List[Structure], targets: Targets, epochs: int, - val_structs: Optional[List[Structure]] = None, + val_inputs: Optional[List[ModelInput]] = None, val_targets: Optional[Targets] = None, callbacks: List[tf.keras.callbacks.Callback] = [], use_default_ckpt_handler: bool = True, ckpt_path: PathLike = "checkpoint.h5", - batch_size: int = 128, + batch_size: int = 32, scrub_failed_structs: bool = False, verbose: Literal[0, 1, 2] = 2, ): """Train the model. Args: - structs: A list of training crystal structures. + inputs: A list of training crystal structures or graphs. targets: A list of training target values. epochs: The number of training epochs. - val_structs: A list of validation crystal structures. + val_inputs: A list of validation crystal structures or graphs. val_targets: A list of validation target values. callbacks: A list of additional callbacks. use_default_ckpt_handler: Whether to use the default @@ -568,17 +571,17 @@ def train( """ # Convert structures to graphs for model input train_gen, train_graphs = create_megnet_input( - self.meg_model, structs, targets, batch_size, scrub_failed_structs + self.meg_model, inputs, targets, batch_size, scrub_failed_structs ) steps_per_train = int(np.ceil(len(train_graphs) / batch_size)) val_gen = None val_graphs = None steps_per_val = None - if val_structs is not None and val_targets is not None: + if val_inputs is not None and val_targets is not None: val_gen, val_graphs = create_megnet_input( self.meg_model, - val_structs, + val_inputs, val_targets, batch_size, scrub_failed_structs, @@ -633,7 +636,7 @@ def evaluate( ) def predict( - self, input: Union[Structure, Iterable[Structure]], batch_size: int = 128 + self, input: Union[ModelInput, List[ModelInput]], batch_size: int = 128 ) -> Tuple[np.ndarray, np.ndarray]: """Predict target values and standard deviations for a given input. @@ -665,12 +668,14 @@ def predict( """ self.update_pred_model() - if isinstance(input, Structure): - # Just one to predict + try: + len(input) + except TypeError: + # Make it a sequence input = [input] inputs, graphs = create_megnet_input( - self.meg_model, structs=input, batch_size=batch_size, shuffle=False + self.meg_model, inputs=input, batch_size=batch_size, shuffle=False ) num_atoms = [len(graph["atom"]) for graph in graphs]