diff --git a/.gitignore b/.gitignore index 68bc17f..3695f31 100644 --- a/.gitignore +++ b/.gitignore @@ -1,160 +1,65 @@ -# Byte-compiled / optimized / DLL files -__pycache__/ +# Temporary and binary files +*~ *.py[cod] -*$py.class - -# C extensions *.so - -# Distribution / packaging -.Python -build/ -develop-eggs/ -dist/ -downloads/ -eggs/ -.eggs/ -lib/ -lib64/ -parts/ -sdist/ -var/ -wheels/ -share/python-wheels/ -*.egg-info/ -.installed.cfg +*.cfg +!.isort.cfg +!setup.cfg +*.orig +*.log +*.pot +__pycache__/* +.cache/* +.*.swp +**/.ipynb_checkpoints/* +*/.ipynb_checkpoints/* +**/lightning_logs/* +**/checkpoints/* +.DS_Store + +# Project files +.ropeproject +.project +.pydevproject +.settings +.idea +.vscode +tags + +# Package files *.egg -MANIFEST - -# PyInstaller -# Usually these files are written by a python script from a template -# before PyInstaller builds the exe, so as to inject date/other infos into it. -*.manifest -*.spec - -# Installer logs -pip-log.txt -pip-delete-this-directory.txt +*.eggs/ +.installed.cfg +*.egg-info -# Unit test / coverage reports -htmlcov/ -.tox/ -.nox/ +# Unittest and coverage +htmlcov/* .coverage .coverage.* -.cache -nosetests.xml +.tox +junit*.xml coverage.xml -*.cover -*.py,cover -.hypothesis/ .pytest_cache/ -cover/ - -# Translations -*.mo -*.pot - -# Django stuff: -*.log -local_settings.py -db.sqlite3 -db.sqlite3-journal - -# Flask stuff: -instance/ -.webassets-cache - -# Scrapy stuff: -.scrapy - -# Sphinx documentation -docs/_build/ -# PyBuilder -.pybuilder/ -target/ - -# Jupyter Notebook -.ipynb_checkpoints - -# IPython -profile_default/ -ipython_config.py - -# pyenv -# For a library or package, you might want to ignore these files since the code is -# intended to run in multiple environments; otherwise, check them in: -# .python-version - -# pipenv -# According to pypa/pipenv#598, it is recommended to include Pipfile.lock in version control. -# However, in case of collaboration, if having platform-specific dependencies or dependencies -# having no cross-platform support, pipenv may install dependencies that don't work, or not -# install all needed dependencies. -#Pipfile.lock - -# poetry -# Similar to Pipfile.lock, it is generally recommended to include poetry.lock in version control. -# This is especially recommended for binary packages to ensure reproducibility, and is more -# commonly ignored for libraries. -# https://python-poetry.org/docs/basic-usage/#commit-your-poetrylock-file-to-version-control -#poetry.lock - -# pdm -# Similar to Pipfile.lock, it is generally recommended to include pdm.lock in version control. -#pdm.lock -# pdm stores project-wide configurations in .pdm.toml, but it is recommended to not include it -# in version control. -# https://pdm.fming.dev/#use-with-ide -.pdm.toml - -# PEP 582; used by e.g. github.com/David-OConnor/pyflow and github.com/pdm-project/pdm -__pypackages__/ - -# Celery stuff -celerybeat-schedule -celerybeat.pid - -# SageMath parsed files -*.sage.py - -# Environments -.env -.venv -env/ -venv/ -ENV/ -env.bak/ -venv.bak/ - -# Spyder project settings -.spyderproject -.spyproject - -# Rope project settings -.ropeproject - -# mkdocs documentation -/site - -# mypy -.mypy_cache/ -.dmypy.json -dmypy.json +# Build and docs folder/files +build/* +dist/* +sdist/* +docs/api/* +docs/_rst/* +docs/_build/* +docs/_autosummary/* +cover/* +MANIFEST -# Pyre type checker -.pyre/ +# Per-project virtualenvs +.venv*/ +.conda*/ +.python-version -# pytype static type analyzer -.pytype/ -# Cython debug symbols -cython_debug/ +# Data +*.gz +*-ubyte +MNIST/** -# PyCharm -# JetBrains specific template is maintained in a separate JetBrains.gitignore that can -# be found at https://github.com/github/gitignore/blob/main/Global/JetBrains.gitignore -# and can be added to the global gitignore or merged into this file. For a more nuclear -# option (not recommended) you can uncomment the following to ignore the entire idea folder. -#.idea/ diff --git a/LICENSE b/LICENSE.txt similarity index 92% rename from LICENSE rename to LICENSE.txt index 93c6cca..41f2c3c 100644 --- a/LICENSE +++ b/LICENSE.txt @@ -1,6 +1,6 @@ -MIT License +The MIT License (MIT) -Copyright (c) 2024 Novartis +Copyright (c) 2023 Novartis Pharmaceuticals Corporation Permission is hereby granted, free of charge, to any person obtaining a copy of this software and associated documentation files (the "Software"), to deal diff --git a/README.md b/README.md index 0767fbc..a017aca 100644 --- a/README.md +++ b/README.md @@ -1,2 +1,202 @@ -# torchsurv -Survival analysis for imaging data +# Survival analysis made easy + +`torchsurv` is a statistical package that serves as a companion tool for survival modeling on PyTorch. Its core functionalities include the computation of common survival models’ log-likelihood and predictive performance metrics. `torchsurv` requires minimal input specifications and does not impose parameter forms allowing to rapidly define, evaluate, and optimize deep survival models. + +## TL;DR + +Our idea is to **keep things simple**. You are free to use any model architecture you want! Our code has 100% PyTorch backend and behaves like any other functions (losses or metrics) you may be familiar with. + +Our functions are designed to support you, not to make you jump through hoops. Here's a pseudo code illustrating how easy is it to use `torchsurv` to fit and evaluate a Cox proportional hazards model: + +```python +from torchsurv.loss import cox +from torchsurv.metrics.cindex import ConcordanceIndex + +# Pseudo training loop +for data in dataloader: + x, event, time = data + estimate = model(x) # shape = torch.Size([64, 1]), if batch size is 64 + loss = cox.neg_partial_log_likelihood(estimate, event, time) + loss.backward() # native torch backend + +# You can check model performance using our evaluation metrics, e.g, the concordance index with +cindex = ConcordanceIndex() +cindex(estimate, event, time) +cindex.p_value(method="noether", alternative="two_sided") + +# You can even compare the metrics between two models (e.g., vs. model B) +cindex.compare(cindexB) +``` + +## Installation + +First, install the package: + +```bash +pip install torchsurv +``` +or for local installation (from package root) + +```bash +pip install -e . +``` + +If you use Conda, you can install requirements into a conda environment +using the `environment.yml` file included in the `dev` subfolder of the source repository. + +## Getting started + +We recommend starting with the [introductory guide](notebooks/introduction), where you'll find an overview of the package's functionalities. + +## Usage + +### Survival data + +We simulate a random batch of 64 sujects. Each subject is associated with a binary event status (= ```True``` if event occured), a time-to-event or censoring and 16 covariates. + +```python +>>> import torch +>>> _ = torch.manual_seed(52) +>>> n = 64 +>>> x = torch.randn((n, 16)) +>>> event = torch.randint(low=0, high=2, size=(n,)).bool() +>>> time = torch.randint(low=1, high=100, size=(n,)).float() +``` + +### Cox proportional hazards model + +The user is expected to have defined a model that outputs the estimated *log relative hazard* for each subject. For illustrative purposes, we define a simple linear model that generates a linear combination of the covariates. + +```python +>>> from torch import nn +>>> model_cox = nn.Sequential(nn.Linear(16, 1)) +>>> log_hz = model_cox(x) +>>> print(log_hz.shape) +torch.Size([64, 1]) +``` + +Given the estimated log relative hazard and the survival data, we calculate the current loss for the batch with: + +```python +>>> from torchsurv.loss.cox import neg_partial_log_likelihood +>>> loss = neg_partial_log_likelihood(log_hz, event, time) +>>> print(loss) +tensor(4.1723, grad_fn=) +``` +We obtain the concordance index for this batch with: + +```python +>>> from torchsurv.metrics.cindex import ConcordanceIndex +>>> with torch.no_grad(): +>>> log_hz = model_cox(x) +>>> cindex = ConcordanceIndex() +>>> print(cindex(log_hz, event, time)) +tensor(0.4872) +``` + +We obtain the Area Under the Receiver Operating Characteristic Curve (AUC) at a new time $t = 50$ for this batch with: + +```python +>>> from torchsurv.metrics.auc import Auc +>>> new_time = torch.tensor(50.) +>>> auc = Auc() +>>> print(auc(log_hz, event, time, new_time=50)) +tensor([0.4737]) +``` + +### Weibull accelerated failure time (AFT) model + +The user is expected to have defined a model that outputs for each subject the estimated *log scale* and optionally the *log shape* of the Weibull distribution that the event density follows. In case the model has a single output, `torchsurv` assume that the shape is equal to 1, resulting in the event density to be an exponential distribution solely parametrized by the scale. + +For illustrative purposes, we define a simple linear model that estimate two linear combinations of the covariates (log scale and log shape parameters). +```python +>>> from torch import nn +>>> model = nn.Sequential(nn.Linear(16, 2)) +>>> log_params = model(x) +>>> print(log_params.shape) +torch.Size([64, 2]) +``` + +Given the estimated log scale and log shape and the survival data, we calculate the current loss for the batch with: + +```python +>>> from torchsurv.loss.weibull import neg_log_likelihood +>>> loss = neg_log_likelihood(log_params, event, time) +>>> print(loss) +tensor(731.9636, grad_fn=) +``` + +To evaluate the predictive performance of the model, we calculate subject-specific log hazard and survival function evaluated at all times with: + +```python +>>> from torchsurv.loss.weibull import log_hazard +>>> from torchsurv.loss.weibull import survival_function +>>> with torch.no_grad(): +>>> log_params = model(x) +>>> log_hz = log_hazard(log_params, time) +>>> print(log_hz.shape) +torch.Size([64, 64]) +>>> surv = survival_function(log_params, time) +>>> print(surv.shape) +torch.Size([64, 64]) +``` + +We obtain the concordance index for this batch with: + +```python +>>> from torchsurv.metrics.cindex import ConcordanceIndex +>>> cindex = ConcordanceIndex() +>>> print(cindex(log_hz, event, time)) +tensor(0.4062) +``` + +We obtain the AUC at a new time $t =50$ for this batch with: + +```python +>>> from torchsurv.metrics.auc import Auc +>>> new_time = torch.tensor(50.) +>>> log_hz_t = log_hazard(log_params, time=new_time) +>>> auc = Auc() +>>> print(auc(log_hz_t, event, time, new_time=new_time)) +tensor([0.3509]) +``` + +We obtain the integrated brier-score with: + +```python +>>> from torchsurv.metrics.brier_score import BrierScore +>>> brier_score = BrierScore() +>>> bs = brier_score(surv, event, time) +>>> print(brier_score.integral()) +tensor(0.4447) +``` + +## Contributing + +We value contributions from the community to enhance and improve this project. If you'd like to contribute, please consider the following: + +1. Create Issues: If you encounter bugs, have feature requests, or want to suggest improvements, please create an issue in the GitHub repository. Make sure to provide detailed information about the problem, including code for reproducibility, or enhancement you're proposing. + +2. Fork and Pull Requests: If you're willing to address an existing issue or contribute a new feature, fork the repository, create a new branch, make your changes, and then submit a pull request. Please ensure your code follows our coding conventions and include tests for any new functionality. + +By contributing to this project, you agree to license your contributions under the same license as this project. + + +## Contact + +If you have any questions, suggestions, or feedback, feel free to reach out to [us](AUTHORS). + +## Cite + +If you use this project in academic work or publications, we appreciate citing it using the following BibTeX entry: + +```bibtex +@misc{projectname, + title={Project Name}, + author={Your Name}, + year={2024}, + publisher={GitHub}, + howpublished={\url{https://github.com/your_username/your_repo}}, +} +``` + diff --git a/dev/build-docs.sh b/dev/build-docs.sh new file mode 100755 index 0000000..fe18867 --- /dev/null +++ b/dev/build-docs.sh @@ -0,0 +1,13 @@ +#!/bin/bash +# build & preview the documentation locally + +DIR="$( cd "$( dirname "${BASH_SOURCE[0]}" )" >/dev/null 2>&1 && pwd )" + +set -e +cd "${DIR}/../docs" +make html +cd _build/html + +if [ "$1" == "serve" ]; then + python -m http.server --bind 127.0.0.1 8000 +fi \ No newline at end of file diff --git a/dev/codeqc.sh b/dev/codeqc.sh new file mode 100755 index 0000000..7dccfb2 --- /dev/null +++ b/dev/codeqc.sh @@ -0,0 +1,19 @@ +#!/bin/bash + +DIR="$( cd "$( dirname "${BASH_SOURCE[0]}" )" >/dev/null 2>&1 && pwd )" + +set -e + +cd "${DIR}/.." + +if [ "$1" == "check" ]; then + CHECK="--check" +else + CHECK="" +fi + +export PYTHONPATH=${DIR}/../src + +isort --profile black ${CHECK} src tests +black ${CHECK} src tests +# pylint src tests \ No newline at end of file diff --git a/dev/environment.yml b/dev/environment.yml new file mode 100644 index 0000000..091120e --- /dev/null +++ b/dev/environment.yml @@ -0,0 +1,26 @@ +name: torchsurv +channels: + - conda-forge + - pytorch +dependencies: + - python=3.10 + - build + - pep517 + - numpy + - pandas + - pytorch + - torchvision + - lightning + - loguru + - scikit-survival + - lifelines + - tox + - black + - pylint + - mypy + - sphinx + - sphinx-book-theme + - sphinxcontrib-bibtex + - myst-parser + - nbsphinx + - ipython diff --git a/dev/run-doctests.sh b/dev/run-doctests.sh new file mode 100755 index 0000000..554d8bb --- /dev/null +++ b/dev/run-doctests.sh @@ -0,0 +1,18 @@ +#!/bin/bash +# Run all unit tests + +DIR="$( cd "$( dirname "${BASH_SOURCE[0]}" )" >/dev/null 2>&1 && pwd )" + +set -e + +cd "${DIR}/.." + +export PYTHONPATH="${DIR}/../src" + +files=$(find src -type f -name "*.py" -exec grep -l 'if __name__ == "__main__"' {} +) + +for f in $files; do + module=$(echo $f | sed 's/\//./g' | sed 's/\.py//g') + echo "Running $f -> $module" + python -m $module +done diff --git a/dev/run-unittests.sh b/dev/run-unittests.sh new file mode 100755 index 0000000..247043b --- /dev/null +++ b/dev/run-unittests.sh @@ -0,0 +1,12 @@ +#!/bin/bash +# Run all unit tests + +DIR="$( cd "$( dirname "${BASH_SOURCE[0]}" )" >/dev/null 2>&1 && pwd )" + +set -e + +cd "${DIR}/.." + +export PYTHONPATH="${DIR}/../src" + +python -m unittest discover -s tests $@ \ No newline at end of file diff --git a/docs/AUTHORS.md b/docs/AUTHORS.md new file mode 100644 index 0000000..0db078e --- /dev/null +++ b/docs/AUTHORS.md @@ -0,0 +1,8 @@ +Contributors +============ + +* Thibaud Coroller +* Mélodie Monod +* Peter Krusche +* Qian Cao + diff --git a/docs/CHANGELOG.md b/docs/CHANGELOG.md new file mode 100644 index 0000000..a73fe41 --- /dev/null +++ b/docs/CHANGELOG.md @@ -0,0 +1,7 @@ +Changelog +========= + +Version 0.1 +----------- + +Initial release of CoxPH and Weibull classes. diff --git a/docs/Makefile b/docs/Makefile new file mode 100644 index 0000000..d4bb2cb --- /dev/null +++ b/docs/Makefile @@ -0,0 +1,20 @@ +# Minimal makefile for Sphinx documentation +# + +# You can set these variables from the command line, and also +# from the environment for the first two. +SPHINXOPTS ?= +SPHINXBUILD ?= sphinx-build +SOURCEDIR = . +BUILDDIR = _build + +# Put it first so that "make" without argument is like "make help". +help: + @$(SPHINXBUILD) -M help "$(SOURCEDIR)" "$(BUILDDIR)" $(SPHINXOPTS) $(O) + +.PHONY: help Makefile + +# Catch-all target: route all unknown targets to Sphinx using the new +# "make mode" option. $(O) is meant as a shortcut for $(SPHINXOPTS). +%: Makefile + @$(SPHINXBUILD) -M $@ "$(SOURCEDIR)" "$(BUILDDIR)" $(SPHINXOPTS) $(O) diff --git a/docs/conf.py b/docs/conf.py new file mode 100644 index 0000000..914830c --- /dev/null +++ b/docs/conf.py @@ -0,0 +1,70 @@ +# Configuration file for the Sphinx documentation builder. +# +# For the full list of built-in configuration values, see the documentation: +# https://www.sphinx-doc.org/en/master/usage/configuration.html + +# -- Project information ----------------------------------------------------- +# https://www.sphinx-doc.org/en/master/usage/configuration.html#project-information + +# import module for docs creation +import os +import sys + +sys.path.append(os.path.abspath(os.path.join(os.path.dirname(__file__), "..", "src" ))) + +project = "torchsurv" +copyright = "2024, Novartis Pharma AG" +# author = 'Novartis Pharma AG' + +# -- General configuration --------------------------------------------------- +# https://www.sphinx-doc.org/en/master/usage/configuration.html#general-configuration + +extensions = [ + "myst_parser", + "sphinx.ext.autodoc", + "sphinx.ext.autosummary", + "sphinx.ext.coverage", + "sphinx.ext.napoleon", + "nbsphinx", + "sphinxcontrib.bibtex", +] + +# templates_path = ['_templates'] +exclude_patterns = ["_build", "Thumbs.db", ".DS_Store"] + +# path to citations +bibtex_bibfiles = ["source/references.bib"] +suppress_warnings = ["bibtex"] + +# -- Options for HTML output ------------------------------------------------- +# https://www.sphinx-doc.org/en/master/usage/configuration.html#options-for-html-output + +html_theme = "sphinx_book_theme" +html_static_path = ["_static"] +html_logo = "source/logo_firecamp.png" + + +# latex_engine = 'xeltex' +latex_elements = { + 'preamble': r''' +\usepackage[T1]{fontenc} +\usepackage[utf8]{inputenc} % The default since 2018 +\DeclareUnicodeCharacter{200B}{{\hskip 0pt}} +\DeclareUnicodeCharacter{2223}{{\hskip 0pt}} +''', + 'printindex': r'\footnotesize\raggedright\printindex', +} +latex_show_urls = 'footnote' + +autodoc_default_options = { + "members": True, + "member-order": "bysource", + "undoc-members": False, + "special-members": "__call__, __init__", + "private-members": False, + "imported-members": True, + "recurse": True, + "collapse": False, +} + +autosummary_generate = True diff --git a/docs/devnotes.md b/docs/devnotes.md new file mode 100644 index 0000000..9349e97 --- /dev/null +++ b/docs/devnotes.md @@ -0,0 +1,102 @@ +# Development notes + +## Set up a development environment via conda + +To use conda to install all package dependencies locally and start development, +run the following commands in the root directory of the repository. + +Create the environment: + +```bash +conda create -y -n torchsurv python=3.10 +conda env update -n torchsurv -f dev/environment.yml +``` + +Activate the environment: + +```bash +conda activate torchsurv +``` + +## Test and develop the package + +To run all unit tests either use `dev/run-unittests.sh` or run the +following command from the repository root directory: + +```bash +PYTHONPATH=src python -m unittest discover -s tests -v +``` + +To run other scripts within the repo, you can run the following +from the top level directory of the repository clone, and then run +scripts from there that import torchsurv. Alternatively you may give +an absolute path to the source directory. + +```bash +export PYTHONPATH=src +``` + +To test building the package, run: + +```bash +python -m build # builds the package as a tarball -> dist +``` + +To get a local installation for testing e.g. other tools that depend on torchsurv +with a local development version of the code: + +```bash +pip install -e # install for development ("editable") +``` + +## Installing a local package build + +To install a specific package build e.g. into a local conda environment / virtualenv: + +```bash +python -mbuild +# ... activate virtualenv +# install the first tarball in dist +pip install "$(set -- dist/*.tar.gz; echo "$1")" +``` + +## Code formatting + +We use `black` for code formatting. To format the code, run the following command: + +```bash +./dev/codeqc.sh +``` + +Code should be properly formatted before merging with `dev` or `main`. + +## Build and test the documentation locally + +We use Sphinx to build the documentation. To build and view the documentation, +run the following script: + +```bash +# just run ./dev/build-docs.sh to build but not start a webserver +./dev/build-docs.sh serve +``` + +You can then access the documentation at `http://localhost:8000` in your web browser. + +When updating toctrees / adding content you may need to clean your local documentation +build: + +```bash +cd docs +make clean +``` + +To build a single PDF of the documentation, run: + +```bash +cd docs +make latexpdf LATEXMKOPTS="-silent -f" +``` + +There are a few errors in the PDF build due to layout issues, +but the PDF can still be used to summarize the package in a single +file. diff --git a/docs/index.rst b/docs/index.rst new file mode 100644 index 0000000..62c0cea --- /dev/null +++ b/docs/index.rst @@ -0,0 +1,36 @@ +Welcome to Torchsurv's documentation! +===================================== + +.. include:: ../README.md + :parser: myst_parser.sphinx_ + +.. toctree:: + :maxdepth: 2 + :caption: API: + + loss + metrics + stats + +.. toctree:: + :maxdepth: 2 + :caption: Tutorials: + + notebooks/introduction + notebooks/momentum + +.. toctree:: + :maxdepth: 2 + :caption: Other: + + devnotes + AUTHORS + CHANGELOG + + +Indices and tables +================== + +* :ref:`genindex` +* :ref:`modindex` +* :ref:`search` diff --git a/docs/loss.rst b/docs/loss.rst new file mode 100644 index 0000000..8d58c99 --- /dev/null +++ b/docs/loss.rst @@ -0,0 +1,9 @@ +Loss +============= + +.. autosummary:: + :toctree: _autosummary + + torchsurv.loss.cox + torchsurv.loss.momentum + torchsurv.loss.weibull diff --git a/docs/metrics.rst b/docs/metrics.rst new file mode 100644 index 0000000..84ab6c6 --- /dev/null +++ b/docs/metrics.rst @@ -0,0 +1,9 @@ +Metrics +======= + +.. autosummary:: + :toctree: _autosummary + + torchsurv.metrics.auc + torchsurv.metrics.cindex + torchsurv.metrics.brier_score diff --git a/docs/notebooks/helpers_introduction.py b/docs/notebooks/helpers_introduction.py new file mode 100644 index 0000000..b54ede3 --- /dev/null +++ b/docs/notebooks/helpers_introduction.py @@ -0,0 +1,42 @@ +import pandas as pd +import matplotlib.pyplot as plt +import torch +from torch.utils.data import Dataset + + +def plot_losses(train_losses, val_losses, title: str = "Cox") -> None: + + train_losses = torch.stack(train_losses) / train_losses[0] + val_losses = torch.stack(val_losses) / val_losses[0] + + plt.plot(train_losses, label="training") + plt.plot(val_losses, label="validation") + plt.legend() + plt.xlabel("Epochs") + plt.ylabel("Normalized loss") + plt.title(title) + plt.yscale("log") + plt.show() + # plt.clf() + + +class Custom_dataset(Dataset): + """ "Custom dataset for the GSBG2 brain cancer dataset""" + + # defining values in the constructor + def __init__(self, df: pd.DataFrame): + self.df = df + + # Getting data size/length + def __len__(self): + return len(self.df) + + # Getting the data samples + def __getitem__(self, idx): + sample = self.df.iloc[idx] + # Targets + event = torch.tensor(sample["cens"]).bool() + time = torch.tensor(sample["time"]).float() + # Predictors + x = torch.tensor(sample.drop(["cens", "time"]).values).float() + return x, (event, time) diff --git a/docs/notebooks/helpers_momentum.py b/docs/notebooks/helpers_momentum.py new file mode 100644 index 0000000..8173a01 --- /dev/null +++ b/docs/notebooks/helpers_momentum.py @@ -0,0 +1,183 @@ +import torch +import pytorch_lightning as L +from torch.utils.data import DataLoader, random_split +from torchvision.datasets import MNIST +from torchvision.transforms import v2 + +from torchsurv.loss.cox import neg_partial_log_likelihood +from torchsurv.loss.momentum import Momentum +from torchsurv.metrics.cindex import ConcordanceIndex + + +class LitMNIST(L.LightningModule): + + def __init__( + self, + backbone, + ): + super().__init__() + + # Set our init args as class attributes + self.data_dir = "." + self.learning_rate = 1e-3 + self.num_workers = 2 + + # Model evaluation + self.cindex = ConcordanceIndex() + + # Momentum + self.model = backbone + + def forward( + self, + x, + ): + return self.model(x) + + # Lightning related behaviors: + + def configure_optimizers(self): + optimizer = torch.optim.Adam(self.parameters(), lr=self.learning_rate) + return optimizer + + def training_step(self, batch, batch_idx): + x, y = batch + y[y == 0] = 10 # Offset 0 to prevent log(0) + log_hz = self(x) + loss = neg_partial_log_likelihood( + log_hz, torch.ones_like(y, device=y.device).bool(), y.float() + ) + self.log("loss", loss, prog_bar=True, on_step=True, on_epoch=True) + return loss + + def validation_step(self, batch, batch_idx): + x, y = batch + y[y == 0] = 10 # Offset 0 to prevent log(0) + log_hz = self(x) + loss = neg_partial_log_likelihood( + log_hz, torch.ones_like(y, device=y.device).bool(), y.float() + ) + cindex = self.cindex( + log_hz, torch.ones_like(y, device=y.device).bool(), y.float() + ) + self.log("val_loss", loss, prog_bar=True, on_step=True, on_epoch=True) + self.log( + "cindex", + cindex, + prog_bar=True, + on_step=True, + on_epoch=True, + ) + return loss + + def test_step(self, batch, batch_idx): + # Here we just reuse the validation_step for testing + return self.validation_step(batch, batch_idx) + + +class LitMomentum(L.LightningModule): + + def __init__(self, backbone): + super().__init__() + # Set our init args as class attributes + self.data_dir = "." + self.learning_rate = 1e-3 + self.num_workers = 2 + + # Model evaluation + self.cindex = ConcordanceIndex() + + # Momentum + self.model = backbone + + # Lightning related behaviors: + + def configure_optimizers(self): + optimizer = torch.optim.Adam(self.parameters(), lr=self.learning_rate) + return optimizer + + def forward(self, x, event, time): + return self.model(x, event, time) + + def training_step(self, batch, batch_idx): + x, y = batch + y[y == 0] = 10 # Offset 0 to prevent log(0) + loss = self(x, torch.ones_like(y, device=y.device).bool(), y.float()) + self.log("loss", loss, prog_bar=True, on_step=True, on_epoch=True) + return loss + + def validation_step(self, batch, batch_idx): + x, y = batch + y[y == 0] = 10 # Offset 0 to prevent log(0) + loss = self(x, torch.ones_like(y, device=y.device).bool(), y.float()) + log_hz_k = self.model.target(x) + cindex = self.cindex( + log_hz_k, torch.ones_like(y, device=y.device).bool(), y.float() + ) + self.log("val_loss", loss, prog_bar=True, on_step=True, on_epoch=True) + self.log( + "cindex", + cindex, + prog_bar=True, + on_step=True, + on_epoch=True, + ) + return loss + + def test_step(self, batch, batch_idx): + # Here we just reuse the validation_step for testing + return self.validation_step(batch, batch_idx) + + +class MNISTDataModule(L.LightningDataModule): + def __init__(self, batch_size: int = 32, transforms=None, num_workers: int = 2): + super().__init__() + self.data_dir = "." + self.batch_size = batch_size + self.num_workers = num_workers + self.transforms = transforms + + #################### + # DATA RELATED HOOKS + #################### + + def prepare_data(self): + # download + MNIST(self.data_dir, train=True, download=True) + MNIST(self.data_dir, train=False, download=True) + + def setup(self, stage=None): + # Assign train/val datasets for use in dataloaders + if stage == "fit" or stage is None: + mnist_full = MNIST(self.data_dir, train=True, transform=self.transforms) + self.mnist_train, self.mnist_val = random_split(mnist_full, [55000, 5000]) + + # Assign test dataset for use in dataloader(s) + if stage == "test" or stage is None: + self.mnist_test = MNIST( + self.data_dir, train=False, transform=self.transforms + ) + + def train_dataloader(self): + return DataLoader( + self.mnist_train, + batch_size=self.batch_size, + num_workers=self.num_workers, + persistent_workers=True, + ) + + def val_dataloader(self): + return DataLoader( + self.mnist_val, + batch_size=self.batch_size, + num_workers=self.num_workers, + persistent_workers=True, + ) + + def test_dataloader(self): + return DataLoader( + self.mnist_test, + batch_size=self.batch_size, + num_workers=self.num_workers, + persistent_workers=True, + ) diff --git a/docs/notebooks/introduction.ipynb b/docs/notebooks/introduction.ipynb new file mode 100644 index 0000000..8512d99 --- /dev/null +++ b/docs/notebooks/introduction.ipynb @@ -0,0 +1,1179 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "ca2213c2-6abc-4340-853a-7ab1e06e68d3", + "metadata": {}, + "source": [ + "# Getting started\n", + "\n", + "In this notebook, we use `torchsurv` to train a model that predicts relative risk of breast cancer recurrence. We use a public data set, the [German Breast Cancer Study Group 2 (GBSG2)](https://paperswithcode.com/dataset/gbsg2). After training the model, we evaluate the predictive performance using evaluation metrics implemented in `torchsurv`.\n", + "\n", + "\n", + "We first load the dataset using the [lifelines](https://lifelines.readthedocs.io/en/latest/) package. The GBSG2 dataset contains features and recurrence free survival time (in days) for 686 women undergoing hormonal treatment. " + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "id": "013dbcb4", + "metadata": {}, + "outputs": [], + "source": [ + "import warnings\n", + "\n", + "warnings.filterwarnings(\"ignore\")" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "2601dd00-7bd2-49d5-9bdf-a84205872890", + "metadata": {}, + "outputs": [], + "source": [ + "import lifelines\n", + "import pandas as pd\n", + "import numpy as np\n", + "import matplotlib.pyplot as plt\n", + "import torch\n", + "from torch.utils.data import DataLoader\n", + "from sklearn.model_selection import train_test_split\n", + "\n", + "# Our package\n", + "from torchsurv.loss.cox import neg_partial_log_likelihood\n", + "from torchsurv.loss.weibull import neg_log_likelihood, log_hazard, survival_function\n", + "from torchsurv.metrics.brier_score import BrierScore\n", + "from torchsurv.metrics.cindex import ConcordanceIndex\n", + "from torchsurv.metrics.auc import Auc\n", + "\n", + "# local helpers\n", + "from helpers_introduction import Custom_dataset, plot_losses" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "d7a98ea2-100f-43ef-8c45-c786ddcd313e", + "metadata": {}, + "outputs": [], + "source": [ + "# Constant parameters accross models\n", + "EPOCHS = 100\n", + "BATCH_SIZE = 32\n", + "LEARNING_RATE = 1e-2" + ] + }, + { + "cell_type": "markdown", + "id": "38dd4c6e-2934-44f5-88fa-1d9d02032fc3", + "metadata": {}, + "source": [ + "## Dataset overview" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "1df49737-dc02-4d6b-acd7-d03b79f18a29", + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
horThagemenostattsizetgradepnodesprogrecestrectimecens
0no70Post21II3486618141
1yes56Post12II7617720181
2yes58Post35II9522717121
3yes59Post17II4602918071
4no73Post35II126657721
\n", + "
" + ], + "text/plain": [ + " horTh age menostat tsize tgrade pnodes progrec estrec time cens\n", + "0 no 70 Post 21 II 3 48 66 1814 1\n", + "1 yes 56 Post 12 II 7 61 77 2018 1\n", + "2 yes 58 Post 35 II 9 52 271 712 1\n", + "3 yes 59 Post 17 II 4 60 29 1807 1\n", + "4 no 73 Post 35 II 1 26 65 772 1" + ] + }, + "execution_count": 4, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# Load GBSG2 dataset\n", + "df = lifelines.datasets.load_gbsg2()\n", + "df.head(5)" + ] + }, + { + "cell_type": "markdown", + "id": "8f23ce41-c0eb-4c30-83f3-2a2d45dcf097", + "metadata": {}, + "source": [ + "The dataset contains the categorical features: \n", + "\n", + "- `horTh`: hormonal therapy, a factor at two levels (yes and no).\n", + "- `age`: age of the patients in years.\n", + "- `menostat`: menopausal status, a factor at two levels pre (premenopausal) and post (postmenopausal).\n", + "- `tsize`: tumor size (in mm).\n", + "- `tgrade`: tumor grade, a ordered factor at levels I < II < III.\n", + "- `pnodes`: number of positive nodes.\n", + "- `progrec`: progesterone receptor (in fmol).\n", + "- `estrec`: estrogen receptor (in fmol).\n", + "\n", + "Additionally, it contains our survival targets:\n", + "\n", + "- `time`: recurrence free survival time (in days).\n", + "- `cens`: censoring indicator (0- censored, 1- event).\n", + "\n", + "One common approach is to use a [one hot encoder](https://pandas.pydata.org/pandas-docs/stable/reference/api/pandas.get_dummies.html) to convert them into numerical features. We then seperate the dataframes into features `X` and labels `y`. The following code also partitions the labels and features into training and testing cohorts." + ] + }, + { + "cell_type": "markdown", + "id": "34132fea-daa6-46a5-8429-16df73886a51", + "metadata": {}, + "source": [ + "## Data preparation" + ] + }, + { + "cell_type": "code", + "execution_count": 32, + "id": "7a5fd9ef-2643-46b7-9c98-05ff919026ea", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
agetsizepnodesprogrecestrectimehorTh_yesmenostat_Pretgrade_IItgrade_IIIevent
070.021.03.048.066.01814.00.00.01.00.0False
156.012.07.061.077.02018.01.00.01.00.0False
258.035.09.052.0271.0712.01.00.01.00.0False
359.017.04.060.029.01807.01.00.01.00.0False
473.035.01.026.065.0772.00.00.01.00.0False
\n", + "
" + ], + "text/plain": [ + " age tsize pnodes progrec estrec time horTh_yes menostat_Pre \\\n", + "0 70.0 21.0 3.0 48.0 66.0 1814.0 0.0 0.0 \n", + "1 56.0 12.0 7.0 61.0 77.0 2018.0 1.0 0.0 \n", + "2 58.0 35.0 9.0 52.0 271.0 712.0 1.0 0.0 \n", + "3 59.0 17.0 4.0 60.0 29.0 1807.0 1.0 0.0 \n", + "4 73.0 35.0 1.0 26.0 65.0 772.0 0.0 0.0 \n", + "\n", + " tgrade_II tgrade_III event \n", + "0 1.0 0.0 False \n", + "1 1.0 0.0 False \n", + "2 1.0 0.0 False \n", + "3 1.0 0.0 False \n", + "4 1.0 0.0 False " + ] + }, + "execution_count": 32, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_onehot = pd.get_dummies(df, columns=[\"horTh\", \"menostat\", \"tgrade\"]).astype(\"float\")\n", + "df_onehot.drop(\n", + " [\"horTh_no\", \"menostat_Post\", \"tgrade_I\"],\n", + " axis=1,\n", + " inplace=True,\n", + ")\n", + "df_onehot.head(5)" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "0f8b7f3b-fb2a-4d74-ac99-8f6390b2f5eb", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "(Sample size) Training:336 | Validation:144 |Testing:206\n" + ] + } + ], + "source": [ + "df_train, df_test = train_test_split(df_onehot, test_size=0.3)\n", + "df_train, df_val = train_test_split(df_train, test_size=0.3)\n", + "print(\n", + " f\"(Sample size) Training:{len(df_train)} | Validation:{len(df_val)} |Testing:{len(df_test)}\"\n", + ")" + ] + }, + { + "cell_type": "markdown", + "id": "00ad6603-0dff-4991-992a-081ba9a4fafa", + "metadata": {}, + "source": [ + "Let us setup the dataloaders for training, validation and testing." + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "326c03fc-91f1-493b-a9ba-820de17fb2f8", + "metadata": {}, + "outputs": [], + "source": [ + "# Dataloader\n", + "dataloader_train = DataLoader(\n", + " Custom_dataset(df_train), batch_size=BATCH_SIZE, shuffle=True\n", + ")\n", + "dataloader_val = DataLoader(\n", + " Custom_dataset(df_val), batch_size=len(df_val), shuffle=False\n", + ")\n", + "dataloader_test = DataLoader(\n", + " Custom_dataset(df_test), batch_size=len(df_test), shuffle=False\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "id": "570386fb-f0ea-4061-bae2-11b274e7f851", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x (shape) = torch.Size([32, 9])\n", + "num_features = 9\n", + "event = torch.Size([32])\n", + "time = torch.Size([32])\n" + ] + } + ], + "source": [ + "# Sanity check\n", + "x, (event, time) = next(iter(dataloader_train))\n", + "num_features = x.size(1)\n", + "\n", + "print(f\"x (shape) = {x.shape}\")\n", + "print(f\"num_features = {num_features}\")\n", + "print(f\"event = {event.shape}\")\n", + "print(f\"time = {time.shape}\")" + ] + }, + { + "cell_type": "markdown", + "id": "6b53d40d-d2c4-4dd7-bb85-97d4e946c356", + "metadata": {}, + "source": [ + "## Section 1: Cox proportional hazards model\n", + "\n", + "In this section, we use the [Cox proportional hazards model](../_autosummary/torchsurv.loss.cox.html). Given covariate $x_{i}$, the hazard of patient $i$ has the form\n", + "$$\n", + "\\lambda (t|x_{i}) =\\lambda_{0}(t)\\theta(x_{i})\n", + "$$\n", + "The baseline hazard $\\lambda_{0}(t)$ is identical across subjects (i.e., has no dependency on $i$). The subject-specific risk of event occurence is captured through the relative hazards $\\{\\theta(x_{i})\\}_{i = 1, \\dots, N}$.\n", + "\n", + "We train a multi-layer perceptron (MLP) to model the subject-specific risk of event occurence, i.e., the log relative hazards $\\log\\theta(x_{i})$. Patients with lower recurrence time are assumed to have higher risk of event. " + ] + }, + { + "cell_type": "markdown", + "id": "46343fe0", + "metadata": {}, + "source": [ + "### Section 1.1: MLP model for log relative hazards" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "id": "9c2bd89a-c90a-4795-aab5-b5c21906a0de", + "metadata": {}, + "outputs": [], + "source": [ + "cox_model = torch.nn.Sequential(\n", + " torch.nn.BatchNorm1d(num_features), # Batch normalization\n", + " torch.nn.Linear(num_features, 32),\n", + " torch.nn.ReLU(),\n", + " torch.nn.Dropout(),\n", + " torch.nn.Linear(32, 64),\n", + " torch.nn.ReLU(),\n", + " torch.nn.Dropout(),\n", + " torch.nn.Linear(64, 1), # Estimating log hazards for Cox models\n", + ")" + ] + }, + { + "cell_type": "markdown", + "id": "97c90244", + "metadata": {}, + "source": [ + "### Section 1.2: MLP model training" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "id": "d7889dc1-1cfa-424e-a586-481cbc789581", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Epoch: 000, Training loss: 47.81\n", + "Epoch: 010, Training loss: 44.93\n", + "Epoch: 020, Training loss: 43.78\n", + "Epoch: 030, Training loss: 44.77\n", + "Epoch: 040, Training loss: 43.74\n", + "Epoch: 050, Training loss: 45.28\n", + "Epoch: 060, Training loss: 43.95\n", + "Epoch: 070, Training loss: 46.27\n", + "Epoch: 080, Training loss: 46.49\n", + "Epoch: 090, Training loss: 44.58\n" + ] + } + ], + "source": [ + "torch.manual_seed(42)\n", + "\n", + "# Init optimizer for Cox\n", + "optimizer = torch.optim.Adam(cox_model.parameters(), lr=LEARNING_RATE)\n", + "\n", + "# Initiate empty list to store the loss on the train and validation sets\n", + "train_losses = []\n", + "val_losses = []\n", + "\n", + "# training loop\n", + "for epoch in range(EPOCHS):\n", + " epoch_loss = torch.tensor(0.0)\n", + " for i, batch in enumerate(dataloader_train):\n", + " x, (event, time) = batch\n", + " optimizer.zero_grad()\n", + " log_hz = cox_model(x) # shape = (16, 1)\n", + " loss = neg_partial_log_likelihood(log_hz, event, time, reduction=\"mean\")\n", + " loss.backward()\n", + " optimizer.step()\n", + " epoch_loss += loss.detach()\n", + "\n", + " if epoch % (EPOCHS // 10) == 0:\n", + " print(f\"Epoch: {epoch:03}, Training loss: {epoch_loss:0.2f}\")\n", + "\n", + " # Reccord loss on train and test sets\n", + " epoch_loss /= i + 1\n", + " train_losses.append(epoch_loss)\n", + " with torch.no_grad():\n", + " x, (event, time) = next(iter(dataloader_val))\n", + " val_losses.append(\n", + " neg_partial_log_likelihood(cox_model(x), event, time, reduction=\"mean\")\n", + " )" + ] + }, + { + "cell_type": "markdown", + "id": "0e2bdd8c-f84c-4003-98f4-220ddab518d1", + "metadata": {}, + "source": [ + "We can visualize the training and validation losses." + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "id": "21afc248-303a-4156-8d9c-b97be3e0a56b", + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAl8AAAHFCAYAAADMqpylAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjguMCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy81sbWrAAAACXBIWXMAAA9hAAAPYQGoP6dpAAC/X0lEQVR4nOydd3hUZfbHv3dm0itJSEhCEkoooZcABkUISNWgoMIKIrBYECzAKq4/11WRldUVZFdExAZYQQVsEaRJryE06SEQUkhISA9pM/P74533zp1eMzOB83kenplM7tx5mcnc+73nfM85glqtVoMgCIIgCIJwCTJ3L4AgCIIgCOJ2gsQXQRAEQRCECyHxRRAEQRAE4UJIfBEEQRAEQbgQEl8EQRAEQRAuhMQXQRAEQRCECyHxRRAEQRAE4UJIfBEEQRAEQbgQEl8EQRAEQRAuhMQXQRCEg5w4cQLTp09H27Zt4evri8DAQPTp0wfvvPMObty44e7lEQThYQg0XoggCMJ+Pv74Y8yaNQudOnXCrFmz0KVLFzQ0NODIkSP4+OOP0bNnT2zYsMHdyyQIwoMg8UUQBGEn+/fvx6BBgzB8+HBs3LgRPj4+Or+vr6/Hpk2bMHbsWDetkCAIT4TSjgRBEHby1ltvQRAErFy50kB4AYC3t7covFQqFd555x107twZPj4+iIyMxGOPPYbc3Fxx+5kzZ8LX1xcZGRniYyqVCsOGDUNUVBQKCgqa/j9FEESTQ5EvgiAIO1AqlQgODkb37t1x4MABi9s/9dRTWLlyJZ555hncd999uHz5Ml599VX4+vri6NGjiIiIQG1tLVJSUlBRUYGMjAyEhobitddew8KFC7Fp0yYMHz7cBf8zgiCaGop8EQRB2EFxcTFqamrQtm1bi9uePXsWK1euxKxZs/D+++9j5MiReOqpp/DLL7/g6tWreO+99wAAvr6++O6771BcXIzp06dj27ZtWLhwIf7v//6PhBdB3EKQ+CIIgmhiduzYAQCYNm2azuP9+/dHUlIStm3bJj6WmJiIjz/+GBs3bsR9992HQYMG4fXXX3fhagmCaGpIfBEEQdhBREQE/P39kZ2dbXHbkpISAEB0dLTB72JiYsTfc+69915ERUWhtrYW8+bNg1wud86iCYLwCEh8EQRB2IFcLsewYcOQkZGhY5o3Rnh4OAAYNczn5+cjIiJC57GZM2eisrISXbt2xXPPPYfS0lLnLZwgCLdD4osgCMJOXn75ZajVajzxxBOor683+H1DQwN+/vlnDB06FADw5Zdf6vz+8OHDOHPmDIYNGyY+9sknn+DLL7/EsmXL8NNPP6GsrAzTp09v2v8IQRAuhaodCYIgHIA3We3cuTOefvppdO3aFQ0NDcjMzMTKlSvRrVs3bNiwAU899RQ+/vhjPP/88xg9erRY7ejj44PMzEyEh4fj5MmTGDBgACZMmIBVq1YBAH744Qc89NBDeO+99zBnzhy3/l8JgnAOJL4IgiAc5Pjx43jvvfewY8cOXLt2DV5eXujYsSPS0tLwzDPPoGXLllCpVHj33Xfx6aefIjs7GyEhIRg1ahQWLVqE1q1bo7q6GsnJyZDJZDh8+DD8/f3F/T/zzDNYuXIl9uzZg/79+7vxf0oQhDMg8UUQBEEQBOFCyPNFEARBEAThQkh8EQRBEARBuBASXwRBEARBEC6ExBdBEARBEIQLIfFFEARBEAThQkh8EQRBEARBuBCFuxdAGKJSqZCfn4+goCAIguDu5RAEQRAEYQVqtRqVlZWIiYmBTGY6vkXiywPJz89HXFycu5dBEARBEIQdXL16Fa1btzb5exJfHkhQUBAA9uEFBwe7eTUEQRAEQVhDRUUF4uLixPO4KUh8eSA81RgcHEziiyAIgiCaGZYsQ2S4JwiCIAiCcCEkvgiCIAiCIFwIiS+CIAiCIAgXQp4vgiAIgmhClEolGhoa3L0Mwgl4eXlBLpc7vB8SXwRBEATRBKjValy7dg1lZWXuXgrhREJDQ9GqVSuH+nCS+CIIgiCIJoALr8jISPj7+1PT7GaOWq1GTU0NioqKAADR0dF274vEF0EQBEE4GaVSKQqv8PBwdy+HcBJ+fn4AgKKiIkRGRtqdgiTDPUEQBEE4Ge7x8vf3d/NKCGfDP1NHfHwkvgiCIAiiiaBU462HMz5TEl8EQRAEQRAuhMQXQRAEQRBNQps2bbB06VKrt//jjz8gCMItXyFKhnuCIAiCIESGDBmCXr162SSaTHH48GEEBARYvf3AgQNRUFCAkJAQh1/bkyHxRRAEYQqlxlAr93LvOgjCg1Cr1VAqlVAoLEuIli1b2rRvb29vtGrVyt6lNRso7djE/PLLL+jUqRM6dOiATz75xN3LIQjCWlQq4KO7gQ8HAiqlu1dDEC5h2rRp2LlzJ/773/9CEAQIgoBVq1ZBEARs3rwZycnJ8PHxwe7du5GVlYX7778fUVFRCAwMRL9+/bB161ad/emnHQVBwCeffIJx48bB398fHTp0wE8//ST+Xj/tuGrVKoSGhmLz5s1ISkpCYGAgRo0ahYKCAvE5jY2NeO655xAaGorw8HC89NJLmDp1Kh544IGmfKscgsRXE9LY2Ih58+Zh+/btOHr0KN5++23cuHHD3csiCMIaGm8CRaeB4vPAzTJ3r4Zo5qjVatTUN7rln1qttnqd//3vf5GSkoInnngCBQUFKCgoQFxcHABg/vz5WLRoEc6cOYMePXqgqqoKY8aMwdatW5GZmYmRI0ciLS0NOTk5Zl/jjTfewIQJE3DixAmMGTMGkydPNnturKmpwbvvvosvvvgCu3btQk5ODl544QXx92+//Ta++uorfP7559i7dy8qKiqwceNGq//P7oDSjk3IoUOH0LVrV8TGxgIAxowZg82bN+ORRx5x88oIgrCIUtLDp6EaADXKJOznZoMSXf652S2vfXrBSPh7W3e6DwkJgbe3N/z9/cX039mzZwEACxYswPDhw8Vtw8PD0bNnT/HnhQsXYsOGDfjpp5/wzDPPmHyNadOmiefBt956C++//z4OHTqEUaNGGd2+oaEBK1asQPv27QEAzzzzDBYsWCD+/v3338fLL7+McePGAQCWLVuG9PR0q/6/7sLtka9du3YhLS0NMTExEATBarWal5eHRx99FOHh4fD390evXr2QkZHh8rUtX74cbdu2ha+vL/r27Yvdu3eLv8vPzxeFFwC0bt0aeXl5Tl0jQRBNhDTVWF/jvnUQhIeQnJys83N1dTXmz5+PLl26IDQ0FIGBgTh79qzFyFePHj3E+wEBAQgKChJH9hjD399fFF4AG+vDty8vL0dhYSH69+8v/l4ul6Nv3742/d9cjdsjX9XV1ejZsyemT5+OBx980KrnlJaW4s4770Rqaip+++03REZGIisrC6GhoUa337t3L/r37w8vL13T7NmzZ8UBmfasbe3atZgzZw6WL1+OO++8Ex999BFGjx6N06dPIz4+3miolxruEUQzQdWovd9Q7b51ELcEfl5ynF4w0m2v7Qz0qxZffPFFbN68Ge+++y4SExPh5+eHhx56CPX19Wb3o38uFgQBKpXKpu31z6/651ZbUq3uwO3ia/To0Rg9erRNz3n77bcRFxeHzz//XHysTZs2RrdVqVSYPXs2OnTogG+//Vacw3T+/HmkpqZi7ty5mD9/vl1rW7JkCWbMmIHHH38cALB06VJs3rwZH374IRYtWoTY2FidSFdubi4GDBhg0/+VIAg3oZKkHSnyRTiIIAhWp/7cjbe3N5RKy0Umu3fvxrRp08R0X1VVFS5fvtzEq9MlJCQEUVFROHToEAYNGgSAzdXMzMxEr169XLoWW3B72tEefvrpJyQnJ+Phhx9GZGQkevfujY8//tjotjKZDOnp6cjMzMRjjz0GlUqFrKwsDB06FGPHjjUpvCxRX1+PjIwMjBgxQufxESNGYN++fQCA/v3749SpU8jLy0NlZSXS09MxcqTpK58PPvgAXbp0Qb9+/exaE0EQTkQn8kXii7h9aNOmDQ4ePIjLly+juLjYZFQqMTER69evx7Fjx3D8+HFMmjTJbASrqXj22WexaNEi/Pjjjzh37hyef/55lJaWenSmqVmKr0uXLuHDDz9Ehw4dsHnzZsycORPPPfcc1qxZY3T7mJgYbN++HXv37sWkSZMwdOhQDBs2DCtWrLB7DcXFxVAqlYiKitJ5PCoqCteuXQMAKBQKLF68GKmpqejduzdefPFFs9PtZ8+ejdOnT+Pw4cN2r4sgCCeh4/mitCNx+/DCCy9ALpejS5cuaNmypUkP13vvvYcWLVpg4MCBSEtLw8iRI9GnTx8XrxZ46aWX8Mgjj+Cxxx5DSkoKAgMDMXLkSPj6+rp8LdYiqD0oMSoIAjZs2GCxN4e3tzeSk5PFCBMAPPfcczh8+DD2799v8nm7du3C4MGD0a5dO5w7d86qBnGm1sbN9Pv27UNKSoq43b/+9S988cUXYnWIPVRUVCAkJATl5eUIDg62ez8EQThA0VlgucYmcP8HQO9H3bseollRW1uL7OxssSCLcB0qlQpJSUmYMGEC3nzzTafv39xna+35u1lGvqKjo9GlSxedx5KSksxWWBQWFuLJJ59EWloaampqMHfuXIfWEBERAblcLka5OEVFRQbRMIIgmiHStCN5vgjCY7ly5Qo+/vhjnD9/HidPnsTTTz+N7OxsTJo0yd1LM0mzFF933nknzp07p/PY+fPnkZCQYHT74uJiDBs2DElJSVi/fj22b9+OdevW6TRpsxVvb2/07dsXW7Zs0Xl8y5YtGDhwoN37JQjCQ6BqR4JoFshkMqxatQr9+vXDnXfeiZMnT2Lr1q1ISkpy99JM4vbSi6qqKly8eFH8OTs7G8eOHUNYWBji4+OxbNkybNiwAdu2bRO3mTt3LgYOHIi33noLEyZMwKFDh7By5UqsXLnSYP8qlQqjRo1CQkIC1q5dC4VCgaSkJGzduhWpqamIjY01GQWztLZ58+ZhypQpSE5ORkpKClauXImcnBzMnDnTie8QQRBugSJfBNEsiIuLw969e929DJtwu/g6cuQIUlNTxZ/nzZsHAJg6dSpWrVqF4uJiZGVl6TynX79+2LBhA15++WUsWLAAbdu2xdKlSzF58mSD/ctkMixatAiDBg2Ct7e3+Hj37t2xdetWswZ4S2ubOHEiSkpKsGDBAhQUFKBbt25IT083GYEjCKIZQdWOBEE0ER5luCcYZLgnCA/g8h5g1b3sft/pQNpSty6HaF6Q4f7W5bY13BMEQTQ5OrMdKfJFEITzIPFFEARhDOrzRRBEE0HiiyAIwhg6hnsSXwRBOA8SXwRBEMZQUdqRIIimgcQXQRCEMajVBEHYRZs2bbB06VLxZ0EQsHHjRpPbX758GYIg4NixYw69rrP24wrc3mqCIAjCI5F6vqjJKkHYTUFBAVq0aOHUfU6bNg1lZWU6oi4uLg4FBQWIiIhw6ms1BSS+CIIgjCGtdqTIF0HYTatWrVzyOnK53GWv5SiUdiQIgjAGNVklbkM++ugjxMbGQqVS6Tw+duxYTJ06FVlZWbj//vsRFRWFwMBA9OvXD1u3bjW7T/2046FDh9C7d2/4+voiOTkZmZmZOtsrlUrMmDEDbdu2hZ+fHzp16oT//ve/4u9ff/11rF69Gj/++CMEQYAgCPjjjz+Mph137tyJ/v37w8fHB9HR0fj73/+Oxkbtd3vIkCF47rnnMH/+fISFhaFVq1Z4/fXXbX/jbIQiXwRBEMbQr3ZUqwFBcN96iOaNWu0+Ee/lb/Xf7sMPP4znnnsOO3bswLBhwwAApaWl2Lx5M37++WdUVVVhzJgxWLhwIXx9fbF69WqkpaXh3LlziI+Pt7j/6upq3HfffRg6dCi+/PJLZGdn4/nnn9fZRqVSoXXr1li3bh0iIiKwb98+PPnkk4iOjsaECRPwwgsv4MyZM6ioqMDnn38OAAgLC0N+fr7OfvLy8jBmzBhMmzYNa9aswdmzZ/HEE0/A19dXR2CtXr0a8+bNw8GDB7F//35MmzYNd955J4YPH27Ve2YPJL4IgiCMIRVfaiWgrAcUPu5bD9G8aagB3opxz2v/Xz7gHWDVpmFhYRg1ahS+/vprUXx99913CAsLw7BhwyCXy9GzZ09x+4ULF2LDhg346aef8Mwzz1jc/1dffQWlUonPPvsM/v7+6Nq1K3Jzc/H000+L23h5eeGNN94Qf27bti327duHdevWYcKECQgMDISfnx/q6urMphmXL1+OuLg4LFu2DIIgoHPnzsjPz8dLL72Ef/7zn5DJWPKvR48eeO211wAAHTp0wLJly7Bt27YmFV+UdiQIgjCGVHwB1OuLuG2YPHkyfvjhB9TV1QFggukvf/kL5HI5qqurMX/+fHTp0gWhoaEIDAzE2bNnkZOTY9W+z5w5g549e8Lf3198LCUlxWC7FStWIDk5GS1btkRgYCA+/vhjq19D+lopKSkQJFG/O++8E1VVVcjNzRUf69Gjh87zoqOjUVRUZNNr2QpFvgiCIIyhL74aagCEuWUpxC2Alz+LQLnrtW0gLS0NKpUKv/76K/r164fdu3djyZIlAIAXX3wRmzdvxrvvvovExET4+fnhoYceQn19vVX7tmac9Lp16zB37lwsXrwYKSkpCAoKwn/+8x8cPHjQpv+HWq3WEV7S15c+7uXlpbONIAgGnjdnQ+KLIAjCGAaRLzLdEw4gCFan/tyNn58fxo8fj6+++goXL15Ex44d0bdvXwDA7t27MW3aNIwbNw4AUFVVhcuXL1u97y5duuCLL77AzZs34efnBwA4cOCAzja7d+/GwIEDMWvWLPGxrKwsnW28vb2hVCphji5duuCHH37QEWH79u1DUFAQYmNjrV5zU0BpR4IgCGMo9SNflHYkbh8mT56MX3/9FZ999hkeffRR8fHExESsX78ex44dw/HjxzFp0iSbokSTJk2CTCbDjBkzcPr0aaSnp+Pdd9/V2SYxMRFHjhzB5s2bcf78ebz66qs4fPiwzjZt2rTBiRMncO7cORQXF6OhoQH6zJo1C1evXsWzzz6Ls2fP4scff8Rrr72GefPmiX4vd0HiiyAIwhgU+SJuY4YOHYqwsDCcO3cOkyZNEh9/77330KJFCwwcOBBpaWkYOXIk+vTpY/V+AwMD8fPPP+P06dPo3bs3XnnlFbz99ts628ycORPjx4/HxIkTMWDAAJSUlOhEwQDgiSeeQKdOnURf2N69ew1eKzY2Funp6Th06BB69uyJmTNnYsaMGfjHP/5h47vhfAS1NQlYwqVUVFQgJCQE5eXlCA4OdvdyCOL2ZNubwG7JFfnk74EOTVf9RNxa1NbWIjs7G23btoWvr6+7l0M4EXOfrbXnb4p8EQRBGEOll8agakeCIJwEiS+CIAhjqPTMvNTlniAIJ0HiiyAIwhjU54sgiCaCxBdBEIQxlHppR4p8EQThJEh8EQRBGIOqHQknQDVttx7O+ExJfBEEQRjDwPNFaUfCenjX9JoaEu23Gvwz1e+MbwvU4b6J+eWXX/C3v/0NKpUKL730Eh5//HF3L4kgCGvg1Y7egUB9FXm+CJuQy+UIDQ0VZwT6+/sbjLohmhdqtRo1NTUoKipCaGgo5HK53fsi8dWENDY2Yt68edixYweCg4PRp08fjB8/HmFhNB+OIDwennb0DdGIL4pgELbRqlUrAGjyIc2EawkNDRU/W3sh8dWEHDp0CF27dhVnSI0ZMwabN2/GI4884uaVEQRhES6+fIIB5FHakbAZQRAQHR2NyMhIo+NviOaHl5eXQxEvjtvF165du/Cf//wHGRkZKCgowIYNG/DAAw+Yfc7rr7+ON954Q+exqKgoXLt2zeVrW758Of7zn/+goKAAXbt2xdKlSzFo0CAAQH5+vs7wztatWyMvL8+payQIoongsx19NV2qKfJF2IlcLnfKCZu4dXC74b66uho9e/bEsmXLbHpe165dUVBQIP47efKkyW337t1r9Krj7NmzZgWbpbWtXbsWc+bMwSuvvILMzEwMGjQIo0ePRk5ODgDjFRGU8yeIZoI07QhQqwmCIJyG2yNfo0ePxujRo21+nkKhsCrnqlKpMHv2bHTo0AHffvutePVx/vx5pKamYu7cuZg/f75da1uyZAlmzJghmuiXLl2KzZs348MPP8SiRYsQGxurE+nKzc3FgAEDbPlvEgThLnTSjiDDPUEQTsPtkS97uXDhAmJiYtC2bVv85S9/waVLl4xuJ5PJkJ6ejszMTDz22GNQqVTIysrC0KFDMXbsWJPCyxL19fXIyMjAiBEjdB4fMWIE9u3bBwDo378/Tp06hby8PFRWViI9PR0jR440uc8PPvgAXbp0Qb9+/exaE0EQToRXO/K0I0W+CIJwEs1SfA0YMABr1qzB5s2b8fHHH+PatWsYOHAgSkpKjG4fExOD7du3Y+/evZg0aRKGDh2KYcOGYcWKFXavobi4GEqlElFRUTqPS71nCoUCixcvRmpqKnr37o0XX3wR4eHhJvc5e/ZsnD59GocPH7Z7XQRBOAne54unHcnzRRCEk3B72tEepKnA7t27IyUlBe3bt8fq1asxb948o8+Jj4/HmjVrMHjwYLRr1w6ffvqpU/xX+vtQq9U6j40dOxZjx451+HUIgnAx+mlHqnYkCMJJNMvIlz4BAQHo3r07Lly4YHKbwsJCPPnkk0hLS0NNTQ3mzp3r0GtGRERALpcbGPaLiooMomEEQTRDlHppR4p8EQThJG4J8VVXV4czZ84gOjra6O+Li4sxbNgwJCUlYf369di+fTvWrVuHF154we7X9Pb2Rt++fbFlyxadx7ds2YKBAwfavV+CIDwEsdoxVPNzg+GwbYIgCDtwe9qxqqoKFy9eFH/Ozs7GsWPHEBYWhvj4eCxbtgwbNmzAtm3bxG1eeOEFpKWlIT4+HkVFRVi4cCEqKiowdepUg/2rVCqMGjUKCQkJWLt2LRQKBZKSkrB161akpqYiNjbWZBTM0trmzZuHKVOmIDk5GSkpKVi5ciVycnIwc+ZMJ75DBEG4Be754mlHgFU8+oW6ZTkEQdw6uF18HTlyBKmpqeLP3LM1depUrFq1CsXFxcjKytJ5Tm5uLh555BEUFxejZcuWuOOOO3DgwAEkJCQY7F8mk2HRokUYNGgQvL29xce7d++OrVu3mjXAW1rbxIkTUVJSggULFqCgoADdunVDenq60XUQBNHM4NWOXn6AIAfUSlbxSOKLIAgHEdTGOoESbqWiogIhISEoLy9HcHCw5ScQBOF8/tcbuHEJ+Otm4KuHgboK4JkMICLR3SsjCMJDsfb8fUt4vgiCIJwO93zJvAAvf3afKh4JgnACJL4IgiCMwWc7yuSAt0Z8UcUjQRBOgMQXQRCEMcTIlwLwDmD3KfJFEIQTIPFFEARhDC6+5F6Al0Z8UeSLIAgnQOKLIAjCGDqRL+75IvFFEITjkPgiCIIwhkri+eKG+3pKOxIE4TgkvgiCIIwhrXbkni8SXwRBOAESXwRBEMbgo4RkCkmrCUo7EgThOCS+CIIg9FGpAGj6T0urHSnyRRCEEyDxRRAEoQ9POQKAnCJfBEE4FxJfBEEQ+vC5joButSO1miAIwgmQ+CIIgtBHGvmSKbR9vqjJKkEQToDEF0EQhD4qpfa+zIsiXwRBOBUSXwRBEPrwSkcIgExGni+CIJwKiS+CIAh9pN3tAap2JAjCqZD4IgiC0Ec61xGgyBdBEE6FxBdBEIQ+BpEv8nwRBOE8SHwRBEHoI53rCFC1I0EQToXEF0EQhD7SuY4ARb4IgnAqJL4IgiD0kc51BLSRL2WdbhsKgiAIOyDxRRAEoQ8XWPqeL4AqHgmCcBgSXwRBEPqI1Y4a8aXwBSCw+1TxSBCEg5D4IgiC0Eell3YUBOr1RRCE0yDxRRAEoY9+qwlAK74o8kUQhIOQ+GpifvnlF3Tq1AkdOnTAJ5984u7lEARhDcbElxdVPBIE4RwUljch7KWxsRHz5s3Djh07EBwcjD59+mD8+PEICwtz99IIgjCH0lzki9KOBEE4BkW+mpBDhw6ha9euiI2NRVBQEMaMGYPNmze7e1kEQVjCbOSLxBdBEI7hdvG1a9cupKWlISYmBoIgYOPGjTY9f9GiRRAEAXPmzHHL2pYvX462bdvC19cXffv2xe7du8Xf5efnIzY2Vvy5devWyMvLc/o6CYJwMvqzHQFqtEoQhNNwu/iqrq5Gz549sWzZMpufe/jwYaxcuRI9evQwu93evXvR0NBg8PjZs2dx7do1u9e2du1azJkzB6+88goyMzMxaNAgjB49Gjk5OQAAtVpt8BxBEMyulSAID0B/vBBAI4YIgnAabhdfo0ePxsKFCzF+/HibnldVVYXJkyfj448/RosWLUxup1KpMHv2bEyaNAlKpbYz9fnz55Gamoo1a9bYvbYlS5ZgxowZePzxx5GUlISlS5ciLi4OH374IQAgNjZWJ9KVm5uL6Ohom/6fBEG4AaPVjhT5IgjCObhdfNnL7Nmzce+99+Kee+4xu51MJkN6ejoyMzPx2GOPQaVSISsrC0OHDsXYsWMxf/58u16/vr4eGRkZGDFihM7jI0aMwL59+wAA/fv3x6lTp5CXl4fKykqkp6dj5MiRJvf5wQcfoEuXLujXr59dayIIwknoz3YEtJ4vajVBEISDNMtqx2+//RZHjx7F4cOHrdo+JiYG27dvx913341JkyZh//79GDZsGFasWGH3GoqLi6FUKhEVFaXzeFRUlJjKVCgUWLx4MVJTU6FSqTB//nyEh4eb3Ofs2bMxe/ZsVFRUICQkxO61EQThIPqzHQFqskoQhNNoduLr6tWreP755/H777/D19fX6ufFx8djzZo1GDx4MNq1a4dPP/3UKf4r/X2o1Wqdx8aOHYuxY8c6/DoEQbgQo54vinwRBOEcml3aMSMjA0VFRejbty8UCgUUCgV27tyJ//3vf1AoFDq+LimFhYV48sknkZaWhpqaGsydO9ehdUREREAulxsY9ouKigyiYQRBNDP4YG2qdiQIoglodpGvYcOG4eTJkzqPTZ8+HZ07d8ZLL70EuVxu8Jzi4mIMGzYMSUlJ+O6773DhwgUMGTIEPj4+ePfdd+1ah7e3N/r27YstW7Zg3Lhx4uNbtmzB/fffb9c+CYLwEPRnOwJU7UgQhNNwu/iqqqrCxYsXxZ+zs7Nx7NgxhIWFIT4+HsuWLcOGDRuwbds2AEBQUBC6deums4+AgACEh4cbPA6wasdRo0YhISEBa9euhUKhQFJSErZu3YrU1FTExsaajIJZWtu8efMwZcoUJCcnIyUlBStXrkROTg5mzpzpjLeGIAh3QdWOBEE0IW4XX0eOHEFqaqr487x58wAAU6dOxapVq1BcXIysrCy79y+TybBo0SIMGjQI3t7e4uPdu3fH1q1bzRrgLa1t4sSJKCkpwYIFC1BQUIBu3bohPT0dCQkJdq+XIAgPwFyHe/J8EQThIILaWCdQwq3wasfy8nIEBwe7ezkEcfuxYxGw899A8gzgviXssXO/Ad/8BYjpAzy5w73rIwjCI7H2/N3sDPcEQRBNDkW+CIJoQkh8EQRB6GN0tiPv80XiiyAIxyDxRRAEoY/ZPl9U7UgQhGOQ+CIIgtCHqh0JgmhCSHwRBEHoY3S2oybt2HgTUKlcvyaCIG4ZSHwRBEHoY3S2o7/2PpnuCYJwABJfBEEQ+vDxQlLPl8IPgGZuK4kvgiAcgMQXQRCEPsaqHWUyrem+nkz3DlGRD/z2ElB80fK2BHELQuKLIAhCH2OzHQFt6pEiX45x7Gvg4Arg0Ep3r4Qg3AKJL4IgCH2MVTsCFPlyFnWV7JbeR+I2hcQXQRCEPqLnSz/yxRutkmhwCGW95rbOvesgCDdB4osgCEIfY9WOAI0YchaNdbq3BHGbQeKLIAhCH1NpR2q06hx4xIuLXIK4zSDxRRAEoY+xakdA22iVRgw5RiOlHYnbGxJfBEEQ+hib7QhQ5MtZcNHFRRhB3GaQ+CIIgtDHUrUjRb4cQ4x8kfgibk9IfBEEQehjbLYjIKl2pMiXQ4ieL0o7ErcnJL4IgiD0oWrHpoVHvijtSNymkPgiCILQx9hsR0Di+aK0o0OIkS8SX8TtCYkvgiAIfUxVOyr82G1jrWvXc6vRSOKLuL0h8UUQBKGPqdmOXr7stuGma9dzq8HTutRklbhNIfFFEAShj6lqR4p8OQdKOxK3OSS+CIIg9DE121GMfJH4cghqNUHc5pD4IgiC0MdUtaMY+aK0o0MoabYjcXtD4osgCEIfk01WKfLlFHjkS63URhkJ4jaCxBdBEIQ+XBCYrHakyJdDSJurUuqRuA0h8UUQBKGPqdmOFPlyHLVaN91I4ou4DXFYfFVUVGDjxo04c+aMM9Zzy/HLL7+gU6dO6NChAz755BN3L4cgCGsw1WqCIl+Oo2oEoNb+TF3uidsQm8XXhAkTsGzZMgDAzZs3kZycjAkTJqBHjx744YcfnL7A5kxjYyPmzZuH7du34+jRo3j77bdx48YNdy+LIAhLmJrtSJEvx9E32dN8R+I2xGbxtWvXLgwaNAgAsGHDBqjVapSVleF///sfFi5c6PQFNmcOHTqErl27IjY2FkFBQRgzZgw2b97s7mURBGEOlQpQq9h9c5EvtRqEHeinGSntSNyG2Cy+ysvLERYWBgDYtGkTHnzwQfj7++Pee+/FhQsXbF7Arl27kJaWhpiYGAiCgI0bN1p8zocffogePXogODgYwcHBSElJwW+//WbzaztjbcuXL0fbtm3h6+uLvn37Yvfu3eLv8vPzERsbK/7cunVr5OXlOX2dBEE4ER71Akx7vgBqk2Av+u8bpR2J2xCbxVdcXBz279+P6upqbNq0CSNGjAAAlJaWwtfX18KzDamurkbPnj3FVKY1tG7dGv/+979x5MgRHDlyBEOHDsX999+PP//80+j2e/fuRUNDg8HjZ8+exbVr1+xe29q1azFnzhy88soryMzMxKBBgzB69Gjk5OQAANRGrowFQbDmv0gQhLuQii9T1Y4A+b7sRT/NSGlH4jbEZvE1Z84cTJ48Ga1bt0ZMTAyGDBkCgEWJunfvbvMCRo8ejYULF2L8+PFWPyctLQ1jxoxBx44d0bFjR/zrX/9CYGAgDhw4YLCtSqXC7NmzMWnSJCiV2n4y58+fR2pqKtasWWP32pYsWYIZM2bg8ccfR1JSEpYuXYq4uDh8+OGHAIDY2FidSFdubi6io6Ot/n8SBOEGdCJfemlHuRcgaA6b5PuyD/1Il9LwwpggbnVsFl+zZs3C/v378dlnn2HPnj2Qydgu2rVr5xbPl1KpxLfffovq6mqkpKQY/F4mkyE9PR2ZmZl47LHHoFKpkJWVhaFDh2Ls2LGYP3++Xa9bX1+PjIwMMfLHGTFiBPbt2wcA6N+/P06dOoW8vDxUVlYiPT0dI0eONLnPDz74AF26dEG/fv3sWhNBEE7AnPgSBMDLn92nyJd96Ee6KH1L3IYoLG9iSHJyMpKTkwEw8XPy5EkMHDgQLVq0cOrizHHy5EmkpKSgtrYWgYGB2LBhA7p06WJ025iYGGzfvh133303Jk2ahP3792PYsGFYsWKF3a9fXFwMpVKJqKgoncejoqLEVKZCocDixYuRmpoKlUqF+fPnIzw83OQ+Z8+ejdmzZ6OiogIhISF2r40gCAcQxZdg6PkCAIUvUF9FkS97MYh8kfgibj/sSjt++umnAJjwGjx4MPr06YO4uDj88ccfzl6fSTp16oRjx47hwIEDePrppzF16lScPn3a5Pbx8fFYs2YN1q5dC4VCgU8//dQp/iv9fajVap3Hxo4di/Pnz+PixYt48sknHX49giCaGFOjhThe1OvLIQw8X5R2JG4/bBZf33//PXr27AkA+Pnnn5GdnY2zZ8+KxnNX4e3tjcTERCQnJ2PRokXo2bMn/vvf/5rcvrCwEE8++STS0tJQU1ODuXPnOvT6ERERkMvlBob9oqIig2gYQRDNCFNDtTkK6vXlEAbVjhT5Im4/bBZfxcXFaNWqFQAgPT0dDz/8MDp27IgZM2bg5MmTTl+gtajVatTVGf8SFxcXY9iwYUhKSsL69euxfft2rFu3Di+88ILdr+ft7Y2+fftiy5YtOo9v2bIFAwcOtHu/BEG4GR750q905PB2ExT5sg/q80UQtnu+oqKicPr0aURHR2PTpk1Yvnw5AKCmpgZyuRF/hAWqqqpw8eJF8efs7GwcO3YMYWFhiI+Px7Jly7BhwwZs27ZN3Ob//u//MHr0aMTFxaGyshLffvst/vjjD2zatMlg/yqVCqNGjUJCQoKYckxKSsLWrVuRmpqK2NhYk1EwS2ubN28epkyZguTkZKSkpGDlypXIycnBzJkzbX4fCILwEPhQbWN+L0DbboIiX/Zh0OGexBdx+2Gz+Jo+fTomTJiA6OhoCIKA4cOHAwAOHjyIzp0727yAI0eOIDU1Vfx53rx5AICpU6di1apVKC4uRlZWls5zCgsLMWXKFBQUFCAkJAQ9evTApk2bxLVIkclkWLRoEQYNGgRvb2/x8e7du2Pr1q1mDfCW1jZx4kSUlJRgwYIFKCgoQLdu3ZCeno6EhASb3weCIDwEU3MdOWLki8SXXeiLLUo7ErchgtpYJ1ALfP/997h69SoefvhhtG7dGgCwevVqhIaG4v7773f6Im83eLVjeXk5goOD3b0cgri9KDgOfHQ3EBQD/O2M4e+/mgBc2AyMXQb0meL69TV3Mr8Cfpyl/Xn0O8CAp9y3HoJwItaev+1qNfHQQw8ZPDZ16lR7dkUQBOFZWKx2pMiXQxhUO1Lakbj9sNlwDwA7d+5EWloaEhMT0aFDB4wdO1ZnpiFBEESzRcnFlyXPFxnu7UK/zxelHYnbEJvF15dffol77rkH/v7+eO655/DMM8/Az88Pw4YNw9dff90UayQIgnAdVlc7UuTLLgyqHanPF3H7YXPa8V//+hfeeecdnQrB559/HkuWLMGbb76JSZMmOXWBBEEQLsVS2pEiX45Bg7UJwvbI16VLl5CWlmbw+NixY5Gdne2URREEQbgNsdrRRNqRR75IfNmHQdqRPF/E7YfN4isuLk6n5xZn27ZtiIuLc8qiCIIg3IbY58tE2lFB44Ucggz3BGF72vFvf/sbnnvuORw7dgwDBw6EIAjYs2cPVq1aZXa8D0EQRLPA2mpHarJqHzRYmyBsF19PP/00WrVqhcWLF2PdunUAgKSkJKxdu5Z6fBEE0fyxONuRIl8OwcWWVwDQUE1pR+K2xK4+X+PGjcO4ceOcvRaCIAj3I1Y7UuSrSeBiyyeQiS9KOxK3IXb1+SIIgrhlET1fFPlqEnjkyydI8zOJL+L2w6rIV4sWLSAIglU7vHHjhkMLIgiCcCvWznakyJd9NOqJL2qyStyGWCW+li5d2sTLIAiC8BBEwz1VOzYJPNLlHaj7M0HcRlglvmhuI0EQtw0qC+OFKPLlGGLkSzN0mMQXcRtCni+CIAgpSis73NN4IfvgYovSjsRtDIkvgiAIKVb3+aK0o12IkS+edqTZjsTtB4kvgiAIKZYGaytosLZDGFQ7UuSLuP0g8UUQBCHF4mxHGqztEI2UdiQIEl8EQRBSLPb50kS+1EpKmdkDj3R588gXvYfE7YdV1Y7jx4+3eofr16+3ezEEQRBux1KrCR75Alj0y1R6kjCOfuSL0o7EbYhVka+QkBDxX3BwMLZt24YjR46Iv8/IyMC2bdsQEhLSZAslCIJwCRZnO/pq75Pvy3YMPF8U+SJuP6yKfH3++efi/ZdeegkTJkzAihUrIJczT4RSqcSsWbMQHBzcNKskCIJwFZb6fAkCE2CNteT7sgfpbEeAPF/EbYnNnq/PPvsML7zwgii8AEAul2PevHn47LPPnLo4giAIl8M9X+bSiVTxaD/Gqh3VavethyDcgM3iq7GxEWfOnDF4/MyZM1CpVE5ZFEEQhNuwNNsRoIpHe1GrJeOFgrSP82ijq9dCEG7CqrSjlOnTp+Ovf/0rLl68iDvuuAMAcODAAfz73//G9OnTnb5AgiAIl2KpySpAkS97kY4S8pGIr8Y61xYunPwe2Px/wIQvgPgBrntdgtBgs/h699130apVK7z33nsoKCgAAERHR2P+/Pn429/+5vQFEgRBuBRrxBdFvuxDR3wFGn/cFVzYAlQVAtk7SXwRbsFm8SWTyTB//nzMnz8fFRUVAEBGe4Igbh0szXYEKPJlL40SkeXlDwgyQK1yvfhqqNHckngm3INdTVYbGxuxdetWfPPNNxAEAQCQn5+Pqqoqpy6OIAjC5VgV+fJnt3Tytg1uthfkrJpU7s1+dnXFIxdfJJ4JN2Fz5OvKlSsYNWoUcnJyUFdXh+HDhyMoKAjvvPMOamtrsWLFiqZYJ0EQhGuwNNsR0A7XppO3bXCRpfBht3If9h66PPKlEc1chBGEi7E58vX8888jOTkZpaWl8PPTdnoeN24ctm3b5tTFEQRBuBxLfb4AbdrREyNfteXAwY+AykJ3r8QQLrJ4xEvhrfu4qxDTjiSeCfdgc+Rrz5492Lt3L7y9vXUeT0hIQF5entMWRhAE4RZsMdx7YuQr80tWyVd6BRj1lrtXo4tB5MtNacd6Lr4o8kW4B5sjXyqVCkql0uDx3NxcBAUFGXkGQRBEM8LSbEfAsyNfVUWaW0+OfOmJL3elHT1RPBO3BTaLr+HDh2Pp0qXiz4IgoKqqCq+99hrGjBnjzLXdEvzyyy/o1KkTOnTogE8++cTdyyEIwhKWZjsCnh354sKivtq96zCGGPniaUeNCHO5+NK8N54ononbApvTju+99x5SU1PRpUsX1NbWYtKkSbhw4QIiIiLwzTffNMUamy2NjY2YN28eduzYgeDgYPTp0wfjx49HWFiYu5dGEIQp+Hih5ur54sKi3gOrz3m1oxj50kQXG91luPfAz4+4LbBZfMXExODYsWP45ptvcPToUahUKsyYMQOTJ0/WMeATwKFDh9C1a1fExsYCAMaMGYPNmzfjkUcecfPKCIIwiVXVjh4c+eJ+Jk8UX1xk8cgXF2FKF3q+1Grq80W4Hbv6fPn5+eGvf/0rli1bhuXLl+Pxxx+3W3jt2rULaWlpiImJgSAI2Lhxo9ntFy1ahH79+iEoKAiRkZF44IEHcO7cObte2xnrWr58Odq2bQtfX1/07dsXu3fvFn+Xn58vCi8AaN26NRUlEISnY81sRzHy5YHiy5PTjvqRL3ekHaWCq5HEF+EebBZfcrkcqampuHHjhs7jhYWFkMvNhOlNUF1djZ49e2LZsmVWbb9z507Mnj0bBw4cwJYtW9DY2IgRI0agutr0gWbv3r1oaGgwePzs2bO4du2a3etau3Yt5syZg1deeQWZmZkYNGgQRo8ejZycHACA2sjgVt6UliAID8WmakcPPHnztGNdc4h8uSHtKBVfFPki3ITN4kutVqOurg7Jyck4deqUwe9sZfTo0Vi4cCHGjx9v1fabNm3CtGnT0LVrV/Ts2ROff/45cnJykJGRYXR7lUqF2bNnY9KkSTpVmufPn0dqairWrFlj97qWLFmCGTNm4PHHH0dSUhKWLl2KuLg4fPjhhwCA2NhYnUhXbm4uoqOjrfp/EgThJkTPF0W+nI6B58sdkS9JewkSX4SbsFl8CYKAH374AWlpaRg4cCB+/PFHnd+5mvLycgAwaWKXyWRIT09HZmYmHnvsMahUKmRlZWHo0KEYO3Ys5s+fb9fr1tfXIyMjAyNGjNB5fMSIEdi3bx8AoH///jh16hTy8vJQWVmJ9PR0jBw50uQ+P/jgA3Tp0gX9+vWza00EQTgBm6odPfDkLXq+Kpm/yZMw6POliXy50vNF4ovwAOyKfMnlcvz3v//Fu+++i4kTJ2LhwoV2Rb0cRa1WY968ebjrrrvQrVs3k9vFxMRg+/bt2Lt3LyZNmoShQ4di2LBhDo1CKi4uhlKpRFRUlM7jUVFRYipToVBg8eLFSE1NRe/evfHiiy8iPDzc5D5nz56N06dP4/Dhw3aviyAIB7Em7ejRkS9NxEut8ryCAIMO9xoR5tK0o0R8KesAlcp1r00QGmyudpTy5JNPomPHjnjooYewc+dOZ63Jap555hmcOHECe/bssbhtfHw81qxZg8GDB6Ndu3b49NNPnRKp09+HWq3WeWzs2LEYO3asw69DEISLsKna0QMjJ9JoTl2Vdq2egLHZjoD7DPcA+wy9A1z3+gQBOyJfCQkJOsb6IUOG4MCBA8jNzXXqwizx7LPP4qeffsKOHTvQunVri9sXFhbiySefRFpaGmpqajB37lyHXj8iIgJyudzAsF9UVGQQDSMIohlh02xHD4ssAdq0I+B57Sb0I19i2tGF4qteb6SQJ36GxC2PzeIrOzvbIHWWmJiIzMxMXLp0yWkLM4VarcYzzzyD9evXY/v27Wjbtq3F5xQXF2PYsGFISkoSn7du3Tq88MILdq/D29sbffv2xZYtW3Qe37JlCwYOHGj3fgmCcDO2VDt62mxAaQ8rwPNM9/qRLzHt6CbPl7GfCcIFOJR2lOLr64uEhASbn1dVVYWLFy+KP2dnZ+PYsWMICwtDfHw8li1bhg0bNmDbtm0AmC/q66+/xo8//oigoCAx8hQSEmK015hKpcKoUaOQkJCAtWvXQqFQICkpCVu3bkVqaipiY2ONRsEsrQsA5s2bhylTpiA5ORkpKSlYuXIlcnJyMHPmTJvfB4IgPARbZjt6oqdKLZm963GRL17t6K17665qR8DzPkPitsAq8RUWFobz588jIiICLVq0MOuV0u//ZYkjR44gNTVV/HnevHkAgKlTp2LVqlUoLi5GVlaW+HvexmHIkCE6+/n8888xbdo0g/3LZDIsWrQIgwYNgre3t/h49+7dsXXrVpMGeEvrAoCJEyeipKQECxYsQEFBAbp164b09HS7RChBEB6C0pbIl4eduPUjXZ4mvsQ+X24crE2RL8IDsEp8vffeewgKCgIAnaHazmDIkCFmKyVff/11vP766+LP9lRVDh8+3OjjvXr1sntdnFmzZmHWrFk2r4kgCA/FFs+Xpxnu9c3kntZo1VSHe5emHfXeI08T0MRtgVXia+rUqUbvEwRB3HLYUu2orGdNWc0JNVeiH8XxOM+Xfod7HvkynEDSZBgY7inyRbgeq8RXRUWF1TsMDg62ezEEQRBux5bZjgDzDHlKqwID8eVpkS/9akcuvtxouCfPF+EGrBJfoaGhFnti8f5W0hE+BEEQzQqVijUnBazzfAEsbeUp4ks/quNx4kvPcO8RaUeKfBGuxyrxtWPHjqZeB0EQhPuRVgqaE18yOauGVDV4lu+rQS/N6GmeL5OGexemHfXfI/J8EW7AKvE1ePDgpl4HQRCE+5GKAHPiC2DRr7oGzzp560d1PM3zZTBY2x1pR4p8Ee7H7j5fNTU1yMnJQX29bolwjx49HF4UQRCEW+Bme8Cy+FL4AnUVnhX5Mkg7epj40jfc81tXznbUf4/I80W4AZvF1/Xr1zF9+nT89ttvRn9Pni+CIJotUvFlrtoRALw8cMSQgeG+0j3rMIVB5Msdsx0175GXP7vvSZ8fcdtg83ihOXPmoLS0FAcOHICfnx82bdqE1atXo0OHDvjpp5+aYo0EQRCuQSq+BAuHR4UHDtdutq0m3JB29Nc02Ka0I+EGbI58bd++HT/++CP69esHmUyGhIQEDB8+HMHBwVi0aBHuvffeplgnQRBE0yOd62ihwtsjI188peYbCtSWeZ7h3qDJqhsN9/5hQPlVSjsSbsHmyFd1dTUiIyMBsLFD169fB8DG9Rw9etS5qyMIgnAl1sx15Hhy5CuQHaM9L/KlN1ibR77c0WqCIl+EG7FZfHXq1Annzp0DwMbzfPTRR8jLy8OKFSsQHR3t9AUSBEG4DKUVDVY5nhj5EsVXFLv1OM+XfpNVd3i+9MWXB31+xG2DzWnHOXPmoKCgAADw2muvYeTIkfjqq6/g7e0tDpwmCIJolqg0BUPWjAvy5MhXQEt26+mRLzHt6MpqR8174hfGbinyRbgBm8XX5MmTxfu9e/fG5cuXcfbsWcTHxyMiIsKpiyMIgnAp1sx15Hhi5KteL+3ocZ4vE+OF3Jl2JM8X4Qbs7vPF8ff3R58+fZyxFoIgCPdizVxHTnOIfDXe9KzB36Y8X66KfKmUWtO/P498edDnR9w22Cy+1Go1vv/+e+zYsQNFRUVQqVQ6v1+/fr3TFkcQBOFSpNWOlvDEyJe+4R5gaTbfYPesR4pKpRW3YrWjiz1f0hSj6Pki8UW4HpsN988//zymTJmC7OxsBAYGIiQkROcfQRBEs0X0fFkjvvzZrSdFvnja0S8MEDTRLk8Zri0VWPp9vlSNTJw1NaLQEgC/UL3HCMJ12Bz5+vLLL7F+/XqMGTOmKdZDEAThPmypdlR4YuRLIyS8/QHvQKCu3HNM99JGqvqzHfnvZX5Nuwb+Xnj5e6Z4Jm4bbI58hYSEoF27dk2xFoIgCPdiT9rRk07eDRJx4RPI7td5SLsJ6fxGLrp42hFwTeqRi1MvP/ZP+hhBuBCbxdfrr7+ON954Azdv0h8sQRC3GGK1ow2Ge0+KfNVL5hZ6B2ge87DIl8wLkMm09zmuGK4tjQwqSHwR7sPmtOPDDz+Mb775BpGRkWjTpg28vHRLsqnLPUEQzZZmH/nikR2p+PIQz5d+pSPARJjMixnxXTHfURoZpMgX4UZsFl/Tpk1DRkYGHn30UURFRUGwNP+MIAiiuWCL+PLEyBcXF9zzBXhQ5EuvxxdH4QPUN7gv7aisY2Z/mc2JIIKwG5vF16+//orNmzfjrrvuaor1EARBuA9bZjuKkS8PEV/KBu36vaTiy4MjX4C2oa1L0o48LRugFV8Ai17ySCFBuACbpX5cXByCgz2gZwxBEISzEasdbRgv5ClpK2mES8dw7yHiS4x86Qlbcb6jC9KOoifOT/v5AZ4VvSRuC2wWX4sXL8b8+fNx+fLlJlgOQRCEG7Gpz5eHRb54VEemYH20PM5wz8WXfuSLd7lvaPo18PfI25+lGflaaL4j4WJsTjs++uijqKmpQfv27eHv729guL9x44bTFkcQBOFSbJnt6GmRL6nZHpCkHT2l1YSJtKPChfMdGyTVoAAT0Mo6zxHQxG2DzeJr6dKlTbAMgiAID8CW2Y6eFvmSNhAFmo/hXu7CEUNSwz3A3qvacop8ES7HJvHV0NCAP/74A6+++io1WiUI4tZDNNw3Q8+XtIcV4HmeL0uGe5eIL73IlydOKSBuC2zyfHl5eWHDhg1NtRaCIAj3Inq+mmG1Y4N+5MtTPV9GWk0Arkk71uunHTW3FPkiXIzNhvtx48Zh48aNTbAUgiAIN2PTbEdJ5Eutbro1WYu+sPAO0jzu4Z4v0XDvjrSjhwlo4rbBZs9XYmIi3nzzTezbtw99+/ZFQIBub5TnnnvOaYsjCIJwKfZ0uIeaCQd9UeFq9IWFx0W+NOLLwPPlSvHFqx017w1Fvgg3YbP4+uSTTxAaGoqMjAxkZGTo/E4QBBJfBEE0X+yZ7Qgw4eN28cW72wfo3nqK+OJNVA2qHV2YdmyQ9PkCyPNFuA2bxVd2dnZTrIMgCML92NLnS+4FCDJArfKMtJV+qwlPM9yLkS8P6PMler40IsyT5nMStwUODbNSq9VQe4LXgSAIwhnY0mpCEDyr4lFsNcHTjp42XohHvkylHd1huPegz4+4rbBLfK1Zswbdu3eHn58f/Pz80KNHD3zxxRfOXhtBEIRrsWW2I+BZhm19P5NUfHnCRbKpyJdLm6zq+eIo7Ui4CZvF15IlS/D0009jzJgxWLduHdauXYtRo0Zh5syZeO+995pijc2aX375BZ06dUKHDh3wySefuHs5BEGYw5Y+X4Ak8uUBhm1ThntVo2vM7JYQqx1NNVl15XghMtwT7sVmz9f777+PDz/8EI899pj42P3334+uXbvi9ddfx9y5c526wOZMY2Mj5s2bhx07diA4OBh9+vTB+PHjERYW5u6lEQRhDKUN1Y6ANvLlCZETMe2oF/kCmO/L3QUBFmc7usFw70mRy1uFojPsMw1v7+6VeDQ2R74KCgowcOBAg8cHDhyIgoICpyzqVuHQoUPo2rUrYmNjERQUhDFjxmDz5s3uXhbhKajVQJ2H9GAiGLbMdgS0kS9PMGxLh0YDrGKTp9U8wfdlcbajK/t8UZPVJqG+Bvh4GPDpcG3xCmEUm8VXYmIi1q1bZ/D42rVr0aFDB5sXsGvXLqSlpSEmJgaCIFjVwNWe59iDNa+zfPlytG3bFr6+vujbty92794t/i4/Px+xsbHiz61bt0ZeXl6TrNXtVOSTadVWfnoWeKcdUJLl7pUQHFv6fAGeFfnSTzsCnmW6Nznb0Q19vmi8UNNQXcRantSUADfL3L0aj8Zm8fXGG2/gn//8J0aNGoU333wTCxcuxKhRo/DGG29gwYIFNi+guroaPXv2xLJly5rsOXv37kVDg6Gf4OzZs7h27Zrdr7N27VrMmTMHr7zyCjIzMzFo0CCMHj0aOTk5AGC0ElQQBKvW3KwozwOWdge+nujulTQvcg6wE07BMXevhOCI1Y7Wer48KG2ln3YEPKvXl8kO99zz1cRpx8Z6rbgW044e5Nm7Fagt196vKXbfOpoBNnu+HnzwQRw8eBDvvfceNm7cCLVajS5duuDQoUPo3bu3zQsYPXo0Ro8e3WTPUalUmD17Njp06IBvv/0Wcjk7qJ4/fx6pqamYO3cu5s+fb9frLFmyBDNmzMDjjz8OAFi6dCk2b96MDz/8EIsWLUJsbKxOpCs3NxcDBgyw9r/ZfLh+hh3UCv9090qaF/zgVHPDvesgtNgy2xHwrFYFzTXy5aq0o1RgiYZ7njb2APF8KyAVX9XFQMtO7luLh2Oz+AKAvn374ssvv3T2WpoEmUyG9PR03H333XjsscfwxRdfIDs7G0OHDsXYsWNNCi9L1NfXIyMjA3//+991Hh8xYgT27dsHAOjfvz9OnTqFvLw8BAcHIz09Hf/85z9N7vODDz7ABx98AKWymeXKq0vYbW0Z8zHditE9Z6NsBG6WsvskvjwHW9OOnhT5Ejvc+2sf86RGq+6e7cjFl0yh9fR5kni+FdCJfJW4bx3NALvEV3MjJiYG27dvx913341JkyZh//79GDZsGFasWGH3PouLi6FUKhEVFaXzeFRUlJjKVCgUWLx4MVJTU6FSqTB//nyEh4eb3Ofs2bMxe/ZsVFRUICQkxO61uRz+JVM1svSGT6D57Qmt8ALoIOVJ2DJYG/Csk7fYQNRD044WO9w3tfjSM9sDntUk91aA0o5WY7X4kslkFv1KgiCgsbHR4UU1BfHx8VizZg0GDx6Mdu3a4dNPP3WK/0p/H2q1WuexsWPHYuzYsQ6/jkcj/ZLdLCXxZQ3S94zEl+dgy2xHwMMiXx6edjTV4Z5HwlwV+ZKKL08Sz7cCOmlHOq6Zw2rxtWHDBpO/27dvH95//32PHjVUWFiIJ598EmlpaTh8+DDmzp2L999/3+79RUREQC6XGxj2i4qKDKJhtzxS8VBbBiDOXStpPlRLBSulHT0GW2Y7Ap518tYfrA14lviyFPlq6g739Xo9vqT3PaFVyK0ApR2txmrxdf/99xs8dvbsWbz88sv4+eefMXnyZLz55ptOXZyzKC4uxrBhw5CUlITvvvsOFy5cwJAhQ+Dj44N3333Xrn16e3ujb9++2LJlC8aNGyc+vmXLFqPv1S2NjpAoc9symhUU+fJMbJntCHh+5MujPF/ccK9XzOBqzxdFvpoOSjtajV2er/z8fLz22mtYvXo1Ro4ciWPHjqFbt252LaCqqgoXL14Uf87OzsaxY8cQFhaG+Ph4LFu2DBs2bMC2bdusfo4UlUqFUaNGISEhAWvXroVCoUBSUhK2bt2K1NRUxMbGmuzKb+l15s2bhylTpiA5ORkpKSlYuXIlcnJyMHPmTLvei2aL1DBeW+a2ZTQrpIKLDPeeg82zHT3k5K2UjBCSigtP9HwZNFl1VdpR8xl5k+erydCvdiRMYpP4Ki8vx1tvvYX3338fvXr1wrZt2zBo0CCHFnDkyBGkpqaKP8+bNw8AMHXqVKxatQrFxcXIysqy6TlSZDIZFi1ahEGDBsHbW+s16N69O7Zu3WrWAG/pdSZOnIiSkhIsWLAABQUF6NatG9LT05GQkGDju9DMkQoJqZHcHgr/ZOmH2D6O7cfTqSbx5ZGIacdm1uerQSKuPDbtaGq8kEbouqrVhLG0I4kv50BpR6uxWny98847ePvtt9GqVSt88803TkutDRkyxKxX7PXXX8frr79u03P0GT58uNHHe/Xq5dDaAGDWrFmYNWuW1Wu5JalxUtpRpQRWp7F9zNp/a/eIkb5nDdWswzbvlk64j+Za7chfX5Dp9tHyJPFlynDvqiarDUaqQfnnp6wDVCpAZnPfcUIKiS+rsVp8/f3vf4efnx8SExOxevVqrF692uh269evd9riiGaASqkb7XIk7XizVPuF3fkO8NCnDi3No9EPyd+8AXjFuGcthBabZzt6SORL2t1eWoHNPV+elHbUj3y5Ou1oLPIFMNO9NGpI2I6++KK+jyaxWnw99thjt+ZoHMIxbpYBapXuz/ZSfV17/9QPwN0vApGd7d+fJ6N/VVhTAgST+HI7Ns925IOZPSTyJRUTgFZMeJLh3iDy5eS0481S4NpJoM0g3RO/KFCNeL4AFn0m8eUYUvHVWEt9H81gtfjS91IRBABDEeGI50snGqQGdr0DPPSZ/fvzZIyJL8L9iOLLSs+Xl4dEvnhKTWomBzwr7Wiy1YST047pLwInvwMmfw90kFhOjBnuZTL2+so6zXto2gNMWIH+xXdNMYkvE1CCm3AM/XJiR9KOPPIVFM1uT60His7Yvz9PhgtN7yB2S6Z7z8DWakdPqZYzFtUBPEd8qVTa99bkeKEG57xW4Wl2W3Ra93FjhnvAcwR0c0fZCNRXsvv8e0EXlSYh8UU4hkHkq8z+fXFBEtcfSEoDoAZ2vm3//jwVtVr7vkV0YLd0kPIMbE47esiJ29joHMBzWk1Io1omB2s7KfJVkctuy/N0HzfW5wuQCOgaEA5QV6G9H9aW3VKXe5OQ+CIcg4sG31B264zIV0BLYLBmYPmfG7VXsrcKdRXaZp68opMiX56BrdWO4onb3eLLRNrRU5qsSoWVQeRLknZ0dEpKXZXWd1ShL75MCFQvD/kMmzv8ffcKAIJasfvUaNUkJL4Ix+DRqvBEduuQ50sjvvwjgFbdgKSxuCWjX2LKMVCbYqURQ54B7/Nl7WxHMfLlbsO9iagOTzs2VLPUn7uQVjLqR76klaU88mgvFfmS+3riS0zN6qcdKfLlFLj48g0B/DXeOYrom4TEF+EYPGLDxVdtuf0HeTHyFcFuh2iiX6c33lrRL35A8g+jg5SnYWvakbeacHfUpN6C+ALcKy545Evubdh6QBoJczT1yFOOgJG0Izfc61U0ivMdKfLlEDriS3MMpy73JiHxRTgGDyuHt2e3apXWdGnzvjQCJKAlu43qCnR5gN0/tNLuJXoc/IDkH8EEGEDiy1OwdbajpwxmbjBhuPfyY41XAfea7k11t9d/zNFeX9LIV3WRbvsKU+04yPPlHIxGvkh8mYLEF+EYXDQEx2qjAPaa7qWeL07ne9ltyUXD7Zsr/IAUECE5SFHa0SOwudrRV/s8pYMpM0cw1kYBYFEmseLRjaZ7HtHS7/EFaNp6aKJhjoov/WhXpUSMmROogPujl80dqfgKoOOaJUh8EY4hptDCtaZ7e31fxsRXSGt2W37Vvn16IuJ7RuLL47B1tqN+h3R3YSrtCEgardoZkXYGpnp8AUwg8tSjw2lHPfElFWMmDfce4ttr7lDa0SZIfBGOwUuJAyIAv1B2356Kx8Z67ZeXe74AICSO3Zbnudcw7Ez4ASkgHPBrwe5T2tEzsLnaUTKP052RE1OGe8Az2k2Y6m7PkTtpxJC++JKmIU0JVE+ZUtDcobSjTZD4IhxDah4XI19lduxH8yUV5Nr9AKwaUJAzL07VNQcW6kFIo4X8IMWHaxPuxdbZjoIgme/oxpO3qVYTgGc0WjUX+QK077ez0o4BkexWasA31WTVU4ommjs6aUfNBTRdVJqExBdhPw03tT4K/whtFMeeyFe1xAclk/xZyhXamYfluYbPA5jXZvdiNs+tOSA13PuGMHEJULsJd6NWA2qedrR68po2clJbYX67psRUGwXAM8SXpciX09KOmkhXXH/dnwHTvjgx8kWGe4cwlnasLXfe5IJbDBJfhP3wqxqZF+ATpE072uP5Mub34vDUY1mO8eee+QnYtgD46TnbX9cd1EhStYIgqXgk8eVWpD2mrPV8AUBER3arP87GlYh+JiODoT2h0arFyJcTRgzVVQJ1GgHQuh+75ZEwtdp0atZTphQ0d6Tiyy8UYhEFHdeMQuKLsB8xghPORIQjaUdp5EufUO77MmG6v36O3RYcMx99KLvq3ugEp0YS+QKo15enoCO+rEw7AkB0T3abf8ypy7EJs2lHT/B88WpHS+LLgcgXj3L5hGgnR/C0Y2MtAE33fJOeL4p8OYRUfMnkkotK8n0Zg8QXYT/SCA7gYNrRisiXqbTjjUvsVq0Crh4yvk3xBeD9vsC3k2xfm7OplvjkgOYnviry3T+upinQEV82pB1jerHbguNOXY5NmDXce0CrCbHPl6m0I5/v6IDnix8fQmJZ6xtAK8ikZnryfDUN/LjvG8JuqeLRLCS+CPvh4WQuIsS0Y5nt+zIrvjTtJspMRL64+AKAK3uNb3PmZ3ZVfXm3ew8GUp+cvmhtDp6vkizgv72A76e7eyXOR5ryskV88cjXtRPuq8g122qCiy83tpqQdrg3hhj5ckB8caEVHKMVX9XX2Wtz4Sn3MUwp03gh5yCNfAHN76LSxZD4IuxHP33mSJ8vaQpTH0tpRx3xtc/4Nlnbtfcv77F9fc5CxycXzO43p15fOfuZiL247daLfvEeX4CNnq9OLHpSVwGUZjt/XdZgqpIP0Hq+PCHyZbHVhCNpR42/KziWXRDyiFZFvmmzPUDjhZyFvvgKIPFlDhJfhP1IWyYAjvX5Eru+G4t8xbNbY2nHm6W6EaO8DMN+PXVVQM4B7c+Xd9u+Pmch9bbxGXfNacTQ9bPsVq1k7/WthHSuo/78QXPIFWwUFsB8h+5A9HwZMdyLTVbdWe1owXDvjLSjVHwJgrZKuiLPdHd7QBL5oj5fdqNs1FbT8otwSjuahcQXYT/60SoxfVZmx77MpR01KYS6CsN986hXYBTrCaZqAHKP6G5zebdmZp/mhJq9y/b1OYsaIxG+5hT5KjqrvX/1oPvW0RTYOtdRSnQvdusu35dVaUcPmO1o0XDviOdLI7748YKnHsvzTM91BCSzHUl82U2dpJCJ0o5WQeKLsB99wz2/4nG24d47QPtF1k893tCkecLaAwkD2X1939fFbey223gAAlB8Hqh0U8PWar1oofR+czhI8cpSQDeaeCtg61xHKdz35Yj4yjkA/Py87RcvKqU2Xefp4sui58sZaUdNxIt7RSvyzBckUOTLcfgx3zuQRYIBSaNVinwZg8QXYT81elV7YtqxXNc/Yw3mWk0ApiseeeQrrB2QcCe7byC+trLbbg8C0T3YfXf5vvQFKwD42Zh2zM1g1Zuupq4KKJf0Wss9fOuMfAJsn+soRdpuQq227/X/+DeQsQo4/q1tz5MaxZtrqwmxyaozDPca0SVNO5qLDIqeLxJfdqPv9wIo7WgBEl+E/UgHRAO6Y4H4l9Ea6qu1JxBjkS/AdMWjKL7aasXX1cPag/iNS8wELVMAbQaxfwCQvdP69TkT/SIFQBv5sqbasaIA+HwU8Mkw295jZ1CsiXr5h7Mr3LoK4PoZ166hKbF1rqOUyC4sYlZbZroZsCW4Wd9WLx0XFhB0Z01yPKLJqrWRLzvFV22FNvXFRZe03YQ5w73YaoLEl90YFV/UPNocJL4I+9E33Cu8tR22bUk98pSjwte4YRgAQrnpXu/ExsVXeHvWWNE/nF3BcuMzTznGDQB8g4G2d7Ofs91kujdW1WnLQSovg52gasuBjNXOX585uN8rsgsQ25fdv5VSj7bOdZSi8AaiurD79qQeVUptVDf/qG3PlabUjBUKeEKfL6ubrNopvnjUyzdEKzZFz1euhbQjDdZ2GGPii9KOZiHxRdiHSqUVCzoptFB2a4tvhfugAlqarjIzlXYsyWK3Ye3Yc+NT2M889chbTLQfym7jU9gsxdJs033DmhIx7WhEfNVXWZ5td+2E9v7BFdaPY8k/Bnw+Rrflhq3wSseWnYH4O9h9a033ajX77OxNyXFqK4AfZwOXmiByKa12tAdHfF8VedrXL7lo2/fHXHd7wEM8X5aqHR2c7cg72fOUI6A13ut4vowY7r0o8uUwRiNfEi+ro9/7WxASX4R91JZphxBzzxJgX68v0Wxvwu8FGE871pZrr6patGW3ou9rH0s98srGxGGa9QUDMb3ZfXe0nNBP1QJsHAofrm0p+lUgEV8VecCfGy2/Zn0N8P1fmSDd975Ny9WBm+0jO7NIImC9+DqwHHivK3Birf2vDwCZX7J/P8427yu01XMISMSXHZ4vQCK+jtn+XP1UpS37MFfJB0g8Xx48WNtZkS+ecgS0ka+aEu3xyFzkS1l3a3kYXYk5z5eq0fUWiWYAiS/CPriI8AnWPaDa0+vLXKUjx1ijVV7pGNCSiSoAaKMRXzkHWEPQ+ip2EGjVU/u8ttz35QbxZaywQCazvtcXj3y114jJff+zfFW5bQFwQxMhvHrYPmECaP1dLTuzwcWCDCi9DFQWWn7u8W/Y7an19r02h0c0y68C5zcb36b4IvBuB+DHZ2zbtyPVjgAQrRH19pjuS6/o/pxnQ+qRpxONDdUGtGk4Zb1jhnZHsHqwtp3r028zAbDWN7yNRMlFdmtMfEl9cmS6tw9j4svLVxt1bQ6V3C6GxBdhH/p+L449vb6sEV+80WpVoTY1Ia105ER1Y4KwroIJEwBon8oEDof7vi7vdn043JjhHrCu4rG6RFtOf98SdmK5dsJ8BO/yHuDgh+y+zIuNmCk6bfu666u10ZmWSUzsRmoai1614PuqLASunWT3c/azhoz2oFaz53MOf2x8u51vs/fxzw22RTIcTTtGdWERzJpioLLAtueWXdF9bVt8X+ZSaoD2BAi4L/plKfLltLSjRHwJglaMFXPxZSztKHmM5jvahzHxBTSvBtIuhsQXYR+mxgHZ0+vLUpsJQDMuRHOQ5L4vY+JLJtf6kXiLicR7dPcVdwcTIuVXXTsORtmoTX/ov2/WVDxe03iJwtoBLdoAvSezn02lEuuqWHoOAPpM1Ub87DHJ85Sjf4TWrxbXX7M/C6lHqc+srkLXt2YLxefZQVzuDUBg++UnVU5JFnDqe3a/vkp39JQlHKl2BNhJvGVndj//mG3P5ZGvdkPYbV6m9c81190eYAUEPOL01UPAF+OAbycDG2baFmFzBIuRL0200VoPoz5i2jFW93GehuSRL2O+OJlcG3mj+Y72YVJ8UbsJU5D4IuzDWL8qQGK4t8HzZSoaJEUQDFOP0garUnizVQ4323O8/YHWyey+K1OPorAStFeEHGuuELnfq5WmV9kds9i+Lvyu23mes/U1lhYMiQNGLGSiE3BMfHFxAVhvus/apvuzvT3W+NzOuAFAhxHs/pFPdbfZvRhQS6JdtnineDpWbqf4AoCYXprXtdF0z6OKSWMBCCySU1Vk3XPN9bDiRHRgt3kZTLSe/YWlgje/Yts67cVitaODsx3L9RqscrgBn6cTTb1HNN/RMUyJL0cqHlWqW9qDR+KLsA9TaUfRcF9m/b6sSTsChhWP3McU1lZ3O266B4BW3YHASMN98X5fTWW6v3HJMCLE3zO/FoamblF8mRGtPGLEG8WGtwc638vu71+mu+2lP4DDn7D7Y99nacJ4R8SXxu8VKRFf3HRfcNx0pZhKpY18db6P3ToqvhIGAv2fYPczv9J6nm5kaxuUxiZr12YtjqYdAfsrHnnaMaobENGR3bc2KmXJcA8A034BJn8PTFgDjPuIiXGANcp1RQsKS32+uChz1HDPC3M4IXqRMFPiSxwxRJEvu+DHe4PIlwPTO76bCrybaJ2ntBlC4ouwD/3u9pymMtwDhhWPxtKOAJuzxw+y3Jiuj9jva5fzfV8Ntaytw2cjtV4nwHx61ZqDlBj5khQPDHyW3Z5YC2x7E1j7KPB+MkstAUDyDOZ5A1i0T5CzqIqtbTaMRb5C47XzNE0JhYJj7P/kEwzcNZc9Zq/vi/u94lPY59qiDVBXDpzUpBn3LGEVuO2HAX2nal7fFvHlYNoRsE98NdZpxUNovLaHmrXNVvnQaFNpR4AJ/g7DgS73Az3/AqQ8w3yUqgbX9GqzGPnSpB3tKQioLWdeRsBI5EvvZ0uRL/J8aVGrWWsXazCZdtQc12xNO17eA5z5iR07Lm6x7bn6qNUeGUEj8UXYh7GWCYCdhnsrPF+AbtqxroqZ7wHDyJfCm0WEZAqg6zjj+2rdj6U6qgqBfBv8NdZw4luN4VqtFQaA8aHaHEuG+7oqrW+FR74AFn2KTWYRg93vAmd+BkousNRb637A8AXabb0DtM+1dSi2tMcXRxC0vi9Tpnve5Lbt3azFh0+Ifb6vshz2ucsU7DVlMiYsAWa8L8sBjn3Nfh78kjY1W3DcuLhWNgIbZwM739E+5ozIV6vuAASgMt/6tGF5LgA1EwYBEUBsH/a4tab7eguGe2MIgqTq14FB8yol84798W/z21nscO9A2lFssBpqKECD9SJhpt4jL4p8GfDLXODtNuw7Ykm8WEw72hj5kv49XT1k23P1OfAh8GYEkLXDsf04GRJfhH1YMtxbK77UahsiX7zLvcQo7xemFXxSxi4D5p7WenD08fIF4jVps4+HAp/fCxz+1HFjqEoF7JOkAP9crz35m3rPpI+ZMtwXnQagBgJb6aZRBQEY8w6QOBzoPQUY+RYwZQMw7ywwY4u2zQDHHt9XfY3WEC4VXzr7MyHmuN8r8R6WauV+PFtTj1c0Ua/ontoTbO9HWZuAaydZHzNVI9B2MPtcI5PMj/u5shc49iWw4y3tkHVxtqMD4ss7QJs2tDb6VXqZ3YYmsM8zRiO+8o5aF5U1173dHNLor73kHmbesT8Wme85Z23kyx7Dvej3ijX8nX7ky1QjWmd6vgpPO95SxV7UauCbScDyFMeGvNeWs4sZtRLY8S/g64fN9yC0FPmyRXxd2adrB3FEfKlUzJKhVjIR5kGQ+CLsw6ThXiOErE071pZpIw6WIl/StKOplCPHyxcIijK/v2Gva3xLauDKHuDXecC7HYFf/2bd2o1xfhOLPPmEsL5LZTnalJyxiQAcSwcpfiCVRr04sX2BR78H7l8GpMxmBQbB0canBdjj+yo+D0DN1hioJ5C5gM09ZHh1XFuuPXDyJrdt7fTa8f5efIIBwFLe3R7SvP5hdjt4PrtV+DABBhg/CV36Q3NHzaKFgOPVjhxbm61ycdgigd226saE480bWi+YOSxVO5qC+x4LjtnfBLPwT+39X+cBVdeNbydGvpqgwz1vM6Hv7zL2mEXPlxP6fK17DPh+umPTJOwlaxtw7ld2sfbZaODcJvv2c/pHFoUMiGTvzcWtwIpBQO4Rw22VDdrUt3S+L2BftePOt9kt94heP2NbJkVK7iFte56sbdppKh4AiS/CPkyl0GwdL8S/DD7Bpq+KOTztWJEHFF9g902JL2to3ReY8Tsw5xQw/E3mFVMrmVHd3tFDvO1D8nSg0yh2/0/NVbC5qk5L1Y48TdfKiPiyBS6+iv60/oRrLOXIadWDndBuljLRKeXSTvZ+RnTUzuZscxe7vWKj74v7vaTFFADQ/3Ht/YQ7tfsHtCLIWIpTFF9gJxrAOWlH6ete3mvd9lxg8fdI4QNEaXqoWWO6t8Zwb4yQWCA8kaWoeTGDrUh7xtWUAL/ONR6tEyNfTZh2NBb58g3VFVwW044Oiq+yHO33gIt6V8KPP74hTBB9+whw8CPb93NcM4nijqeBx7eyivKKXOCzUdrfcaS+MJ9g3d/ZWu2Yc5B9N2UKFsXnx3djog8AcjOA7f8y/bmd+kF7X9UInN5g3TpcAIkvwj54FMdU2rG+0roUgjWjhThBMayrurJe61kKb2/+OdYQGgfc+Rzw1E7tyf1cuu37yT0C5OxjUYsBM4Gu49njvNmnNWlHU9WO3GxvLPJlC0GtmFFdrdJGiywhiq9Ohr+Te2kN4vs/0D3x8j5r0qKHqG7sxFBfqe1bZomq65roG7TikRPTm0VwBBkw5GXd35kyv98s1fX5XdnLPhtxsLaD4qvTaLaeSzt0x0GZgqd0QxO0j9ni+xI73NuYdgS00S97U4+FGvGV8gw7YZ75WdfnyGnKPl/m0o6CoPu4qSkAfL6jox3upa1rzv3mWqN3wQkmXAQ58OQfQJ/H2Pf8t/nAby9ZP9miLIdlAiAAPSawSOyTf7BiDVUDsOkl3e85z3J4Bxl+d8TjmoWxaZxdGg9mz0dYJNjSGLOfnmHPMdbrUKXUpsJ5/7wT31m3DhdA4ouwnYZabadsA/ElyflbE1mx1u8FsC92kMbDwa/UHYl8GYO3bjj7i+3P5R31e0xgab/Ee9gBqSKPhb/51Z/RtCMfrl1pmHpRNmgjDI5GvgDLPi19eA+xlknGf3/nHAACcHS1tr2FWq1NuyRKxJdMrhW41vq+eNQrsothdS0A/OVr4Jkj2pQmJ7oXu9UXX9m7AaiBiE7s/VSrgLO/Oi/yFd5eK7x3/cfy9jzy1UIivkTflxXFIPZ6vgDHfF9qNYugAkCPicDdmpRv+gtaHx2HVzFykaWPQ2lHI6OFpEgfNxn50rx3jka+pO9jZQFQ4ORiHnPwdjNdx7HjYtr/gHveYI8dXAGsnWLd/+/EOnbb5i6t1cM3GBj/iSYdXqqbDjfl9wK054f6Kt1K0uoS1hBZKuJyM9gFmyAHBmmsH2JBj5Fj1Y1L2uPiwRWG/7fLe4DqImaFSfsfAIEVBumP8nITJL6agF9++QWdOnVChw4d8Mknn7h7Oc6Hp8ZkCsMvnFyhDT1bk3q0RXwB2tQjF3/OFl+dxrDby3utv1oD2IGApxl4+wcvX6CzZn9/bjAdLQQ0w7U1X0f9171+jkX7fEJY1MpRRN/XfvPbia9vJvIFAB3uAYZrDvK/vcSqiorPs8IIuY9hqpCnBq0VX1xoS/1eUnyDjUdAo7qy97SqUFcM8JRj+1R2NQ+wsnZniS8AuPsF7X6Lzpjf1lzkq+CY5YgFP+mYMpObg0e+Ck/ZXmxSWcBOvIKc/W0MmseijbVlwM/P655YeeTLYpNVO1pNcPGlb67nSCNfpnxxfL6jI60m1Gqtl5FfJJ61I4JuD+W52hTbQM1MU0EA7poDPLyKvb/nfgW+GG/+uKxWs7Y1AGtJIkXhLfFRSiK65sSXb4j2+8QvPksvA8sHAO/3Af7XC9j0MhOtfyzSvi6vYOeRr7wMw++B9L2tKQEyv9T9PX8/ktLYhQ2/ODtlJDLrBkh8OZnGxkbMmzcP27dvx9GjR/H222/jxg0bTuLNAWmDVWOmbltGDFnbZoLDG61ynC2+wtqy1JhaaXpwszH2L2cRlMTh2gMUIEk9btS2HjD2f5XJtO0m9CseRb9Xd+Pvt61w8ZWXYTnN03BTW40XaSLyBQADn2OpArWSNUc8tJI9njDQUBTY6vviZnv9yQWW8PZn0S1AN/p1SVNy3m6IVnxd2qn9W7R3sLaUyCRNt3oAu941vV19tfakxD1fAFu3lz+7yCi+YPy50n0AplNq5ghsqZ3RaWsRBE85hicyUSX3Ah5YwdpJnN8E/K83sP4p4NDH2qkDFtOONoovtVqSdmxtfJtgWyJfDrSauHGJCUG5NzDkJfaYLfaFxjr705QHV7CLhzaDWCpeStdxwJT17KI4Zx/rQVhhYvZofia7cFL4av9+pXDbwzUrxZcg6BYT1ZYDX0/UXnSXXgYOLAdWp7F+XoJMG/UCmM/UJ5h9D/Rn0p79ld1GdWe3+5dpjyfKBnbhAwDdHmS33R9mt8bS4m6AxJeTOXToELp27YrY2FgEBQVhzJgx2LzZhpN4c8BcvyoA8NN8Ca0ZMcS/hOZGC0kJlYgv3xDjbSYcxdbUY80N7VXXnc/p/q79ULbOqmssBA6Yft9MVTw6y+/FiejEBHJDjW4TWGPwSke/Fuajk4IA3LeU9RarLdemH/XnagK2+b5qy1lUBrBdfAGGvq/SK+wkKWjSnxEdWDpV1aD9vPWnD9jL3S+y2z/XG86g5PBKR98QbbEKwCLIfO2Wmq1aGqxtCbHfl43ii6cco7poH4vqAoz6N3t/S7NZz7v0F7S/d/Zg7dpybaWdycgXf1zQRrj0ET1fDkS+eMqxdT8mXAQ5Ewx8DJo5Lu8BFncCPhlme2VfbQWQsZrd51F3fdrcBUxPBwKj2Of22Qjjf5M86tX5XhZR1oc3eLY28gVoj+2VhcB301gkPSiaWQUmfgn0mqzdpvcU3Si2TK4dBSdNPVYXa3sLPvQpu3AtvQyc0RTPXPqDnX8CIrXR3aSxTBgXnQaunTK+VhdC4kuPXbt2IS0tDTExMRAEARs3bjTYZvny5Wjbti18fX3Rt29f7N6tPWjl5+cjNlZ7pdW6dWvk5eW5Yumuw1z6DLCt15fog7Iy7SgdHxLWzjmRIH24+Lq4TdvA0hR1VaysvPEmO1nyLzpH4Q10TtN9zJTQNFXx6KxKR45Mpg3nW2o5IXa2T7L8Xnv5AhO/0o00SP1e4uvLgQQrU49XD7GoSYs2pk+u5uCClYuv7J3stnWy9uTSRXOFz039zkg78tfuOJqtf/di49sYSzlyeCGDJdO9I2lHwH7fF4988cgZp98MYH4WMPkH5gNrN4R5H9sOBrwDDXYDQNt81dbIF6909Gth+v/Pjxle/qb/hp0R+eLvX9u72XeZXyyc+8388y5uBb58UFMIchT4dpJt6c+ja1jj4ohOLPJuilbdgb9uZsfNshwmwKSNR5UN2qhQj78Y34etkS9Ae1zb9HfmA/XyBx75ll34JKUBDywHXjgPPJMB3GvkeyKa7iX9vs5vYt+rVj1YynvAU+zxvf9l0VCecuz6gPZiyi9UOxP2pPuN9yS+9KiurkbPnj2xbNkyo79fu3Yt5syZg1deeQWZmZkYNGgQRo8ejZwcdgWrNlJmLTSFQLATldIJ1Tem5jpyjPX6UjYC301nPbSk75HNaUdJasbZKUdOqx7sdRpvalNUxrhZysb4XPqDpXxGv2P84N5N0mXfO1B7la2PscoglUobnXJW5AuQDMW2IL64X8mU30ufoCjgkW9YqiCqu/H2FID1vi/R72VH1AuQRL40Jwvu9+LVT4BhesWUKdweBmuiXyfWGo+AGDPbc3j66PJe8xcBjlQ7AiwCKMhYiwQuZqzBWOSL49eCeQGHvgI89iPw8lVg6k+mxY+94ou3CZGmbPXhx4kAE8crwHHPl9TvxS/AuH/UXOrx7K/AN4+wiFubQex7c2UvsP4J66oTlQ3a5qEps9mFlTnC2jIBFt2THce/GMfGkikbmTCqKWYXh+2HGn9+VFewCQ4F2p5ulsQXP7bfyGLPffATw+bXMjkQkWj8u9e6H7uVRr6434tfKPd7gvUjKzgOXPhdm5Lktg+ONPXo5pFDJL70GD16NBYuXIjx48cb/f2SJUswY8YMPP7440hKSsLSpUsRFxeHDz9kX4DY2FidSFdubi6io6PNvmZdXR0qKip0/jkbVUM99n/yN5xYkga1o3905lomAMZ7fV3exdIvhz/Rdj0H7DfcA6z3TFMgCJLU46/Gt6kqAlbdx6oYfUPZiUW/DQKn7WCtn8vUewZoRatUfJVdZle1ch9t53RnIG22aizV01gHXNiq9b2Z83vpE90TmHMSeHyL6ZOt6PvaZz5CysWZPSlHQDPuB0B5DquwuqSJfEnFV1RXXSHvrMgXwKJX7YcxL9ye9wx/z9OOxiJf8SlMlFw/A3w40HRkSuzzZaf48gvVilRrU4/KRuC6JlIYaUR86WPpApSnHVWN1p8U846ykVoAkGIi3QawNNaDn7JqPVM4Ol7o+ll2LFP4adNkvNjmyj7jxTsnv2cViMp65j18dD2r3JV7M7/Sb/MtTzg4uob13wpoySpOrSEwkgmwvtMBqNl7uPo+5hsDgO4PmW634hOk/a7w6Je1aUcAGPGm9thqLa2TAQgsrVhZyC5EeCU131dAOGutAQAbn2bHzOBYbdSM03EkE7gVuZYvPJsYEl82UF9fj4yMDIwYMULn8REjRmDfPnaF3r9/f5w6dQp5eXmorKxEeno6Ro4caXa/ixYtQkhIiPgvLi7O7Pb2cOXin+h7dRV6Ve/Bjm+XOLYzU93tOWLaUeL5kjYc3P4vycgdG8WXftqxqeBf6nO/GZrCy3JYs8HCU8xDMT1de8A1htyLhdcB8+LL2IghHrGJTHJuRCamDzvIVxUCb8Wy7tU/PsP65Xw3DXinPfDVg9roBk+BWYtfqHkPUlQ39vnVVwE/P2f8JHPsGyZuIWhTY7biG6L9Ozn+Nbuy9wpg8zA5gqA13gPO83xxeNf9Y19rzeEc6WghfUJi2ck4KIb5p1anAT89x8SqsoG1ADm1Xtubyl7xBdieeryRxSoYvQKMr91WpDMfrWm02nAT2PAUE2tdHmCCwRzdH9JOYzCGo+OFuGiNv0MrJFu0YSlZtZJFY6QcXQP88Dj7XY+/AA9+xiwKbQcB41cCENiFKheXxrj0B6suBpjXy1RE3RhefkDaUuChz1hKOGe/VtBYEnH6qUee4TAlvnjlbvIM1g/OVnxDtAI/9xDLRjTeZNmJqG7a7VJmM58dPz91HWcYCfTy0x6LeUsNN0HiywaKi4uhVCoRFaU7tiYqKgrXrrFSdoVCgcWLFyM1NRW9e/fGiy++iPBwMydcAC+//DLKy8vFf1ev2tld3Qxtk3rjz6TnAQD9z/0Hew6Z6BhsDRYN96Hsln8pVUrgjMS8nn+U5eyVjZKRO1aKL+8A7ZWUMxqsmiI+hUWibt7QvULKPwZ8OpKdfELigem/abuRm6PfDHaiMhXOBwwN98oG7QHRmSlHgB2o75rHhLKqgR1IM78Afv8Ha4tRX8lMscl/Bab9al5c2oNMpukbpGCpoyOf6f6+8E822BcAhvzdeFrOWnhUZ/9ydtvmTkPjtzT16IxqRynxd7DUnqqBvcdSzKUdAaDDcGD2AfY5AKyX2tLuwL+iWbn+99PZ43JvFpWwlzYS8ZV3lFUorn8K+PAu3VmlHD5WKDLJcqrLGnTElxWpx20LmEcvMAq47z3HvZ9i2lHSK6q+Bjj+rW4Hd1NwL6F+rzke/eIRdLUa2LEI+OlZAGqg7zTggQ91I01dxzELAwBsXwhsfV3bJ41z7RSLmqkaWGrNXOTPHN0eZM2leU+8lkmG1ZL6iEPrrYx89ZrEZs3et8T+z0ns93VIknIco7u/FglAN0nGSnpfCk89nt5o+L66ECfG128f9D1carVa57GxY8di7FgjZbom8PHxgY+PhdE6TqD3hFdwefFWtKk+Dt9fn8HF+E1IbBWqu1HNDebz8Q9n4WnfUHZwvZHNjKEXt2l9UJY8XzydlHuYVfr5hAB9prCS4O3/0jSSVAMQjDfPNMXIt1j/o1gnCwIpcgUzSx//mgnHNnexdhEbZrKrrpadWZrAVGNHfaJ7An/PMd89nb8HJVnsoHv0C1YlCWibbjqT1JeZsCnLYV6JayfYZx/Rkc1Vi+ntnBOrKVr3Be55nQm+TS+zFEGrbuxgvnYKe5/bD9M277SX6J5MUFZq/EzSlCMnpjcT0+U5zk07cvpOZ16ezK/Y/4e/r6Vm0o4c3xAmMLo9xKKEJZoqNe9A9ncYmcSu5m2JfOgTfwf7f5fnAB+n6v5uRxYblyXtkcXL/o35vexBKr4snRCzd7H2BAAwdpltxw5T6DdZVauBjTPZhUHicGDyd6aFg0qlTY+3Haz7u05jWKPdi9tYcc5vL7GB7gBrqTD0VeP7HfAku8jd+TZLV1/6g12sRCSy0WdfPcRSawl3AeNWOPY9DW/Pxqyd+ZldZFkSSAaRLwviC2BNpx0hbgCQ8TmL0PG5vsbSl3fOYZ9ZREfTx8y2d7MLy/BEdl6SZlNcCIkvG4iIiIBcLhejXJyioiKDaJhHIpMjZtpq3FyegmScwYefvYaWc99FiJ/mSv/UeuCXObqd6WWapqn6vadCE0z7cPT7fPGUY6dR7ICTsRooPKmNdviH2Zbq6TmR/WtqOt/LxNfZX5mg/OMt9njicFbebO5gYwxLY2u4mM07wv4BLCLYZ6phw0NnIQjsirFFgrbqz5XcMZudTC/8zqI4T+wAfpzNIovBrYHxHzsuAHnki2NMfAkC0OsRdrIzZ962l6T72MVHeQ6LkrRPZWn5Os13TeplNEWbO4GZe9lJL6gVe3+cJY59AoGOo1i7Dd9QdhKOTdakSnNY+l2a2jNV6WgvMhk71qgazUe+asuBDU+z+32nAR1HmN7WFrz0Il/Hvtaa+S9uYQUTpr6DhSfZsc47SBtB4sT0Zmnjynxg5WAmnAUZq+rj0UxTpP4fi6r/9Bzrv/XRIHaxcuQzZnhvmQT85SvLM3GtQeFjOXXL4e0mSrKYoLRGfDkKj3zxkWi+ocaLcFp1A2YfZL83JSJlcuDZDNsH0TsZSjvagLe3N/r27YstW7boPL5lyxYMHGinIdjFeLdsi8YRTET8te5LvL16PZQ3K9gB7fvp7IsUEKkVUKpGJrxkClaNM+w14KndwHPHTJf+i4b7UnYFyZvdJaUxoZUyi/3MDcjWphxdTfuhzEBbnqMVXnfMBiatbZoDjdTD1vZu1pl67mlg2Kv293DydGQy1pgzKJqlkVYOYWJd5gVMWGO+Qs1aWknEV0BL0wbxu18Ent4H9H7U8dfUx8sP6KFJd/DUIzfbB7S0/kTg5ctORKHxzo9KPvQ5+3t76TLw6A8sMsovcvRL881VOtqLQvM3/tlIIP1FlnJvrGfFLad/Aja/Anw6gpmlW7QBRvzLea/NI1+NN1lk5TdNtJUL901/1zZJ1of7vRIGGl5gCQKb9Qkw4eXlD/zlG8vCi9PlfvY32fZuVgzw23xtn6xHv9ftDecqAluy14eapZ9dIb7C2uka9zuONH0xG9bOcjTUzcILoMiXAVVVVbh4Udt8Ljs7G8eOHUNYWBji4+Mxb948TJkyBcnJyUhJScHKlSuRk5ODmTNnunHVthF0x3RUnPkFwTnbMC3/DZQvfQNhdXma7sIvMIOw3Isd+GqKmQcpNMF40z1jSPt8XTvJTjIKP+2A5Ttmscoa/qX1VPHl7c/6VJ39hYnPe5cAfac23eu17AQ8vp0dUJvSz+ZpBISz8vPVaazdAQCMWsTSks7af0gcG3fUboiZdgde1vn37KX3FGaiPvMLS++b6/HlDhTehmn07g9r0mZb2Zr9w1i0Q5x64ETxdcdM5i8rv8omJBxayap89Q34Cj9g3EcsWucsuOerrop53eqrmE9vygbgk3tYtDH9RWDCasPniv29Bhn+DmDeoyOfMvEweZ3txSshscCUH5ldY9sCJuAmf++2dBkA5vuqLGDviyvElyCw1OM5jXfO1opJD4TElx5HjhxBaqrW8zBv3jwAwNSpU7Fq1SpMnDgRJSUlWLBgAQoKCtCtWzekp6cjIcFDDqDWIAgIfvhD1L3fHx3r84A6oMKnFYInfa6bSlR4s+iWrc0tpX2+eMqxwz3aJoh+oaw6Z/tC9rO1Pb7cweD57Is/4GmW9mlqnCU4mhtt7gJSXwG2v8nGFPV73Pn7P/6NtveSO4juyXqfFZ5kkSSeXnOkmKCpadlJu+bTPzLvF5/1GRDp3O/u0H+wIpDsnaw31rlNmqkQAhN58QPYUPi2dzvuIdKHR76qi7T+1HErWDru/mXAylRm0D7zs7ZaDmBFQ7wXnamK3DZ3scKc8ETmo7UHmYxNz+j+MEub2bsfZ9GqO3BhM5u+wNtzNHUULq4/E19yH+2FfDOGxJceQ4YMMdooVcqsWbMwa9YsF62oiQiKgs+DH6H+uxn4ta4nXiufhmevtMITzjgP8C9hQ42207B+l/cBM1n12c0bnhv5AtgJc+KXlrcjHOfuF5jwCo5x/uSCUYtY1ZX+BAJXIgis4OS3+ayYgvda85TIlym6P6QRjN8z8VXYBClHjrc/S9N1Gs2M7CUXWEVjU5/Y9YsV7l2s9f5F9wTufB7Ys4Q1iW5zF4vu37jEjm/1lexnPmPQGPb2qdPH2aLTXrjpXtoXzsfKzIi9dL6XDd/uMdG5UU83QeLrdqbTKHi/kov8P7JQsfkc/pV+BgE+Ckwa4KDh2CcEgABAzYzTMgXL0etsE8Qa7v36N+MGaOL2xNrqUVvxa2F/rzBn0v1hVt3JTdpA0xj8nUm3B4Gtr7FqzfI8baWjs8z2ppDJrJ+s4CjSHmndH9b68ziDX2JRr5ILwJr7maWCtwkBWAFFU1YGexq83URFLrv1CXZ+fzx9IjoAL11xbr9DN3Ib/bUQRhEEzBrSHjMHM4/RKxtP4sdjDs6ilMl08/9tBxu/cu39KPB/+bdE/p4grMI/jLXxAJi3CfDstCPAKjHjBwJQsykVTRn5chd+LVgqLbIrMMZIY1MvX5Z+hMDaspRdYUUhbTQViGNMzO68VWnRRnORraEp/V5SvHybXuS5CIp8ERAEAS+N6oTqukZ8ceAK/rbuOLrFhqB9SwdCu36h2iv7pDTT290iXySCsJo+U5iI4Xh62hEAuj8I5OxjXcErNBdnzjTbuxuZnFVxq5Smq+ji72ANUa+dZOb6NoNuifSXXQgCE6tXNP3NXCW+biEo8kUAYALsjbFdcVdiBBpVanx1IMexHfKKRwgU2SIIKW2HsOpLAIAgue/BdBnH7APXTmgmMAimh6Y3VwTBci++Xo8Ao95inrTbVXhxpFM3SHzZDIkvQkQmEzBjUFsAwPcZV3GzXmn/zniaMT7F/ZU5BOFJyGRAr8nsfnCM4agjTyQgXHc0Vlg7bfUycXvSisSXI5D4InQY3KElWrfwQ0VtI345kW//jnjDUFPztQjidqbfDNbvydpmm55Ad4kJ/VbyexH20UpS3Uniy2ZIfBE6yGSCWO341UEHUo+p/wAmfsUm2Xso+WU38dXBK6htcCDCRxD2EBgJPLGdtddoLnQao+1C39SVjgQAQKky3/bIrbTsxHpuASS+7IDEF2HAhOQ4eMkFHLtahlN55ZafYIyAcDbPzoPLr9/dfA6vbDiFn445EOFrxiz5/Rz+uuowiU/COnwCgT6PARCADsPdvZpbnm8O5aDba5ux92Kxu5diHLkXG+oOkPiyA889MxJuIyLQB6O6sWZ+DkW/moh//3YWj6w84JgnDUBuKRuie/F6lTOW1axQqdT4aNclbD9bhAOXSty9HKK5MGoRMP8SG7xNNClbThfiZoMSm05dc/dSTMNHKoUnuncdzRASX4RRJmtSjz8ey0NlbYObV6Olqq4RH+++hP2XSnDo8g2H9lVczWbG5ZbWOGNpzYrrVXWoa1QBADJzyty7GKL5IJNbHlrsgew4V4QzBRXuXoZNXL3Bjkun8u3MPriC1H+w9Hm3h9y9kmYHiS/CKAPahiExMhA19Ups9KC03OHLN0QfxFkHD6Y3qtlsvas3bjq8ruYGP7ADQObVMvcthCCamKs3ajD988N4Ys0Rdy/FatRqNXI039EzBRVoVKrcvCITePmywhEPtpd4KvSOEUYRBEGMfn114IrFeZeu4kCWNkV29lql3ftpUKpQVsMieldtjHzVNSqbvU8qRyK+juWUQuXJxl4X0uCpJznCbq6UsL/13NKbzeZ7e71SG5mubVDhUnG1m1dEOBsSX4RJxvduDV8vGc5eq8R3R3LxxYEr+PsPJ5D2/h4MX7LTfjO+A+yTiC9H0gilNfXi/bKaBqtTq0qVGmPf34sR7+1qNgdyY0jFV0VtIx3cAaw9nIOO//gNm04VuHsphBMprKgV7xeU15rZ0nPQvyB0x7GWaFpIfBEmCfH3QlqPGADA/B9O4NWNp/Dt4as4mVeOC0VVmPLpQZwvtD/6ZCvlNxvwp8T/kHW9yu5IBU85cqxNPZ4pqMC5wkrk3KjB0Suldr22JyAVXwCQmdN8/y/OYv3RPKjVwPvbL3pMpJdwnMJKifgqax4WA/3v56m85uVXawryym4iZdE2LP79nLuX4hRIfBFmefLudgjx80JEoA+GdGqJ2antsWxSb/RoHYLSmgZM+vggLrmoWvBQ9g2o1EDbiAAE+SjQoFTj0nX7IjYlVbriy1rT/cFsrcnf1irBgvKbNns3cktr8MWBK6hvdG46jHu+YkNZ36ajt7npvr5RhWMa79uf+RU4nkuRhluFooo68X5ecxFfJWyd/t5s9u2fnmy6dxG/nSxAQXkt1h/Nc/dSnAKJL8IsHaKCcOyfw3HkH/dg1fT+eHFkZ9zXIwZr/tofnVsFobiqDpM/Oahj4G4q9mWxfjcp7cPRqVUQAODsNfuuCEv0I1+l1h2UD0oE14FL1ldbHs0pRcqi7XhlwymrnwMAb6WfwasbT+F/2y7Y9DxL8Ejf2F4ssnm7R75O5ZeLHhuA+RyJWwNp2jG/rHmlHYd2ZqPZTudX3Pa+zCOX2TEqr+wmqusa3bwaxyHxRVhEEASDx0L9vfHl4wOQGBmIgvJaPPLxAeQ38VXlfo3fa2D7cHSOZuLrTIF9ac+Sqjqdn60RjyqVWqe9xbGrZVb3GtunaZR4+Ipt7TFOaCIwq/ZdRnmNc1p+1DYocU1zQhrbk4mv84WVqLoFDmj2ckTzubZuwSKBP5/Id9r7TbgXXc9XM4l8aY5HqZ0i4a2QobKu0SAVeTuhVqtxRGLzsDfj4UmQ+CLsJiLQB189PgAJ4f7ILb2J577JbLLXulFdL1Y33tEuHJ1bBQOwP/LFPV/eCvYVsCbteL6oEmU1DfDzkiMq2Af1SpXVEaMzmrXn3rhp9ciQqrpGsRFsVV0jPt2bbdXzLMH3GeijQOdWQYgN9YNKDZzILXPK/psjhzVX1VPuSEDnVkGobVBhfWaum1dFOIPCZph25BeDbVsGIEkT5ffofl9NTM6NGhRLLpgvXned17ipIPFFOERUsC++nDEAggAcuVLaZFeW3F/VMSoQEYE+SNJEvs7aGfkq1ni+usUwEZdrRdrxoCbNmNymBQa2jwAA7LfS98V7ktUrVVa/R+c0go0HHj/fm43ym45HY/iBvXULPwiCgF7xoQDc32xVrVbjUPYNs1WkarUav/95DUWVzksfqdVqMfLVr20YJt+RAIBNd3CW8b5BqXLqmj2JS9erPPb/plarddbW1NF5Z1DXqI1Mx4f5o2ssG91zO5vuecqRc6Gw+U8lIfFFOExcmD96x4UCAHacvd4kr6FNOTLR0zGKia9rFbUoq6k3+TxT3NB0t++pWffVGzUWT7QHs9kaBrQNwx3tWJdva0z3tQ1KZEtaOeSUWJc+4OLrrsQIdIgMRGVtI1bvu2zVc83B0xfxYf4AIH527hZfq/ZdxoSP9putZvrlRAGe/CID/7DRO2eOrOvVKK1pgI9Chm4xIXigVwz8veW4WFSFQ9mOTVHgzPrqKAa8tQ2vbjyFCg+aGOEo+WU3MeZ/u/HoJwfNbrdqbza+2H/ZNYuSUFrTgAal9ntdUF5r8nv+x7ki7Lng/jmKeaU3oVYDfl5yhAd4o1sME1+3s+mepxyDfBUAgItFJL4IAoDWGLr9bGGT7J+b7e9oFw4ACPL1Ev059jRb5WnHHq3Zga26XolSMx4fHpUBgP5tw8V1WOP7ulhUBWmm8bLV4otd6SZFB+PZYR0AAJ/uyXZ43NNVffEV3wIAcOxqqdtaLKjVanytmSP6+2nTf0PbzxYBAA5dvuG0tfKoV6+4UHgrZAjy9cL9mkIEZ8w2rW9UYef561CrgS8OXMGwxTvx8/H8W6Kdxd6LxahtUOF8YRWKKoxHvworavH6z6fx6o9/6qSOXAH3ewX6sJN2Tb3SaPS4vKYBT6w5gumrDhm0oXE1vPgnPswfgiCgWyyLzp/KK78l/mbsIUPjlR3XOxYAiS+CEBnaOQoAsOdisUPNR89dq8RxvXE3RRW1yLpeDUGAGHECoPV92dFslbeaiA7xQ2SQDwDzpvus69UorqqHj0KGnnEhiA/zR3SILxqUahy14PvSF4dXblhnFuXP6xQVhHu7R6N9ywCU32zAmv2OVeKJka9wJr66xgTDSy6guKreqvRrU3C6oAIXNAfUKyU1Rj8LtVqNvZrChbKaBqeNheJ+r35ttH9bk/qz1OOmU9cMijNs5XRBBeobVQjyUaBdRACuV9bh2W8yMe3zw81+rmiGxAT9Z77x7+EJSdsOU9s0FVx8tW7hh4hAbwDGfV8Xr1eiQalGg1KN3ReaJnpvLfz7Gae5OOoYFQSFTEBpTYNbm8Sq1Wp8uicbO84VufR1y2sacF6TZpyQHAcAuHKjxuntd1wNiS/CKSRFByE6xBe1DSqrfVD61DYo8fCKfXhg+V58ISn15/vrEh2MUH9vndcE7It88VYTEYHe4kHOnPDgKcfe8aHwUcghCIIY/bKUeuTi0NeLfd2uFFs+4arVarGBbadWQZDLBDw7lEW/Pt59yaHKRP2Du6+XHF01qQ1LQrKp2Jip27uHRzqlXCyqQlGlVgidyCtzymsfuaL18nG6tw5Bz9YhqFeq8H2GY8Z73ow3uU0L/DZnEObc0wHechl2nr+Oh1fsd4lf6lReOXaed76oOCyp/jXVhf1knlR8OZY6O5VXjnWHr1odAeI9vqKCfRGj6WlXYKTdRFaR9oJox1nni4vLxdWoqbfuO3tV/H6y9fp6yZEYGQjAvZ3uj+eW481fTuPZrzNdKnyOXmXfnzbh/ugaE4wgHwWUKjUulzTvikcSX4RTEAQBqTz1eMa+g9fxq2WoqG2EWg28uvEUPvwjC4DW75WiETscHvk6Y6P4alCqxNRDWIAP4jTpS3MzHrnZfkBb7Rqs9X2d04iouzu0BMCu2ixxvbIOpTUNkAkQD7z39YhG24gAlNU04As7o19qtVp7cG/hLz7e242me6VKjR81w9t5imXPRcP3lEe9OCfMNEItrqqz6gRRVFGLKyU1EASgT0ILnd9N0sw2/WxvNjadKrC6SlUfLmj7xLeAj0KOOfd0xG9zBqFdywAUlNfiqS8ymnRUlUqlxrTPD2Ha54ecmq65UV2PLEnJv6mo1qk850S+1Go1Zn6Zgfk/nMAfVgpJHvmKCvZBdIgvACDfSMFLlqRR9M7z1+3+rI1xOr8CQxf/gemfH7ZKNOrbAgCgGzfduzhyKIUL56q6RpdepGVoItN9E8IgCALaa46Hzd10T+KLcBrDRN9XkV3eBN60NDyARbfe3nQW72w6K0a+Bibqii/eaPX8tUqbGhCWaqJeMgEI9fMSI0Cm0o5qtVprtpekPa31ffFeZCO7tgIAXCmptvj+8Ghem4gA+HqxLtcKuQyzUxMBAJ/uuWTXCeJGdT2qNWvlnjlA6/vK1Ev5uoL9WSUoqqxDiJ8XXh6dBID1RdP/TPdqRHi7lgEATLfGyLpehTve2oZ7rJg/yo28nVsFI9jXS+d3aT1jEBPii8KKOsz88iiGvLsDn+3JtjnqyAWtVNy1bxmIT6f2Q4ifFzJzyvB/6082mZ8n63oViqvqoVYDe5yYUuMpR7mMleOaaoWgE/lyIHJzuqBCjE5be4HHI6XSyJextKNURJbWNOC4E9uu7MsqhkrNpmPstsLQr18QA2irsh15/xxFWlm+qwmiqKbQj0zzi1FTFxJKlbpZeONIfBFOY2D7CPgoZMgruynm6G2BC5w5wzvi76M7AwCW/5GFKyU1kMsEHU8OwMLQPgoZbjYobWpAyNtMhAV4QyYTRBFiqsv9lZIaFFbUwUsuoE+89gRqje+ruKoOxVV1EARgWFIkBIGZfourzJt6eaVjZ43A5NzfKwZBvgoUV9WL43Bsgf8fWwX7iqIO0FY8ns4vd/nA8A2alOO9PaLRr00Y/L3lKJH0dQOARqUKBzTia+bd7QGw0ntjovv3PwvRqFIj50YNxi/fhy/2XzZ5MOZps35tWhj8zt9bgR+fuQvPpCYi1N8LV2/cxIJfTiNl0TarfS+FFbXIK7sJmaCtrOW0jQjAB5P6QC4TsD4zDx/tumTVPm1FKqilg+kdhRcqjNJcVOSW3jRoTFtYUYvrlXViu5TLJTV2F4xskwiuP85bd4HHI1+Rwb6ICTGdduQj0lpq/J9/nHOeuJA2gn5/+wWL6zYqvsTIl/vE1znJ93GXi3xxDUrt2K9kzcVLBx75KjLMeNyorsfAf2/Dgx/u8/iGuiS+CKfh5y3HwPYsGrTNxqrHukaleCWd0i4MMwe3x8IHuokH7W6xIQjSi0wo5DKx5YQtzVZ5NVN4ADvQ8vRbrgkBx6sce7YO1REs1vi++AErIcwfof7e4gngigW/gtZsH6zzuJdchrs7svTlH3YYX40d2AFuSPZBg1Lt0pL2m/VKbDpVAAAY3zsW3goZBrRlIluaZjyZV47KukYE+ypwf+8Y+HrJUFXXiEvFhu8jf15MiC/qlSq8+uOfePabTKMnfd4/KFlP2HNaBvnghZGdsP/vw7DwgW5oE+6PytpGfHvIuipI7vfqGBUkVtxJuatDBF5L6wKARXq3mqn0tBepSD+YfcNpY2q4cE3tHCn6k/T/dnjksUNkoJj2MzWV4tlvMnHf+7tNirOtZ7TvzdUbN3Xat5iikEe+gnzEyJd+r6/6RpVoBZiawgot7PlumeK0pCDo8OVSs2PJymsaUFnLIqutJbaApOhgCAJrGHu90vkVo5k5pbhnyU58sOOi0d+r1WqckRxjT+VVuKRy9XR+BWobVAjx80L7lkx0mYt8bT1TiMKKOhzNKcPYZXvd5mG1BhJfhFPhLSdsNa2eyGWz9SICvcUv2aN3JGDpxF5oFeyLKZrGl/rwyJAtY4ZKND2+wjTpTdFwX3bT6InpgJGUI8eS70sUUZp1JmgqDK9YaDdxrrBC53lShnbSpndt5aqe2Z4jCIJbfF9bzhSiul6J1i380FdzZXtnIuvltldiuucRm5T24fBRaAsETuqZ7msblOIIqNV/7Y9/3JsEhUzALycKMHbZXp0DdlVdoygWjEW+pPh5y/HoHQlYNL4HAOu9S6LfK8H0/qfckYDJA+KhVgPPf5uJy2ZERX2jCidyy2wSUNLq4fKbDTpiwF5qG5RiOrFfmxZiLyr9yAzfpltsiPiZGRP3BeU38fPxfJzKq8BGjf9PyrXyWpzILYcgaL/z1kSnikTPly9iQjWeLz3xlXOjBkqVGgHecrGa7kRuuVNETn2jChc1ERpuy3h/u+k5rfziqGWQD/y8tRd6AZpKWcD5/b4OXirBo58cxMWiKny+13iUOL+8FpW1jVDIBHSMYsdnV/RE47aAvgktINOkt7n4ulRcbWC94EUl3nIZrlfW4S8rD2D9Uc+cVEHii3Aq3HSfcaVU9FZZA08pDWgbrjNL8v5esTjwf8PwUN/WRp/XOdr2MUO8zUS4pvQ8OsQXcpmA+kYVrhu5mjNmtudY8n3xSkdeHKAVX6ZPsEqVWjST6qcdAWBwp5YQBCYACk30VjIFb/DKIxVSuPhad+SqSwalA9oqx3G9Y8XP/a4OTHwdvHRDNM3zA/1dGmHG+7Ppm+6PXC5FfaMKrYJ9kRgZiMcHtcPap1IQE+KL7OJqPLRinxhhPZZTBpUaiA31Q3SI4fthjC7R2okI1kwbOKoRsn3jTYsvQRDw+tiuSE5ogep6Jb42E1Vb/Ps5jF22F89+k4kGpeWCgpv1SvECgP8t7XdC6vFEbjkalGq0DPJhXdi5J0lPlPLIV/fYEJPbALon8q+NTBbgkfTecaEY34f1erJUvalSqY16vgor69Aoee+42b5dy0BEBvuiuybFZ011aINShY2ZeSa/hxeKWAuLYF8FFjzQDV5yAfuySsSUrT6mItMAJOLVNvHMi2zqGg2PT7vOX8fUzw+JPtDiqjqjVd/8OJYYGSi2FWqK6ll9eH+vvpKLl9YtmN2kvlGlc5xqVKrEv6NPpiZjeJco1DeqMG/dcSxKP+NyO4UlSHwRTqV1C390bhUEldo2X8BBTWrPWHTJHPyEYku7CW3akYkvhVwmpkT0RUduaQ3yym5CLhN0DgAcS74vXunYWYx8satXcxWPl0uqUdeogp+X3OhBOCLQBz1ahwKwPT1i7uCe1oP5yc4XVmHM/3bj1xMFNu3bVkqq6sQD+P29YsXHO0UFISLQGzcblMjMKUVtgxIZmvd2oAXxtfsi29+diRGimOub0AI/P3sXesaFoqymAZM/OYCtpwvN+r1MEeLvhVjNSfyMhQhSfaNKjPyYi3wBLJ38+KB2AICfj+cbjWw1KFX4TtP24teTBXj6S8tVkqfyy6FUMZHERYupVjA365VWi3n+3iUntIAgCJIROOYiX8FGtwF0U8xnCioMPleejr2nSxSGaCK/By6VmP3/l1TXQ6lSQxBYS5mWgT7wkgtQSkQZoBVf7TWFHEM6WZ/Wf/u3s5iz9hj++aPxiQs8It8lJhixoX54sA+7iPzfduPpPV5xHdfC8GJA2mzVGq6V1+KDHRcxbPFODHpnB/ot3Iq//3CCFQCo1NhyuhCPrz6C2gYVUju1RJLmwsJY0Y1UwN/dkX0Hd1+47rQUtjHY2C9t5Isjlwlo19Iw9Xg8txzlNxsQ4ueFge3D8dGjffGMpkDpo12X0O9fW/F/G04iM8d9zaSlkPginA6Pfm2zsiKpvlElVrTc0c4wumQOLmpybtSg2soqNG3a0Ud8rLWJdhM86tU9NgQBRjw7Ut+Xfm8qpUqtNc5rDmwJGtFjrss9f07HqEAx1K6PvalH/v8zJr7iwvyR/twg9I4PRWVtI2Z/fRQvrz9psYO/vfxygrVv6NE6REwlAOw95WOk9l4s1olm8dRL99hQACwFI41i8JP4IE30jBMe6INvnhiA1E4tUdugwpNfHME3mgiTKb+XKbpoRMRpCxGIP/PLUd+oQliAN9qEG77f+gzp1BJBPgoUlNeKYlPKrvPXcaO6HkG+CvgoZNh6pghPrDli9vM5pom89YoLFd/TQ9k3dN4zzhNrjmDQ2ztw0kwLDw6P3PD3jgurS5J+VkWVtSisYGb7LtHBokC7WFSlE4VRq9Via5G2ms/3G0n0r7quUax0HZ4UhQ6RgYgJ8UVdo/meglxIRgT6QCGXQSYT0CrEMPV4SVPpyO0OXNztOn/d6PvEybhyQxx2vy+rxGj1Mf8b6RLN/u+zhiRCLhOw6/x1owUz5i6OuompdvOfz4FLJZj62SEM/Pc2/GfzOdEXWVHbiG8PX8Wkjw9i4L+34+kvM1CvVGF0t1b4aEqy6LU8esXwb49faHSODkZyAiuKKa6qN0hhq9VqLPn9HCZ/cgBjl+3BkP/sQN83t6D3gt+xxUY/Y27pTRRV1kEhE9BTc7HJ0ZrudVuEACxyzj/vF0Z2wrJJvREb6ofK2kZ8fTAH45bvwz1LduLDP7KcMivXXkh8EU6Hexv+OFekc/BqVKqMXnGczCtDbQM7SXWQnIStITzQBy2DfKBWQ2xKagn9tCMgNd3rhtx5usOcKBysMcD/kJGnkwq6oolg+XrJxIMpj3zlmEk7asWXYcqRk9qZveaeC8VWNzxsUKrEk46xgzvABNi6p1Iwa0h7CAI7Cd7/wR6nH6RqG5T4LuMqAOABSdSLw9OLey4Wi94vaTSrXUQAAn0UqG1Q4aImcnGjul5Myei3JQFY9eLKx5LxcN/WUKm1bQj0q2gtYS59JoWnHHvHheqk0k3h6yXHCE3l4E9GfE+8KvThvnH4fFo/+HnJsftCMaavOmSy/QU/wfeKC0VSdDCCfRWoqms0OIEfu1qGPReLUa9U4aNdWWbXqVKpxdQtjxpGBvkiUvM95CdqHqFp3zIQAT4KxIT4ItTfC40qNc5f0540zxVWoriqDn5ecrx5fzf2/z+eL/6fdmv+xhPC/ZEYGQhBEDBYE53aacb3xZvXRgVrL7J4ejlf0ilemnbk71WovxcqahtNtl6pbVDixe9OgB/OKmsbjUZCTxew94A3hI4P9xf/3pcZ8X6Z8mQCQNfYEChkAnJLmT/OGKfyyvHYp4ew8/x1qNTs83nnwR448foIfPPEHZiYHIcgXwWuVdSiUaXGA71i8P4jveGtkGk9nxYiX94KmVhYpZ/d+Ol4Pv63/SL2XizBidxyXC6pQUl1PUprGvD1Qdt6E/IL8q6xITr+N8C46Z6LL3485tzXIwa756fiq8cHYFzvWPh6yZB1vRpLtpxzaj83WyHxRTid3vEtxINX6uI/0O9fW9H51d+Q+MpvmPDRfoOrSV79079NmFUnKX1sTT2W6KUdAe3BThr5KqmqE6/W+Kw/Y4zu3goRgT64VlGL305dEx+XjgfivZD4SJ/SmgaTguacnknfGN1iQhAR6IPqeqVOl3Fz5JfdhEoN+ChkYkm9MbzkMswf1RlfzhiAiEBvnC+scrjLu5QTuWW47/09OJVXAW+FDGk9Dd/bOzWRq+O55fj9T/ae3ikRVDKZdubdiavsBLcvqxhqNft7iAzyNfl/e+ehHmI6omWQj82Cn/u+LBnXrTHb6zNW83eWfrJA53tSWdsg/i2O6x2LgYkR+GJGfwT6KHDg0g38ddVhoykgLr56x4VCLtNGafUjRqs0ERwA+O3UNQNTupQLRVWoqG2En5dcTFUBknYIeex9OZnLbrmHShAEiXDVij/u0+nfNgx3JoajfcsA1NQrRQHKqxyHdY4Sjw+DO7ILPHO+o0Le3V7ytxCrV/GoVquRpTmBt49kF0ZymSCewE0VDr235TwuFVcjMshHbIFwUG8Iu1qt1kk7cmantodMALaeKTJIIZoTXyF+Xpil+bt9ZcNJg1YKNfWNeO7bTNQrVRjUIQI7XhiC72YOxIR+cQj29UJK+3C8/VAPHH7lHqx4tC/eeagHFk/oBYWcyQDeRke/3Uxtg1JsxcE/b15xLe33VX6zAW/+cgYAMHlAPD6dmox1T6VgxaN9ALCIqzU+RY5YiWzk+yOKL826SqrqxL5/+uILYMeLOxMj8N7EXjj8yj14+8HueHpIolh05Q5IfBFORy4TMLobu4K/euMmrlfWobaBfekOXy7FN4ev6mzPKwXvsNHvxeEHhK8P5uBv647jr6sO44EP9mLKpweNChzR8xWoFSDcgC6dF7ghMw8NSpYWk55k9PFRyMVqzE/3ZIvRPf1KR4AN+I3QvG6OidSj1idm+jVlMgGpmqt/a1OP0pSGNSL3zsQIcaTRT8fyLGxtmfpGFZb8fg7jlu/DxaIqRAT6YOWUvkaFYGyoH9qE+0OpUosNMHkVJIf73viYIX4S199OH0Fg6YhvnrgD3zwxwGRq1xT8RHqxqNJs1JGnb3hEwRoGtg9HWIA3SqrrdXpy/XbqGuoaVWjfMkAUncltwvDV4wPg7y3HoewbBhW3RZWsx5ggsHFJAKsWBXRN90UVtfj1JPP3JWje89X7L5tcIxf7veND4SXXnkL0hZXU76XdxtA0vueitphCEAQ80p9NFvjmUA6UKrX4931Pl0jxOXcmhkMhE5BdXG2yeEXa44ujX/FYUl2PitpGCALQRhOVBoBUTepxh5HIWmZOKT7ezXqyvTWuO4YlMQP6oWzd9z+/vBblNxvgJRfQIVJ7DGjXMhD39WAim0/xAJhNIbfUfGT62aGJ6Nk6BBW1jfjbuuM6gnvBz6dx6Xo1ooJ98N+/9BZTuPr4eskxqlsrTEiOEy8KAe38S/12MxeLqqBSAy38vcQ5uHxaR8aVUtHusfj3cyiuqkO7lgH4Z1oXDEuKQv+2YRjRpRVC/LxQXa+0mDLllFTVibYVY+KLXzBlFVVp0tbaC6+oYOMXXpwgXy9M7BePecM7WrWWpoLEF9Ek/PO+rvhyxgCseyoF6c8Nwu75qfjHvax7+ZLfz4miqEGpElMYA2z0e3H4Qf9kXjl+OJqL7WeLcOxqGXZfKDbaN4n3p5Fe9fCeOjzypVar8a1GJE7sF2dxDZPviIe3QobjV8vEiId+pSOHVzwam012s14pPm4u8gVovXXWNvzUn+loDWO6R0MuE3A8t9xsCwR9jl0tw7eHcvDJ7kv437YLWJR+Bvd/sBf/234RSpUaaT1jsGXu3aK/xhhSEZUYGWhwUOWm+5O55VCr1WL38Ls6mBdfnJT24UiMNP8eGyM21A8hfl5oUKqNNnoEWOuEgvJa1lxVz69iDi+5DGO6a1KPktQSrwod36e1jnDuGReKcb1ZGutbvYsa7vfqEBko9sjjvi/uowOArw7moEGpRt+EFnj1XtZz7JuDOSY9lBnirErdiyUurHjkS1rpqN1GYxrXnNzrGpWir5J/buP7tIa3XIaTeeVYs/8yblTXI9hXoZMeDvL1Ejuem4p+iZEvY2lHTaNVHvVq3cJPp4ff3R1ZRfGZggpck6QoaxuUePH7E1CpWQTyni5MYAAssiMVQ9zvlRjJUnVSZqWyRsHppwrE1FlB+U00qtTwlstMCggvuQzvTewFPy859mWV4DNNxDL9ZAG+PXwVggC8N7GXXREdQRDQK04z6ULSbuaM5DjG//baRAQgPswfDUo19meV4ERumTiPd+H93eCj0L6XMpkgXlhbU2lb26DEE2uO4FpFLeLC/MQom5SE8ADIZQKq6hpxraJWTD+bO554GiS+iCbBz1uOuzpEoH/bMHSJCUZcmD+mDWyDxMhAlNY0iH6Hk3nlqKlXItTfC53MeJzMMbpbNJ4f1gFP3t0OL43qjLcf7C5GhS5KZrYBLPrCmxhGGPF8FZTXolGpwtGcUlwsqoKflxxjjaTF9IkI9MEDmpTRp3vYAVGMYEXr/r+4+DLWlf9CUSXUapYSNZcaBDTGUpmAS9d1r/7VajXWHs7BN4d0S/Z5VM/UVbUxWgb5iP6On0z4TPQ5kVuG8cv34u/rT2Lhr2ewZMt5fLTrEs4UVKCFvxeWTeqN9x/pjRYWThB3ScTXne0NhXkPjen+TEElLhZVIa/sJrzkgmgcbioEQRBTj6Z8X0evlAFgJyxjhRrmSNNERTafuoa6RiUKym+KaUJjf4t/6cciRZtOXdNp7yL1e3E6RgUiPIBVkh7PLUNdoxJfHWTm9ul3tsHQzpFoE+6PitpGk/2RTFWJcmF1vrAS+WU3ca2iFoKgfZxtw4TY2YJKKFVqZOaU4WaDEhGB3uL3PyzAG6M0kfN//3YWALvQkEbZAG3q0VS/L2mPL45+2jFLz2zPCQvwFkXzU18cwcwvMjDn20xM//ywGLXlzXG7x4bAz0uO0poGneMNF19J0YbHtc6tgnFPUhTUamDFThb94t/P2BZ+OhEpfdq1DMSr97HXfmfTOWw/W4i//3ACAPD04PaiwLaHPgns/ywVX6LfS+//wase/zhfhH9sPAW1mtkzBhqJPPO5vJbEl0qlxt/WHcfRnDKE+Hnh82n9jX5/vBUy8Th6vrBK9J4ZSzl6KiS+CJehkMvE6NeqfZeRXVwtXvX2bxNmc/qH462QYe7wjvi/MUl4ekh7TOwXL14B6Q9fLa1hJye5TNCZ5RcZ5ANvhQxKlRoF5bX49hCLItzbI9qgs74p/npXWwDsJHi+sFJspGoQ+Qpj6QBjkSRjqUpTBPt6idEA7k2pa1Ri3rrjeOmHk3h5/Ukdr5Y5P4k5eBuIH4/lWSzRVqnUePXHP6HSpADG9ozBI/3j8PhdbTF/VCdsnnu3mHKxREr7cHHCgbFUYlyYH0L9vVCvVImCt098C/h72yZ27MFSxaPW7xVq8777tQlDq2BfVNY14o9z1/HjsXyo1cwTZeyz6xYbjC7RwahXqrBRkh7m8wmlY42k1bn7s0rw64kCFFfVoVWwL0Z2bQWZTMD0O9nf8Wd7Lxv4yK6V1yK3lI1L6q3Xu6x1CxYRbFSp8YPm765dRIDOybNtRAD8vOS42aBEdnGVTqpY+v3nqcc6TXTuHk1qTwpvCbEvq9hoy4lCI4Z7scu9xi91SWwzYej74wLweG45Nv15DRuP5Ysi+F/juiHUn108eCtk4ud8UJL65RGjLiYsC7M10a+NmXnILa2x6fv5SP84DOsciXqlCn9ddQQVtY3oFReKuQ6m0nprIl/Stjm8h2KS3nGMpx6/OXQVJ3LLEeSjwCua47s+XJAduXLDaL8xztubz+LXkwXwkgv4aEpfnSpofXjq8cdjeSiuqkeAt9xoOyBPhcQX4VKGdIrE4I4t0aBUY1H6GYnfy76Uoyk6iNUwumkhacpRerCXyQS0lvRv+kXT4+ovVqQcOZ1bBeOuxAio1MA/NrC+P5FBPgYpgDYRmkarRiJf1pjtpfCqx+3nrqO8pgGPfXpIrIoDgH/++KeY1jBXxm6OkV2j4K1gFUKWTObrjlzF8atlCPRRYM2M/vjfI72xaHwP/OO+Lpg1JNGkEd4Yof7emDawDVLahWNQB8MrWkEQxJTWD5oozV0W/F7OwpLpXhRfZpqrmkImE3Bfj2gArOeXtBGtMQRBwF/6s7/Tbw9dhVqthkqlFgsReunNlOS+r31Zxfh872UAwJSUBDGy9FDf1gjyVSC7uNogpc0r0JKigw3GJQmCtghi7RF28SJNOQLsoodHgv7Mr9Dxe0m5o12Y6FlSyLTVjVI6twpCq2Bf1DaojBad8LSj9G8uWuP5KqtpQE19o6TS0dAf9dc722LlFGZMf/OBbvjHvUl4UdO6YKSmKpXDGzAfkJju+d+G1GwvpXd8C9yZGI5GlRord12SfD8tN/wVBAFvP9RDjN4H+ijwv7/0NogO2kqP1iGQCSwDUFB+U6doQD/yNTCRRd55xeALIzuZ/H53iAxERKA3ahtUOH7VuO/r64M5+Ggn89K981APi+cELsx45efAxAiD9K4n03xWStwy/OPeJMhlAn4/XSj2ZbK1uaolEjUjMHJu1OhcFes3WJUSq+n19eHOLNxsUKJ9ywCbr6T+elcbABBH3BgTUVz8GDMKn5NUSFoDH+d04FIJxn+4FwezbyDQR4HVf+2PuxIjcLNBiWe+PopayfBxW8VXkK+X2D7EXOqxrKYeb29iaaI593SwSWiZ4rW0rvjmyTsMSs053PfVoGQnAGv9Xo7CT6hn8g2He9c1KvGnxvdkj/gCIFaAbjp1DWevVcJbLsOY7tEmt7+/Zyx8FDKcK6zE8dxyZF2vQmUdq0jU/1vi4utg9g2czCuHt0Kmc5ER4KMQI0+fSaogr96owVqNr8xUew6eVuTG8W564ku6DfcKAYafmyAImDyArWFgYoROlFq6zWBxzqlu6rFRqRIvtKRpx2BfLwRpRGN+Wa3JtCPAIlojujJj+pQ7EvD4oHaYnZpoNHI7QOL7UqvVqKxtEL9vpiJfADBbU7347eGromC39vsZEciM9R2jArFkQk+xktoRAnwUYqT+WE4ZrlfV4UZ1PWQCdIoGACb4+PGxW2wwHjUxAg5gn9UAE/0QAeYjfFXTqHbuPR0xrrfxiSZS+Hr4d785pRwBEl+EG+gQFSQeWBtVaoT4eRmEtB2lZaAPQvy8oFJrmygC2h5fxgypPNzP/Q4T+8XZ3PpiSMdInatoY1WSvKqqsKLOoEGmLWlHgJ004sL8UN+oQtb1asSE+OL7p1MwuGNLLJnYExGB3jh7rRJ//+GEWOTQ2kj3bEtwr9HPx4x3XweAd38/h9KaBnSMCsTUgW1sfg174M1WASDIV2EQaWkqEiMD4S2XobKu0WAcy6m8CtQrWd+6BDtPiD1ahyAh3B+Nmvd6WFIkQvxMp79D/L1Ecbb2cI7Yq6l7bIjYSoDTLiJA7MkFAPf3jNGp/AWAqQPbQC4TsPdiCb46eAWPrz6Mu/+zQ1vUYCLC2FUvymPs8+DbrM/Mg0rNOssbG+80bWAbvP1gd/x7fHeT/29T3eiLq+qhVrNIm/6FFk89Xi6uRq6mwMaY+LKFnnGh8FaweYLZxdXi95j1NjPtbUxpF47e8aGob1SJ1a1xLaz/m7kzMQK/zx0s9odzBrw692hOKc5qol5tIgKMXgA9P6wDBnWIwJIJvcz61ACI3lFjvq//brsApUqN+3pE47lhiVatUz8lSeKLIKxgzj0dEezLrkD7OeD3MoUgaAfASivSSoy0meBID3oKmYDxfSxffekj9cwAxiNYof5eCNL836Wm+5KqOvFq3VyDVSmCIGBkF3bg7RoTjA2z7xSvXCODfLF4Qi8AEIcVRwR622wAB5jhOchHgXwT3ddP5ZWLxu0F93dzOP1hLT3jtCf3ge3DDYRGU+Ell6FjK/b3xRtpcngaxN6+dQD7XNMkERZTKUcpvCr3p2P54gmul5E2F2yCgDalM+3ONgbbxIb6iZ6nVzacwtYzRVCr2eSAT6cmY1iS8aoyHtVirwOxq70UHg3j1ZamhJxCLsPEfvGiWDLGwMQIyGUCsq5X64wGE9tMBPkYHFt46nFfVglUaibapcU39uDrJRfTu4eyb2g725tIOXIEQRB7znFs9WQ6Gx6tzcwp007oMHExyPrNDbDqeMVN95k5ZTrZiD/zy7Hr/HXIZQJeGtXZ6u+M9CK3XcsAt79vtkLii3ALYQHeePW+LvBRyPBwsu0ixxp4GwGp6b5EI26MpR2lw6aHd4kS+3HZyoN9YtHCn0UppOKAIwiCGP2Sph65QGoT7m+TQPr/9u49Kspy3wP4950ZGAYE5CKXAUFUBO8pqKF4QQpF0yx0l1e0ixtT83Lstq2tWW5c63TcrtZKSo/bTmoHc3nJzEJI83q2GkpimGZ5V0RLuYiCMs/5Y5gXRgYaYXhngO9nLdaSd16Gh5/A/Hie3/N75j3ZCR9P6o1NKTE1tqgP7tQGfx3cXn6/vr+gqndf//Khnl/GInvjbqfRPfU2r9+rS4CHi/z/pFS9l4lc91Wt6P52aTm+qKx3qmsZxhpjeumhVknwbaW1agt9vzBvtPNxxZ3yCrnw/uF6LxPT8z3e3tssYaouZVAHOKtVcNdqMLV/O3z3H4Ox7sV+iO/sX+sLZJivG1wrZ0jCKk8heFi4fytoqiVEsRbq+azlqXOSDy3/vlrLCUs9vkxMydz+yh1yHdq0qneSXJ1p6fFw9eSrjiVHk6GRfmbJjS2WDxvCNPN14kohTlS2C6mr56C1wnzdEODhgvJq7YUAyHVeI7sHPtLvJ1dnjTyL39RmvQAmX2RH46Lb4uf3htcoXrWVqvO/qma+6qr5qj7zZU1vr9q4Omvwv9Mfx9qpfWrtI2X6BWvaEXnl9l38167TACAfsGwtN60Gw7sF1rrLb0FChPwiHOZjufGiNZ6Wu6/ny52qTXVexy/ehpuzutbdTo1FkiS8MqQD+oV5W72L0lYstZvYcPgiSssr0DnQw6wjf3109HPHppQYfPHXx60qJJYkCc9Vtp0wLSnWlnw9/ZgeaRN746MJvWt9vu7Bnjj45lAcXhiPxaO7WrU0ZyyoN8altiVgrUaN8MqZErVKanC9Z9VRQ1VLj9eLTd3tLTfwBarOBWzokqOJqej+8G+/y8X2dTVnNpEkSe5c7+PmbLG+TUlhvm7GXcQPDMjMM54uUdvM16OQJMlsswdgrCM0NfidPujRfu8BxqRLo5LkHdlNSePvySaqgy3+4qxNuLzsWG3mqzL58rawzBDu3wr+HsazIi3trnsUkQEedf61aDpo+cIfdyCEwDvbTqK0vALRoV6YUFnsbCtOahU+mRyF1ft+k3fF1Uf/Dj7wbeWMmyXlWPd/F/BLQTG2Hr8in14w78lOf9pdujG8EBsmt/lQkmlJzfRCW/agAp8eOg8AmD4ozCbf249asJ8UFYQPdhnPrPNz1yLQ0/L/hyRJSKyjgN/kz3rNWRIX0QbZF27JXeIt6ar3wKlrRXisbesGJxtDItrgPzNO49Cvv6PsQQW0GrXFHl8mD8fE0k7H+ugd2hoalYSrhfeQX/n5/2zZ0eSp7oHIL7xrs0SwISRJQq+2rbHn9A35Z9uaJNIaMe19sPX4FXlZ/L/3/4YKg8DAcF+LmzP+zOLRXTH/yU4Wy0gcHZMvarZMu2Eu/F4q/1KuWnas+cPq6qzBvtfj5ELdxmTq9XXh91LsOHENu38ugJNaQuqz3W1e/wYYX4TermzMWF8atQojuwfif/7vApbsyJOvdw70wEuxYXi2d9P767MhTLMB1wrv4Y875cg6dR03io09s5SehTPxc3dBfKQfduVdx2NWHuhtaymDO2B4t0B0qCOpGd1Tjy9zrsgbbxqiS6AH/Ny1KCguw9FztxAb7isvO1bv8WXycA2ZrRIeV2cNugd74vjF2zAI425Aa4vnVSoJ0wd1sMk4bKFXiJd8tFIrrUaeLWwo08zXicuFxt2zlUv0KYPr97U7qVVNMvECuOzY6J555hl4eXlh7Nix9h5Ki+PvoYW7VoMKg8D5m8blvapzHS0X2Go1arNjRhqLaRfc6fxivPvVTwCAV4Z0lJdjHNXYKON5cCoJGNE9oPL4qFgkRQXb5YXentxdnOT/x7yrRVi9z1i78kJsO8U2HFjy2rAI9O/gg5frsYxjCxq1Ch396q6jGtSpDX5ZOqJem1oeZt5ywrj0KPf4sjDz9XAi0dHPNjNfQNXSI2BMzhvjDyklVD+PNMKGX0dbb1cEe+nwwCAwd2MO7t03oHuQp9kGkJaCyVcje/XVV/HZZ5/ZexgtkiRJcr8vU92XqdWEpZovJYVW1l4VFJfhZkk5Ovq1ks97c2Tdgz3x7ZyBOPjmUKycGIW+YfXf0dccmOq+0vaexS8FJWil1eB5Gy8bP6pwf3d8/vLjtfbiao5MGwhMRffX61h29PdwkU9OUKskhHjbMvmqirm1S46OqGfb1nKMbFHvVZ0p0TIV3f91cPsW+TuEyVcji4uLg7u7Y89mNGdy0f31EpQ9qEBx5WHBlpYdleTnroWLU9WPX+qz3c0Oo3Vk4f7uFvsytUSmnlUHzxprWMb3bWv3gumWKDbc2HLibEEJLt8qRYGp4N7CsqOzRoU2lUtVId6uNu2KHt3OC6ZJImt2OjoqDxcn+XdnpI2/jphqs1wh3q5I7PbntYfNkUMmX8XFxZg7dy5CQ0Oh0+nQv39/HD161KafY9++fRg1ahT0ej0kScK2bdss3rdy5UqEhYXBxcUFUVFR2L9/v03HQY3LVPd1tqBEXnLUqCR46Oxb7qhSVbWbmNgvpEXNUjQn1Wc31CoJUwcoX/hPxpYTvSuXyjLzrss/6/61nLJgqvuqqy6tPtxdnDC4Uxs4a1SKtlxpDAsSIjCsq7/Fw9wbIqZ9VUuYlwe1b/T6WkflkAX3L730Ek6ePIl169ZBr9dj/fr1eOKJJ5CXl4egoJpFvQcPHkTfvn3h5GT+F+fPP/+M1q1bIyCgZiuDO3fuoGfPnpg2bRqSkpIsjmPjxo2YO3cuVq5ciQEDBuCTTz5BYmIi8vLyEBJiXFqIiopCWVlZjY/dtWsX9Hr7FN1SlerLjtW72zvCNPdbIzrj+9MFmN/Aw3DJfroEVu3QeqpHoM0Kk+nRDYnww9Hzt/DFD8ZzPp3VKrR2tTwLqW/tgpxLQPtG2F340cTeKLn3wGK9WVOS0DXApp3zTQI8XTC+b1tcvnUX46Iap8djU+Bwydfdu3exefNmfPnllxg0aBAAYPHixdi2bRvS0tLw/vvvm91vMBgwc+ZMhIeHIz09HWq1cenmzJkziIuLw7x58/D666/X+DyJiYlITEyscyzLly/Hiy++iJdeegkAsGLFCmRkZCAtLQ2pqakAgOzs7AZ/zdR4TJ2Xz928g4JiYx2IpaOF7GFwpzZNsjkgVfH30CLE2xVXbt/Fy4/Yn41sa3AnY8uJU5WtP/w8tLX+kfVMr2CcuV4iH2BuS67Omlp77pFR6rM97D0Eu3O4ZccHDx6goqICLi7mfzXodDocOHCgxv0qlQo7d+7E8ePHMWXKFBgMBvz6668YOnQoRo8ebTHxskZ5eTmys7ORkJBgdj0hIQGHDh2q13P+mY8++ghdunRBnz59GuX5WyK9pwvcnNW4XyFw7MJtAKh353qih0mShPUv9sPWV/rXq08R2U5XvYdZX7K6es492cUfWfMHo0dwawVGRlSTwyVf7u7uiImJwXvvvYerV6+ioqIC69evx+HDh3Ht2jWLH6PX67F7924cPHgQEyZMwNChQxEfH4+PP/643uO4efMmKioq4O/vb3bd398f+fn5Vj/PsGHDMG7cOOzcuRPBwcF11q7NnDkTeXl5Nq9va8kkSZIPYD18zlgU7SgzX9Q8hPi48kXcAVRvOQFYLrYnchQOl3wBwLp16yCEQFBQELRaLT788ENMmDBBXlK0JCQkBJ999hk2btwIjUaDNWvW2KSu5+HnEEI80vNmZGTgxo0bKC0txeXLlzmrZQemI35yLt0GUHuPLyJq2oZEVCVffrUU2xM5AodMvjp06IC9e/eipKQEly5dwpEjR3D//n2EhdW+k+j69euYPn06Ro0ahdLSUsybN69BY/D19YVara4xy1VQUFBjNowcm+mYofsVxgPv7N3ji4gax8CObeRWD/Y46orIWg6ZfJm4ubkhMDAQt27dQkZGBp5++mmL9928eRPx8fHo3LkztmzZgt27d+OLL77AggUL6v25nZ2dERUVhczMTLPrmZmZ6N+/f72fl5Rn6ldj0lSPoyCiunm6OiG6sm2L6fQBIkfkkFsyMjIyIIRAREQEzp49i9deew0RERGYNm1ajXsNBgOGDx+O0NBQecmxc+fOyMrKQlxcHIKCgizOgpWUlODs2bPy++fOnUNOTg68vb3lNhLz58/H5MmTER0djZiYGKxatQoXL15ESkpK433xZHOmXl8mrPkiar4+GNsTe88UYFgjtEkgshWHTL4KCwvx1ltv4fLly/D29kZSUhKWLl1ao48XYNztmJqaioEDB8LZuepFtXv37sjKyoKPj+VGdz/88APi4uLk9+fPnw8ASE5OxqeffgoAeO655/D7779jyZIluHbtGrp164adO3ciNDTUhl8tNbYgLx1cnFS4d98AAPBlzRdRsxXi44rJMe3sPQyiOklCCGHvQZC5oqIieHp6orCwEB4eTfeICkcy8sP9+Omqsf/PngVDEOZr287WRERE1r5+O3TNF5GtVK/74rIjERHZE5MvahHCKzvdO6kleLg45Go7ERG1EEy+qEUwzXw5yrmORETUcnEKgFqExzv4IMLfHXGRfvYeChERtXBMvqhF8HBxQsa8QfYeBhEREZcdiYiIiJTE5IuIiIhIQUy+iIiIiBTE5IuIiIhIQUy+iIiIiBTE5IuIiIhIQUy+iIiIiBTE5IuIiIhIQUy+iIiIiBTE5IuIiIhIQUy+iIiIiBTE5IuIiIhIQUy+iIiIiBTE5IuIiIhIQRp7D4BqEkIAAIqKiuw8EiIiIrKW6XXb9DpeGyZfDqi4uBgA0LZtWzuPhIiIiB5VcXExPD09a31cEn+WnpHiDAYDrl69Cnd3d0iSZLPnLSoqQtu2bXHp0iV4eHjY7HmpJsZaOYy1chhr5TDWyrJVvIUQKC4uhl6vh0pVe2UXZ74ckEqlQnBwcKM9v4eHB3+YFcJYK4exVg5jrRzGWlm2iHddM14mLLgnIiIiUhCTLyIiIiIFMflqQbRaLRYtWgStVmvvoTR7jLVyGGvlMNbKYayVpXS8WXBPREREpCDOfBEREREpiMkXERERkYKYfBEREREpiMkXERERkYKYfLUQK1euRFhYGFxcXBAVFYX9+/fbe0hNXmpqKvr06QN3d3f4+flhzJgxOH36tNk9QggsXrwYer0eOp0OQ4YMwU8//WSnETcfqampkCQJc+fOla8x1rZz5coVTJo0CT4+PnB1dcVjjz2G7Oxs+XHG2nYePHiAt99+G2FhYdDpdGjfvj2WLFkCg8Eg38N418++ffswatQo6PV6SJKEbdu2mT1uTVzLysowe/Zs+Pr6ws3NDaNHj8bly5cbPjhBzV56erpwcnISq1evFnl5eWLOnDnCzc1NXLhwwd5Da9KGDRsm1q5dK06ePClycnLEyJEjRUhIiCgpKZHvWbZsmXB3dxebN28Wubm54rnnnhOBgYGiqKjIjiNv2o4cOSLatWsnevToIebMmSNfZ6xt448//hChoaFi6tSp4vDhw+LcuXMiKytLnD17Vr6Hsbad999/X/j4+IgdO3aIc+fOiU2bNolWrVqJFStWyPcw3vWzc+dOsXDhQrF582YBQGzdutXscWvimpKSIoKCgkRmZqY4duyYiIuLEz179hQPHjxo0NiYfLUAffv2FSkpKWbXIiMjxZtvvmmnETVPBQUFAoDYu3evEEIIg8EgAgICxLJly+R77t27Jzw9PcXHH39sr2E2acXFxSI8PFxkZmaKwYMHy8kXY207b7zxhoiNja31ccbatkaOHCleeOEFs2vPPvusmDRpkhCC8baVh5Mva+J6+/Zt4eTkJNLT0+V7rly5IlQqlfj2228bNB4uOzZz5eXlyM7ORkJCgtn1hIQEHDp0yE6jap4KCwsBAN7e3gCAc+fOIT8/3yz2Wq0WgwcPZuzraebMmRg5ciSeeOIJs+uMte1s374d0dHRGDduHPz8/NCrVy+sXr1afpyxtq3Y2Fh89913OHPmDADgxx9/xIEDBzBixAgAjHdjsSau2dnZuH//vtk9er0e3bp1a3DsebB2M3fz5k1UVFTA39/f7Lq/vz/y8/PtNKrmRwiB+fPnIzY2Ft26dQMAOb6WYn/hwgXFx9jUpaen49ixYzh69GiNxxhr2/ntt9+QlpaG+fPn429/+xuOHDmCV199FVqtFlOmTGGsbeyNN95AYWEhIiMjoVarUVFRgaVLl2L8+PEA+L3dWKyJa35+PpydneHl5VXjnoa+fjL5aiEkSTJ7XwhR4xrV36xZs3DixAkcOHCgxmOMfcNdunQJc+bMwa5du+Di4lLrfYx1wxkMBkRHR+Mf//gHAKBXr1746aefkJaWhilTpsj3Mda2sXHjRqxfvx6ff/45unbtipycHMydOxd6vR7JycnyfYx346hPXG0Rey47NnO+vr5Qq9U1svSCgoIaGT/Vz+zZs7F9+3bs2bMHwcHB8vWAgAAAYOxtIDs7GwUFBYiKioJGo4FGo8HevXvx4YcfQqPRyPFkrBsuMDAQXbp0MbvWuXNnXLx4EQC/r23ttddew5tvvonnn38e3bt3x+TJkzFv3jykpqYCYLwbizVxDQgIQHl5OW7dulXrPfXF5KuZc3Z2RlRUFDIzM82uZ2Zmon///nYaVfMghMCsWbOwZcsW7N69G2FhYWaPh4WFISAgwCz25eXl2Lt3L2P/iOLj45Gbm4ucnBz5LTo6GhMnTkROTg7at2/PWNvIgAEDarRMOXPmDEJDQwHw+9rWSktLoVKZvxSr1Wq51QTj3TisiWtUVBScnJzM7rl27RpOnjzZ8Ng3qFyfmgRTq4k1a9aIvLw8MXfuXOHm5ibOnz9v76E1aTNmzBCenp7i+++/F9euXZPfSktL5XuWLVsmPD09xZYtW0Rubq4YP348t4jbSPXdjkIw1rZy5MgRodFoxNKlS8Uvv/wiNmzYIFxdXcX69evlexhr20lOThZBQUFyq4ktW7YIX19f8frrr8v3MN71U1xcLI4fPy6OHz8uAIjly5eL48ePy22WrIlrSkqKCA4OFllZWeLYsWNi6NChbDVB1vvoo49EaGiocHZ2Fr1795bbIVD9AbD4tnbtWvkeg8EgFi1aJAICAoRWqxWDBg0Subm59ht0M/Jw8sVY285XX30lunXrJrRarYiMjBSrVq0ye5yxtp2ioiIxZ84cERISIlxcXET79u3FwoULRVlZmXwP410/e/bssfg7Ojk5WQhhXVzv3r0rZs2aJby9vYVOpxNPPfWUuHjxYoPHJgkhRMPmzoiIiIjIWqz5IiIiIlIQky8iIiIiBTH5IiIiIlIQky8iIiIiBTH5IiIiIlIQky8iIiIiBTH5IiIiIlIQky8iIgckSRK2bdtm72EQUSNg8kVE9JCpU6dCkqQab8OHD7f30IioGdDYewBERI5o+PDhWLt2rdk1rVZrp9EQUXPCmS8iIgu0Wi0CAgLM3ry8vAAYlwTT0tKQmJgInU6HsLAwbNq0yezjc3NzMXToUOh0Ovj4+GD69OkoKSkxu+df//oXunbtCq1Wi8DAQMyaNcvs8Zs3b+KZZ56Bq6srwsPDsX37dvmxW7duYeLEiWjTpg10Oh3Cw8NrJItE5JiYfBER1cM777yDpKQk/Pjjj5g0aRLGjx+PU6dOAQBKS0sxfPhweHl54ejRo9i0aROysrLMkqu0tDTMnDkT06dPR25uLrZv346OHTuafY53330Xf/nLX3DixAmMGDECEydOxB9//CF//ry8PHzzzTc4deoU0tLS4Ovrq1wAiKj+Gnw0NxFRM5OcnCzUarVwc3Mze1uyZIkQQggAIiUlxexj+vXrJ2bMmCGEEGLVqlXCy8tLlJSUyI9//fXXQqVSifz8fCGEEHq9XixcuLDWMQAQb7/9tvx+SUmJkCRJfPPNN0IIIUaNGiWmTZtmmy+YiBTFmi8iIgvi4uKQlpZmds3b21v+d0xMjNljMTExyMnJAQCcOnUKPXv2hJubm/z4gAEDYDAYcPr0aUiShKtXryI+Pr7OMfTo0UP+t5ubG9zd3VFQUAAAmDFjBpKSknDs2DEkJCRgzJgx6N+/f72+ViJSFpMvIiIL3NzcaiwD/hlJkgAAQgj535bu0el0Vj2fk5NTjY81GAwAgMTERFy4cAFff/01srKyEB8fj5kzZ+KDDz54pDETkfJY80VEVA///ve/a7wfGRkJAOjSpQtycnJw584d+fGDBw9CpVKhU6dOcHd3R7t27fDdd981aAxt2rTB1KlTsX79eqxYsQKrVq1q0PMRkTI480VEZEFZWRny8/PNrmk0GrmofdOmTYiOjkZsbCw2bNiAI0eOYM2aNQCAiRMnYtGiRUhOTsbixYtx48YNzJ49G5MnT4a/vz8AYPHixUhJSYGfnx8SExNRXFyMgwcPYvbs2VaN7+9//zuioqLQtWtXlJWVYceOHejcubMNI0BEjYXJFxGRBd9++y0CAwPNrkVERODnn38GYNyJmJ6ejldeeQUBAQHYsGEDunTpAgBwdXVFRkYG5syZgz59+sDV1RVJSUlYvny5/FzJycm4d+8e/vnPf2LBggXw9fXF2LFjrR6fs7Mz3nrrLZw/fx46nQ4DBw5Eenq6Db5yImpskhBC2HsQRERNiSRJ2Lp1K8aMGWPvoRBRE8SaLyIiIiIFMfkiIiIiUhBrvoiIHhGrNYioITjzRURERKQgJl9ERERECmLyRURERKQgJl9ERERECmLyRURERKQgJl9ERERECmLyRURERKQgJl9ERERECmLyRURERKSg/we4NPiGqcmm+AAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_losses(train_losses, val_losses, \"Cox\")" + ] + }, + { + "cell_type": "markdown", + "id": "bd881d14-9646-48e0-bcc3-f29be358161f", + "metadata": {}, + "source": [ + "### Section 1.3: Cox proportional hazards model evaluation\n", + "\n", + "We evaluate the predictive performance of the model using \n", + "\n", + "* the [concordance index](../_autosummary/torchsurv.metrics.cindex.html) (C-index), which measures the the probability that a model correctly predicts which of two comparable samples will experience an event first based on their estimated risk scores,\n", + "* the [Area Under the Receiver Operating Characteristic Curve](../_autosummary/torchsurv.metrics.auc.html) (AUC), which measures the probability that a model correctly predicts which of two comparable samples will experience an event by time t based on their estimated risk scores.\n", + "\n", + "We cannot use the Brier score because this model is not able to estimate the survival function." + ] + }, + { + "cell_type": "markdown", + "id": "0d2e7996", + "metadata": {}, + "source": [ + "We start by evaluating the subject-specific relative hazards on the test set " + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "id": "272a997d-a978-4e9b-bb0b-d90e4f03a530", + "metadata": {}, + "outputs": [], + "source": [ + "with torch.no_grad():\n", + " # test event and test time of length n\n", + " x, (event, time) = next(iter(dataloader_test))\n", + " log_hz = cox_model(x) # log hazard of length n" + ] + }, + { + "cell_type": "markdown", + "id": "77bd0fe9", + "metadata": {}, + "source": [ + "We obtain the concordance index, and its confidence interval" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "id": "3c9ad489-9e53-40ac-8931-8941597760a8", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Cox model performance:\n", + "Concordance-index = 0.6743345260620117\n", + "Confidence interval = tensor([0.5629, 0.7858])\n" + ] + } + ], + "source": [ + "# Concordance index\n", + "cox_cindex = ConcordanceIndex()\n", + "print(\"Cox model performance:\")\n", + "print(f\"Concordance-index = {cox_cindex(log_hz, event, time)}\")\n", + "print(f\"Confidence interval = {cox_cindex.confidence_interval()}\")" + ] + }, + { + "cell_type": "markdown", + "id": "507b410a", + "metadata": {}, + "source": [ + "We can also test whether the observed concordance index is greater than 0.5. The statistical test is specified with H0: c-index = 0.5 and Ha: c-index > 0.5. The p-value of the statistical test is" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "id": "7d34ba82", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "p-value = 0.0010876655578613281\n" + ] + } + ], + "source": [ + "# H0: cindex = 0.5, Ha: cindex > 0.5\n", + "print(\"p-value = {}\".format(cox_cindex.p_value(alternative=\"greater\")))" + ] + }, + { + "cell_type": "markdown", + "id": "a60919a9", + "metadata": {}, + "source": [ + "For time-dependent prediction (e.g., 5-year mortality), the C-index is not a proper measure. Instead, it is recommended to use the AUC. The probability to correctly predicts which of two comparable patients will experience an event by 5-year based on their estimated risk scores is the AUC evaluated at 5-year (1825 days) obtained with" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "id": "907312f9", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "AUC 5-yr = tensor([0.7173])\n", + "AUC 5-yr (conf int.) = tensor([0.6556, 0.7790])\n" + ] + } + ], + "source": [ + "cox_auc = Auc()\n", + "\n", + "new_time = torch.tensor(1825.0)\n", + "\n", + "# auc evaluated at new time = 1825, 5 year\n", + "print(f\"AUC 5-yr = {cox_auc(log_hz, event, time, new_time=new_time)}\")\n", + "print(f\"AUC 5-yr (conf int.) = {cox_auc.confidence_interval()}\")" + ] + }, + { + "cell_type": "markdown", + "id": "41e7e69f", + "metadata": {}, + "source": [ + "As before, we can test whether the observed Auc at 5-year is greater than 0.5. The statistical test is specified with H0: auc = 0.5 and Ha: auc > 0.5. The p-value of the statistical test is" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "id": "702e5a74", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "AUC (p_value) = tensor([0.])\n" + ] + } + ], + "source": [ + "print(f\"AUC (p_value) = {cox_auc.p_value()}\")" + ] + }, + { + "cell_type": "markdown", + "id": "b8f517e6-b0a4-4fbc-aac5-b500b4aca169", + "metadata": {}, + "source": [ + "## Section 2: Weibull accelerated failure time (AFT) model" + ] + }, + { + "cell_type": "markdown", + "id": "769ddcf5", + "metadata": {}, + "source": [ + "In this section, we use the [Weibull accelerated failure (AFT) model](../_autosummary/torchsurv.loss.weibull.html). Given covariate $x_{i}$, the hazard of patient $i$ at time $t$ has the form\n", + "$$\n", + "\\lambda (t|x_{i}) = \\frac{\\rho(x_{i}) } {\\lambda(x_{i}) } + \\left(\\frac{t}{\\lambda(x_{i})}\\right)^{\\rho(x_{i}) - 1}\n", + "$$\n", + "\n", + "Given the hazard form, it can be shown that the event density follows a Weibull distribution parametrized by scale $\\lambda(x_{i})$ and shape $\\rho(x_{i})$. The subject-specific risk of event occurence at time $t$ is captured through the hazards $\\{\\lambda (t|x_{i})\\}_{i = 1, \\dots, N}$. We train a multi-layer perceptron (MLP) to model the subject-specific log scale, $\\log \\lambda(x_{i})$, and the log shape, $\\log\\rho(x_{i})$. " + ] + }, + { + "cell_type": "markdown", + "id": "a580702e", + "metadata": {}, + "source": [ + "### Section 2.1: MLP model for log scale and log shape" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "id": "35b92c10-e5fb-491d-9e27-743bcffdced2", + "metadata": {}, + "outputs": [], + "source": [ + "# Same architecture than Cox model, beside outputs dimension\n", + "weibull_model = torch.nn.Sequential(\n", + " torch.nn.BatchNorm1d(num_features), # Batch normalization\n", + " torch.nn.Linear(num_features, 32),\n", + " torch.nn.ReLU(),\n", + " torch.nn.Dropout(),\n", + " torch.nn.Linear(32, 64),\n", + " torch.nn.ReLU(),\n", + " torch.nn.Dropout(),\n", + " torch.nn.Linear(64, 2), # Estimating log parameters for Weibull model\n", + ")" + ] + }, + { + "cell_type": "markdown", + "id": "e96c6985", + "metadata": {}, + "source": [ + "### Section 2.2: MLP model training" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "id": "3d5c6f77-6245-42b0-ae48-33b57789b651", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Epoch: 000, Training loss: 76835.60\n", + "Epoch: 010, Training loss: 116.18\n", + "Epoch: 020, Training loss: 107.70\n", + "Epoch: 030, Training loss: 96.55\n", + "Epoch: 040, Training loss: 93.25\n", + "Epoch: 050, Training loss: 94.60\n", + "Epoch: 060, Training loss: 93.17\n", + "Epoch: 070, Training loss: 94.66\n", + "Epoch: 080, Training loss: 92.07\n", + "Epoch: 090, Training loss: 90.39\n" + ] + } + ], + "source": [ + "torch.manual_seed(42)\n", + "\n", + "# Init optimizer for Weibull\n", + "optimizer = torch.optim.Adam(weibull_model.parameters(), lr=LEARNING_RATE)\n", + "\n", + "# Initialize empty list to store loss on train and validation sets\n", + "train_losses = []\n", + "val_losses = []\n", + "\n", + "# training loop\n", + "for epoch in range(EPOCHS):\n", + " epoch_loss = torch.tensor(0.0)\n", + " for i, batch in enumerate(dataloader_train):\n", + " x, (event, time) = batch\n", + " optimizer.zero_grad()\n", + " log_params = weibull_model(x) # shape = (16, 2)\n", + " loss = neg_log_likelihood(log_params, event, time, reduction=\"mean\")\n", + " loss.backward()\n", + " optimizer.step()\n", + " epoch_loss += loss.detach()\n", + "\n", + " if epoch % (EPOCHS // 10) == 0:\n", + " print(f\"Epoch: {epoch:03}, Training loss: {epoch_loss:0.2f}\")\n", + "\n", + " # Reccord losses for the following figure\n", + " train_losses.append(epoch_loss)\n", + " with torch.no_grad():\n", + " x, (event, time) = next(iter(dataloader_val))\n", + " val_losses.append(\n", + " neg_log_likelihood(weibull_model(x), event, time, reduction=\"mean\")\n", + " )" + ] + }, + { + "cell_type": "markdown", + "id": "4aba21b6", + "metadata": {}, + "source": [ + "We can visualize the training and validation losses." + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "id": "243a4fa9-f751-46e7-83f3-e623bfd3518e", + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAkIAAAHFCAYAAAAe+pb9AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjguMCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy81sbWrAAAACXBIWXMAAA9hAAAPYQGoP6dpAABeOUlEQVR4nO3deXhTVf4G8Pcm6Zbu+wJtWcpWytqCUtaCguAgoAgqKDgug4KKjKIM44gMMzj+EHGkMIMbOjKKCzAojAwgOypQKFvZaWmhGy206Zq2yf39cUhKaAtJSXND+36eJ0/pzc29J7eFvJzzvedIsizLICIiImqBVEo3gIiIiEgpDEJERETUYjEIERERUYvFIEREREQtFoMQERERtVgMQkRERNRiMQgRERFRi8UgRERERC0WgxARERG1WAxCROQUvv32W0iShNWrV9d5rkePHpAkCZs2barzXPv27dG7d2+rzzN16lS0adPGYpskSZgxY4bNbb6ZIUOGYMiQIXXOM2/ePLueh4huD4MQETmFIUOGQJIkbNu2zWL7lStXcPToUXh6etZ57uLFizh//jySkpKsPs8bb7yBtWvX2qXNRHTn0yjdACIiAAgKCkJcXBy2b99usX3Hjh3QaDR46qmn6gQh0/e2BKH27dvfdluJqPlgjxAROY2kpCScOnUKOTk55m3bt29Hnz59MGrUKKSkpKCkpMTiObVajYEDB0KWZSxbtgw9e/aEh4cH/P39MX78eJw/f97iHPUNjZn885//RMeOHeHm5obY2Fh89dVXFs/PmzcPkiTVed3KlSshSRIyMjIa/+aJSBEMQkTkNEw9O9f3Cm3btg2DBw9G//79IUkSdu3aZfFc79694evri9/97neYOXMm7rnnHqxbtw7Lli3D8ePHkZiYiLy8vFuee/369fj73/+O+fPn49tvv0V0dDQeffRRfPvtt3Z/n0TkPBiEiMhpDB48GCqVyhyECgsLcezYMQwePBheXl7o3bu3eTgsKysL6enpSEpKwi+//IIPP/wQb7/9NhYtWoQRI0bg0UcfxebNm6HT6bB48eJbnrugoAA//fQTHnnkEYwePRo//PADOnfujDlz5jTlWyYihTEIEZHT8Pf3R48ePcxBaMeOHVCr1ejfvz8AEZRMQej6+qAffvgBkiRh8uTJqKmpMT/CwsIsjnczw4YNQ2hoqPl7tVqNiRMn4uzZs7h48aJ93ygROQ0GISJyKklJSTh9+jSys7Oxbds2xMfHw8vLC4AIQocOHUJxcTG2bdsGjUaDAQMGIC8vD7IsIzQ0FC4uLhaPX375BQUFBbc8b1hYWIPbCgsL7fsmichp8K4xInIqSUlJWLx4MbZv347t27dj1KhR5ucGDBgAANi5c6e5iNrLywtBQUHm+iE3N7c6x6xv241yc3Mb3BYYGAgAcHd3BwDo9XqLY1oTtIjIObFHiIicyqBBg6BWq/Htt9/i+PHjFpMS+vr6omfPnvjss8+QkZFhLq7+zW9+A1mWcenSJSQkJNR5dOvW7Zbn3bp1q0VRtcFgwOrVq9G+fXu0bt0aAMx3mx05csTitd9///1tvmsiUgp7hIjIqfj4+KB3795Yt24dVCqVuT7IZPDgwViyZAmA2rvM+vfvj2effRZPPvkkDhw4gEGDBsHT0xM5OTnYvXs3unXrhueee+6m5w0KCsLQoUPxxhtvwNPTE8uWLcPJkyctbqEfNWoUAgIC8NRTT2H+/PnQaDRYuXIlsrKy7HsRiMhh2CNERE4nKSkJsiyjV69e8PHxsXhu8ODBkGUZrq6uSExMNG//5z//iaVLl2Lnzp145JFHcP/99+NPf/oTysrK0Ldv31ue84EHHsCMGTPwxz/+EQ899BAyMjKwatUqTJw40byPj48PfvzxR3h7e2Py5MmYNm0a4uLiMHfuXPu9eSJyKEmWZVnpRhAREREpgT1CRERE1GIxCBEREVGLxSBERERELRaDEBEREbVYDEJERETUYjEIERERUYvFCRVvwWg0Ijs7G97e3pAkSenmEBERkRVkWUZJSQkiIiKgUjXc78MgdAvZ2dmIjIxUuhlERETUCFlZWeZlcurDIHQL3t7eAMSFvHGGWyIiInJOOp0OkZGR5s/xhjAI3YJpOMzHx4dBiIiI6A5zq7IWFksTERFRi8UgRERERC0WgxARERG1WAxCRERE1GIxCBEREVGLxSBERERELRaDEBEREbVYDEJERETUYrWIIPTDDz+gU6dO6NChAz766COlm0NEREROotnPLF1TU4NZs2Zh27Zt8PHxQe/evfHggw8iICBA6aYRERGRwpp9j9C+ffvQtWtXtGrVCt7e3hg1ahQ2bdqkdLOIiIjICTh9ENq5cydGjx6NiIgISJKEdevW1dln2bJlaNu2Ldzd3REfH49du3aZn8vOzkarVq3M37du3RqXLl1yRNOJiIjIyTl9ECorK0OPHj2wdOnSep9fvXo1Zs6ciblz5+LQoUMYOHAgRo4ciczMTACALMt1XnOrBdgcIfeKDnnHtkNfY1C6KURERC2W09cIjRw5EiNHjmzw+cWLF+Opp57C008/DQBYsmQJNm3ahOXLl2PhwoVo1aqVRQ/QxYsXcddddzV4PL1eD71eb/5ep9PZ4V3coLoC2r93hg/KcOqRvejUuav9z0FERES35PQ9QjdTVVWFlJQUDB8+3GL78OHDsXfvXgBA3759cezYMVy6dAklJSXYuHEjRowY0eAxFy5cCF9fX/MjMjLS/g138UC6FAUA8Mz8yf7HJyIiIqvc0UGooKAABoMBoaGhFttDQ0ORm5sLANBoNHj33XeRlJSEXr164dVXX0VgYGCDx5wzZw6Ki4vNj6ysrCZp+y+aeACAd9a2Jjk+ERER3ZrTD41Z48aaH1mWLbY98MADeOCBB6w6lpubG9zc3Ozavvrs1/TB76q/gFf2HqC6AnDxaPJzEhERkaU7ukcoKCgIarXa3Ptjkp+fX6eXyNlc0LRBthwAtaESyNijdHOIiIhapDs6CLm6uiI+Ph6bN2+22L5582YkJiYq1CrrqNUqbDf0FN+c4bxGRERESnD6IFRaWorU1FSkpqYCANLT05Gammq+PX7WrFn46KOP8Mknn+DEiRN4+eWXkZmZiWnTpt3WeZOTkxEbG4s+ffrc7luol1olYZuxp/jmzP+Aem7zJyIioqYlyfVNtONEtm/fjqSkpDrbp0yZgpUrVwIQEyq+8847yMnJQVxcHN577z0MGjTILufX6XTw9fVFcXExfHx87HJMABizdDfOXMzDMe3voDJWA9P3A8Ed7XZ8IiKilszaz2+nL5YeMmRIvZMiXu/555/H888/76AW2YdaJaEc7rgS3BdBeXtErxCDEBERkUM5/dBYc6VWibva8kMHiw2sEyIiInI4BiGFmIJQXthAseHCz0BlE8xiTURERA1iEFKIRiUuvU4bDQS0B4zVwPntyjaKiIiohWEQaoAj7hoDgBqDDHS4tkTImf81ybmIiIiofgxCDZg+fTrS0tKwf//+Jjm+KQgZjDLQ0RSENvM2eiIiIgdiEFKIOQjJMhDdH3DxBEpzgdwj9b9AloFLB4Fd74rAZCsGLCIiojqc/vb55kpjGhozyoDGDWg3BDi1Adjzd6DLaMAzGPAMAiqKgBPrgbT1QHFm7QF6PAqMfAdwv8ncRqWXgbR1wLE1wKUDQP+XgCF/AFTMv0RERACDkGJUph4hg1Fs6DhcBKFj34pHfVy0QGRfIH0ncPhL4MIe4MEPgai7xfOyDBSeBTJ2ieCUvgOQjbWv3/l/QO5R4MEVgLtvE747IiKiOwODkEIseoQAoPsjwJXzQOE5oKwAKLsMlBcAMkRIih0DtB8GuGqBzF+ANc8ARZnApyOB3lOA8kIg82fxuutF9AbiHhKr2/84Bzj9I/DhMODRL4GgDmIfowHIOy7O32Yg4BnYuDdVVQ5cPgHknxDt0JcCVaXiq9oFuPt5ThpJREROhUFIIaYaIaOpdsfFHbh3vnUvjrobmLYH+O9rwOF/AymfXndgN6B1H6B9EhD3IBDQrva5iF7A6slA4Rngw6FA/FQg7xiQtR+oKhH7eIUCD30MtB1Y97wVRaInquwyUKMHDNWAQS9CWF6aCFK4SS1S6r+BpDlAvxcAtY2/elXlwK/LgcNfAQm/Be5+zrbXExER1YNBqAHJyclITk6GwWBokuPX6RGylbsPMG450GkkcHKD6GmJSgRa9RY1R/Vp1Rt4Zhvw9RNA1i/A3r/XPufqDbh5AyXZwOcPiFqigb8X9UQ1VcCBj4EdfwMqrt68XZ7BQEgs4NMKcPMCXL3E14zdwLmfgC3zgLT/AGOWAaGxt36fRgOQugrYtlC0DQB+fB0oygKGL2C9ExER3RanX3RVaU216OqcNUfw5b4s/P7ejnhhWAe7HdcqNVXAnvdFPVHrBCDyLiC0K1BTCWycDaR+IfZrlwT0eATY/jZwNV1sC+okepvULqL3SeMmAlRwZ3EMr5D6zynLItD8+AdAXwyoXIAeE8XrAtqJh08roLIYKM0HSvMA3SVg/8diuA0AfKOADvcABz4R38c9BIxd3nDwIyKiFqvZLLraXKlvt0fodmhcgcGv1t3u6gmMTQba9Ad+mAWc3yYeAOAZIoa1ej1h+7AWAEgS0Gsy0H4o8MPLolbp0BfWvdbdDxj0KtDnaTGEGNUPWPcccOw7MUw3cdXN755zJEO16P2KulvUZRERkVNjEFKIaYkNozN2yPV8TNQTfftb4GoGkPiCeLh53/6xfSKAR78ScyFl/SrqikwPvU70FHmFip4lrxAgvCdw9zTAw7/2GN0nANpAMcSXvhP4+F6g/0xRUO6qvf02NpbRIK7ZifUirD2xXoROIiJyWgxCClG0R8gaIV1EQbahSvTC2JMkiTvhTDNqA2LorKpM9EpJ0q2PETMMmLoBWDUeuHwSWDdNFI/3mCjuoguLs2+bb0WWxflPrBffZ/4MbPoDcP8ix7aDiIhswkpThVgsseGsVCr7h6CGSJIoqrYmBJlE9ASe+xkY+gbgFyVqj/atAP7RH1jaF9g0VyxkW6NvqlbX2rUI2P8hAAm4a5rYtv9D64f/iIhIEewRUsgdEYTuBF7BwKBXgAGzgPTtQMpnwMkfgIJT4vHzUrF8SURPUb9TXS56nmoqxTxKXccBXR4Qs3g31sF/AT8tEH8e+Tfgrt8BHgHA9r+KeqjgLkDreHu8WyIisjMGoQY46vZ5BiE7UalEIXb7oeIW/3PbgLNbxKM0T8zCfaOSHFFjtOH3QNtBQKf7AZ9wMeu26eEd0XCdjywDJ74Hvn9JfD/gZRGCAFHcnZMKnNoo5m763Y6G76gzVAPH14n5nfo8I8IdERE5BG+fv4Wmun1+yZbTWLLlDCbfHYUFY7vZ7bh0A6MRyDsKFJwBNO6imNrFE1BpxFIkx9eKwNIQV2+gw71A5/vFV3dfMaP30W+Aw6tFrxMg1n4bu9xyaK+yWMziXXhGFJ/f9ZyYqNInQjyvLxE9WL8sB3QXxTY3XyDpD+IOucbcndeUjAbxnjz8bRvC1OUAxVlApU4MX1bqAGONmJ4hKKbh18nyzc+jLxXX1t1XTK3gbNeLyF4qioDsQ0CbAWLqErKKtZ/fDEK30FRB6IOtZ/Du5tN4tG8kFj7Y3W7HpUa4cl5M8njhZ6CySHzYVxaLnqWaytr9VC5AUEcg/3jtNo27CEGj/q/+f6AunxazeJtm7gaAwBggvAdwZosIBoCYnsAzCMhPE9+HxIpFdVvFA1fOAQWngYKzIoRVlYjhvaoysYSJdwTQbjDQdrB4nWmSSaMBKLog2qDXXZv7yVU8NG6iHd7htw41hmoxo/jO/xPn9/AHQrqKCTFDYgH/aNF+r1BxN59BL3rgzv4EnNsqitkbEtYd6DZeDFG6+4k7CdN3iikIco8A2qDaeaYC2oq25h4TzxWeg3kmc0kN+EUC/m3FfFZ9nwH829z8fQEilKWsFPVcVWWAX7R4P37R4pydRtmvh06WxV2Yl1LE71ZwJyA0DtAG1O5TVS7WA8w+BJTli8WYoxLtG/IKzorfea8QwDtMTIKqUtvv+GQ/1ZWi7nHXu+Lfpqh+wPhPRc813RKDkJ00VRBatv0s3vnxFCYktMY743vY7bhkR0YjkH1QDH+d/EFMQAkAkMT/zHo8AnQZfesFbPNPiskkM3YBOYctF8IN7AAkzhBrzaldgIOfAVvnXzeDt4SbLltyI22QmEFclyN6S64PcvXxCBDBIaybmNzSP1oUnvtGiuevD0DWkNSApAKM1ddtUwG+rUVvl7sP4OYjarUydgOywfK1so1D0dog0bNmuKEgXlKLgDpwFhDYvu7rSvLEki37P6kNo/VRuQBdfiOWo2kzqP6ZzCuKRIDNOy6+ll8Rc0hp3MVXlVr8DlxKASqu1H29dwQQ0lm06fIJy98PQITLzvcDXcaIWjeNmzi2LT0DsizC6Z6/A2c2WT4nqUSQbRUPxFwbXr5+aR5r6bLFz7SiSARWSSUeGjfxH4iQLuKuULo1oxE4+rWoPSzOsnzOMxgY/4kYzqebYhCyk6YKQit2nsNfN57Eg71bYfGEnnY7LjWhy6dFT0TU3eKDvTEqioALe8VwXHhPoON9dT9cy68A2/4iZtCWjaIHJqijCE0BbUTPiauneLhoRY/L+R3ig6663PJYGnfxOs9AwFAjpkMw6MWw0tWMhoOHpBJDiKaeLM9gMVdTz8dEKMpPu/Y4IT4AS/PFmnOm0ObTSnygxgwTvRrXzwNlUlYInPgPcGyN+ACFLHp02gwQi/+2ThA9c6Z5pgrPifaGxongFtZN9GoYjUBpLnAlXcyAfmyN6IkyvY9uD4sPYV32tcclsTaeKTwFdQQSXxS9dEUXgKsXxNeL+0XPjIl/W/E/cr3uWq9hkXgPpqVfrKF2Fe33ChWh52pG3X28QsViye4+wJn/NbysjaQW+8SOEbVl9U0ZUV0hJi/d+4EIYuKF4nqUF4oJSW8MXoDoTWszQITjwBjxO+QfLc5ZVSJ+jyuLxfVO3yl+/wrP3OLNSyJghcWJ4FVTKe7orKkUj6ry2t5Ofan4nel8v3h/Yd0sey6LL4rFp2sqrfvPCCDae2azeFQWiztiNR7iq4tW9I76hIvfXZ8I8VxVqWhPdbn4uxPWzbpzNZYuGzj6rViX0TSjvncEMHSuWAHgm6lifUhJJe6W7T/T9mWGjIZrIdWG4W2jUfx9ucMmiWUQspOmCkIf707Hn39Iw5ieEXj/kV52Oy41I2WF4qtnoHX711QBlw6IngnfSLH+nF90w8Me1ZXiH9u842K4qfCMCDlFmbU9SaYAlPDbW09WaagBygvEh5tflG3/0JZeFr1Ipvqp23XxALDjnbq9H9dr3RcYMBPoOLLhD5Ocw6KO68jXlsObN/JpXTtU6BMhrl91Ze0HaEA70VMXGme5JIy+RISyyyfF0GhEL8trYJqp/MR64ORGEfgaEpUI9H1a/MzPbxePrH21gU/tJoJsvxm1tVmmn9nVC6LH8tw2MTx5fY+eiaS+Fpoa+MiQVCLc+0eL/WSj6InSl4jAXJbfcNtvJaCd+DmV5gKZv9bW1AGijq/XZHGjQkDb2u01VaKG78LPwKkN4joaaxrfBkBcg9YJor6t/VDRi3azYcvqCvEfG21g3alIZFkEMl22+Ht75Ova/xAAoud0wMtigWlTAKkqBza+InqYAfH3XO1ae71VatFTFDceiE6s/btfUyVu3Dj4mfgZB3cWvwvdJ4jh0RvbnJ8mhmhzj4p/G/KOiUAY2Vf8563jfSJMSxJQVgBcOij+06C7KAJbzL2Ad+jtXWs7YBCyk6YKQiv3pGPe92m4v3s4kh/rbbfjEt02Wb623luu6C25w/4XaCH7ELDvo2sh69r/9H1aiQ/WkM7WH6eqDEhbL3p/3P2u3VXoB3j4iR4TD7+maf+NTP8zN/WmFJwRCyKnrW+4d887QgSFvs9aV++kLxUfyJdSRDguPCt6467vbdS4i2vgGQJE9xP1aW0G3Pw6lOaLD9TcY6JXTeN+7XFtqM/Vs3aRZldP8d7S1okenBuHeCW16J2pLhf1c2KjqOly9xHnuHyybqAL6iQWqg5ody2sVojrqNcBJbm1PYa6bPFaF8/a3lfZUHeIWONRW+sVGit6zoouANmpotc3/0Ttz8XVSwQibaA4ny67bg8uIHodu40Huj5oWT9mIsvAwc+Bja/WHRK+nlcYEPegCKiHv7zWY3sDSQXE3CMCzuVTIvgUnK6/l/BGflGiLTcO3ZlE9AI6jBC9tlfOix7bK+fF3bp+kSKMmR4hXUQvpJ1r1RiE7KSpgtC/frmAN9Ydw8i4MCyfzDlmiOg26LJF0ffBz8WHa5uBYkiy3RAR1GzpnauP0SimoZBUIgA5aqJVQASzM/8D0neIEBt5l+iJcfMSH8Tntoo7L89uqftaN18gvDvQYbgYZquvXqw+xmtB4MaewqIssf7iuZ9Ej1tDw5bXk1Q3DxYe/iIEdBktenL8o61rY0muCBamWixJJdqT9h/Rg1h5Q+2bdzjQc5K4MeHSATH8lvVr/cfWBtUOP4d1F8OZLlrg7Gbg9CYxFGoOYZKYky2it+hdSt9hOaRsrWl77L4iAIOQnTRVEPpyXybmrDmKe2ND8eETCXY7LhG1cLeadqC5yj8JHPlK9NKEXasj841sumthNIgar7zj1wrlj4s78nxbi6L28J7iq08rEUrKC8UwUnmhWLfRJ0KEk6ZYH7GmSgTE4+vE0Gz3CWK46sZhvIKz4ppdzRC9MmHdr9Xehd78ulWViSFHjat4nzcuel2SJ0KTqTcvoL0YtgxoJ8JSUaboLbt8UjwKzwOzz1kOG9sBg9Btun5CxdOnT9s9CH19IAuzvz2CoZ1D8MnUPnY7LhER0R3FaLS96NsK1gYhrjXWgOnTpyMtLQ379+9vkuOrJSdfdJWIiMgRmiAE2XR6Rc/egmnUIggZGYSIiIgUwyCkENOiqzVGK6rziYiIqEkwCCmEi64SEREpj0FIISrWCBERESmOQUghrBEiIiJSHoOQQtTXquTZI0RERKQcBiGFmG6fZ40QERGRchiEFFJ71xiDEBERkVIYhBTCGiEiIiLlMQg1IDk5GbGxsejTp2mWv2CPEBERkfIYhBrgqCU2WCNERESkHAYhhXBmaSIiIuUxCCnEVCNkYA4iIiJSDIOQQmqX2GASIiIiUgqDkEK4xAYREZHyGIQUork2szRvnyciIlIOg5BC1Gr2CBERESmNQUghtTVCDEJERERKYRBSCGuEiIiIlMcgpBBTjxDAOiEiIiKlMAgpxFQjBLBXiIiISCkMQgq5vkeIdUJERETKYBBSiKlGCOAyG0REREphEFKIZY2Qgg0hIiJqwRiEGpCcnIzY2Fj06dOnSY6vVrFHiIiISGkMQg2YPn060tLSsH///iY5viRJ5jDEGiEiIiJlMAgpSM25hIiIiBTFIKQg9ggREREpi0FIQVxmg4iISFkMQgriwqtERETKYhBSkKlGiD1CREREymAQUhBrhIiIiJTFIKQg1ggREREpi0FIQSqVqUaIEyoSEREpgUFIQewRIiIiUhaDkIJYI0RERKQsBiEFaVTi8jMIERERKYNBSEG1NUIMQkREREpgEFKQuUZIZhAiIiJSAoOQgsw1QgYGISIiIiUwCClIw6ExIiIiRTEIKUjFu8aIiIgUxSCkINYIERERKYtBSEG18whxZmkiIiIlMAg1IDk5GbGxsejTp0+TncNcI8RiaSIiIkUwCDVg+vTpSEtLw/79+5vsHJxZmoiISFkMQgpSs0aIiIhIUQxCCuISG0RERMpiEFKQmjVCREREimIQUhBrhIiIiJTFIKQg1ggREREpi0FIQRr2CBERESmKQUhBrBEiIiJSFoOQgjizNBERkbIYhBTEGiEiIiJlMQgpyLzEBmuEiIiIFMEgpCC1aUJF1ggREREpgkFIQeprV589QkRERMpgEFKQqUfIyBohIiIiRTAIKYg1QkRERMpiEFKQ+a4x1ggREREpgkFIQWr2CBERESmKQUhBpqEx1ggREREpg0FIQewRIiIiUhaDkIK4xAYREZGyGIQUpObq80RERIpiEFKQhkGIiIhIUQxCCjJNqMgaISIiImUwCCnItMQGe4SIiIiUwSCkIPOiqwxCREREimAQUhCX2CAiIlIWg5CCeNcYERGRslpEEBo3bhz8/f0xfvx4pZtiQS2xR4iIiEhJLSIIvfjii/j888+VbkYdavW1JTYYhIiIiBTRIoJQUlISvL29lW5GHawRIiIiUpbiQWjnzp0YPXo0IiIiIEkS1q1bV2efZcuWoW3btnB3d0d8fDx27drl+IY2AS6xQUREpCzFg1BZWRl69OiBpUuX1vv86tWrMXPmTMydOxeHDh3CwIEDMXLkSGRmZpr3iY+PR1xcXJ1Hdna2o95Go7BGiIiISFkapRswcuRIjBw5ssHnFy9ejKeeegpPP/00AGDJkiXYtGkTli9fjoULFwIAUlJS7NYevV4PvV5v/l6n09nt2DfSsEaIiIhIUbfdI6TT6bBu3TqcOHHCHu2xUFVVhZSUFAwfPtxi+/Dhw7F37167nw8AFi5cCF9fX/MjMjKySc4DcIkNIiIipdkchCZMmGAexqqoqEBCQgImTJiA7t2747vvvrNr4woKCmAwGBAaGmqxPTQ0FLm5uVYfZ8SIEXj44YexceNGtG7dGvv3729w3zlz5qC4uNj8yMrKanT7b4WLrhIRESnL5qGxnTt3Yu7cuQCAtWvXQpZlFBUV4bPPPsOCBQvw0EMP2b2R0rVaGhNZlutsu5lNmzZZva+bmxvc3Nys3v92qFgjREREpCibe4SKi4sREBAAAPjxxx/x0EMPQavV4v7778eZM2fs2rigoCCo1eo6vT/5+fl1eonuRKwRIiIiUpbNQSgyMhI///wzysrK8OOPP5rrd65evQp3d3e7Ns7V1RXx8fHYvHmzxfbNmzcjMTHRrudSgprzCBERESnK5qGxmTNnYtKkSfDy8kJ0dDSGDBkCQAyZdevWzeYGlJaW4uzZs+bv09PTkZqaioCAAERFRWHWrFl4/PHHkZCQgH79+mHFihXIzMzEtGnTbD6XLZKTk5GcnAyDwdBk52CNEBERkbIkWZZt/hQ+cOAAsrKycO+998LLywsAsGHDBvj5+aF///42HWv79u1ISkqqs33KlClYuXIlADGh4jvvvIOcnBzExcXhvffew6BBg2xtdqPodDr4+vqiuLgYPj4+dj121pVyDHxnG9xdVDj554anECAiIiLbWPv53aggdD2DwYCjR48iOjoa/v7+t3Mop9SUQSinuAL9Fv4EV7UKp//CIERERGQv1n5+21wjNHPmTHz88ccARAgaPHgwevfujcjISGzfvr3RDW6JamuEuMQGERGREmwOQt9++y169OgBAPj++++Rnp6OkydPmpfBIOuZltgwymJKACIiInIsm4NQQUEBwsLCAAAbN27Eww8/jI4dO+Kpp57C0aNH7d7A5kyjqr38LJgmIiJyPJuDUGhoKNLS0mAwGPDjjz/innvuAQCUl5dDrVbbvYFKSU5ORmxsLPr06dNk51CrayeF5C30REREjmdzEHryyScxYcIExMXFQZIk3HvvvQCAX3/9FZ07d7Z7A5Uyffp0pKWl3XQ5jttlun0eYI8QERGREmyeR2jevHmIi4tDVlYWHn74YfNyFGq1Gq+//rrdG9icqST2CBERESnJ5iAEAOPHj6+zbcqUKbfdmJbm+h4hLrNBRETkeDYPjQHAjh07MHr0aMTExKBDhw544IEHsGvXLnu3rdlTqSSYOoXYI0REROR4NgehL774Avfccw+0Wi1efPFFzJgxAx4eHhg2bBj+/e9/N0UbmzUus0FERKQcm4fG/vKXv+Cdd97Byy+/bN720ksvYfHixfjzn/+Mxx57zK4NbO5EnZDMSRWJiIgUYHOP0Pnz5zF69Og62x944AGkp6fbpVHOwBG3zwO1PULMQURERI5ncxCKjIzE1q1b62zfunUrIiMj7dIoZ+CI2+cBLrNBRESkJJuHxn7/+9/jxRdfRGpqKhITEyFJEnbv3o2VK1fi/fffb4o2NmsatciirBEiIiJyPJuD0HPPPYewsDC8++67+PrrrwEAXbp0werVqzFmzBi7N7C5M80lxLvGiIiIHK9R8wiNGzcO48aNs3dbWiTeNUZERKScRs0jRPajZhAiIiJSjFU9Qv7+/pCuWw7iZq5cuXJbDWppNGoOjRERESnFqiC0ZMmSJm6G80lOTkZycjIMBkOTnkctsUeIiIhIKZIsy/wEvgmdTgdfX18UFxfDx8fH7se/d/EOnMkvxZfP3I1+7QPtfnwiIqKWyNrPb9YIKYw1QkRERMphEFJYbY0QJ1QkIiJyNAYhhbFGiIiISDmNmkeI7IdDY0REjmMwGFBdXa10M8gOXFxcoFarb/s4DEIK06i4xAYRUVOTZRm5ubkoKipSuilkR35+fggLC7N6ip/6WBWEHnzwQasPuGbNmkY3piWqXXSVQYiIqKmYQlBISAi0Wu1tfXCS8mRZRnl5OfLz8wEA4eHhjT6WVUHI19fX4uRr166Fr68vEhISAAApKSkoKiqyKTCRYApCRs5iQETUJAwGgzkEBQZympLmwsPDAwCQn5+PkJCQRg+TWRWEPv30U/OfX3vtNUyYMAH/+Mc/zCc1GAx4/vnnm2SeHaU4bEJFU4+QgUGIiKgpmGqCtFqtwi0hezP9TKurqxsdhGy+a+yTTz7BK6+8YnFCtVqNWbNm4ZNPPmlUI5zR9OnTkZaWhv379zfpebjoKhGRY3A4rPmxx8/U5iBUU1ODEydO1Nl+4sQJGDkXjs1UrBEiIiJSjM1B6Mknn8Rvf/tbLFq0CLt378bu3buxaNEiPP3003jyySeboo3NmrlHiDVCRETUhNq0aWPT2qHbt2+HJEnN/k47m2+fX7RoEcLCwvDee+8hJycHgKjWnj17Nn7/+9/bvYHNnXkeIQN704iIyNKQIUPQs2dPuyx+vn//fnh6elq9f2JiInJycixumGqObA5CKpUKs2fPxuzZs6HT6QCgWRVJO5qGQ2NERNRIsizDYDBAo7n1x3lwcLBNx3Z1dUVYWFhjm3bHaNQSGzU1NdiyZQu+/PJLc6FSdnY2SktL7dq4lkDFYmkiIqrH1KlTsWPHDrz//vuQJAmSJGHlypWQJAmbNm1CQkIC3NzcsGvXLpw7dw5jxoxBaGgovLy80KdPH2zZssXieDcOjUmShI8++gjjxo2DVqtFhw4dsH79evPzNw6NrVy5En5+fti0aRO6dOkCLy8v3HfffebRIUDkgxdffBF+fn4IDAzEa6+9hilTpmDs2LFNealui81B6MKFC+jWrRvGjBmD6dOn4/LlywCAd955B6+88ordG9jcsUaIiMixZFlGeVWNIg/Zhn/r33//ffTr1w/PPPMMcnJykJOTg8jISADA7NmzsXDhQpw4cQLdu3dHaWkpRo0ahS1btuDQoUMYMWIERo8ejczMzJue46233sKECRNw5MgRjBo1CpMmTcKVK1ca3L+8vByLFi3Cv/71L+zcuROZmZkWn/1/+9vfsGrVKnz66afYs2cPdDod1q1bZ/V7VoLNQ2MvvfQSEhIScPjwYYuJqcaNG4enn37aro1rCdSmJTY4jxARkUNUVBsQ+6dNipw7bf4IaF2t++j19fWFq6srtFqteYjq5MmTAID58+fj3nvvNe8bGBiIHj16mL9fsGAB1q5di/Xr12PGjBkNnmPq1Kl49NFHAQB//etf8cEHH2Dfvn2477776t2/uroa//jHP9C+fXsAwIwZMzB//nzz8x988AHmzJmDcePGAQCWLl2KjRs3WvV+lWJzENq9ezf27NkDV1dXi+3R0dG4dOmS3RrWUrBGiIiIbGVa2cGkrKwMb731Fn744QdkZ2ejpqYGFRUVt+wR6t69u/nPnp6e8Pb2Ni9bUR+tVmsOQYC4Wcq0f3FxMfLy8tC3b1/z82q1GvHx8U49vY7NQchoNNY72/LFixfh7e1tl0a1JFx9nojIsTxc1EibP0Kxc9vDjXd/vfrqq9i0aRMWLVqEmJgYeHh4YPz48aiqqrrpcVxcXCy+lyTppqGlvv1vHO67cZJDW4YDlWBzELr33nuxZMkSrFixAoB4w6WlpXjzzTcxatQouzewuVOzRoiIyKEkSbJ6eEpprq6uVi31tGvXLkydOtU8JFVaWoqMjIwmbp0lX19fhIaGYt++fRg4cCAAsQTXoUOH0LNnT4e2xRY2/ya89957SEpKQmxsLCorK/HYY4/hzJkzCAoKwpdfftkUbVSEo9Ya4xIbRETUkDZt2uDXX39FRkYGvLy8GuytiYmJwZo1azB69GhIkoQ33nhDkeGoF154AQsXLkRMTAw6d+6MDz74AFevXnXq5U1svmssIiICqampeOWVV/C73/0OvXr1wttvv41Dhw4hJCSkKdqoCEetNcZFV4mIqCGmtT1jY2MRHBzcYM3Pe++9B39/fyQmJmL06NEYMWIEevfu7eDWioXZH330UTzxxBPo168fvLy8MGLECLi7uzu8LdaSZGcfvFOYTqeDr68viouLm2TiyHf/dwof/HQWU/pF460xcXY/PhFRS1dZWYn09HS0bdvWqT+QmyOj0YguXbpgwoQJ+POf/2z349/sZ2vt57fNPUJqtRpJSUl15hnIy8uzWJGerMMaISIiai4uXLiADz/8EKdPn8bRo0fx3HPPIT09HY899pjSTWuQzUFIlmXo9XokJCTg2LFjdZ4j27BGiIiImguVSoWVK1eiT58+6N+/P44ePYotW7agS5cuSjetQTYXS0uShO+++w5vv/02EhMT8a9//QtjxowxP0e2MU2oyBohIiK600VGRmLPnj1KN8MmjeoRUqvVeP/997Fo0SJMnDgRCxYsYG9QI6mv/QTYI0REROR4tzWRwrPPPouOHTti/Pjx2LFjh73a1KKYl9hgkCQiInI4m3uEoqOjLYqihwwZgl9++QUXL160a8NaCi6xQUREpBybe4TS09PrbIuJicGhQ4eQl5dnl0a1JOa7xlgjRERE5HA29wg1xN3dHdHR0fY6XIuhZo8QERGRYqzqEQoICMDp06cRFBQEf3//m94dduP8QnRzpiBkZI0QERGRw1kVhN577z3zyvJLlixpyva0OKwRIiKiptKmTRvMnDkTM2fOBCCmuVm7di3Gjh1b7/4ZGRlo27btbS+Uaq/jOIJVQWjKlCn1/plun7lGSIHF8YiIqGXJycmBv7+/XY85depUFBUVYd26deZtkZGRyMnJQVBQkF3P1RSsCkI6nc7qAzbFelxKcNTq82rOLE1ERA4SFhbmkPOo1WqHnet2WVUs7efnB39//5s+TPs0F45afZ5LbBARUX3++c9/olWrVjDeMGLwwAMPYMqUKTh37hzGjBmD0NBQeHl5oU+fPtiyZctNjylJkkXPzb59+9CrVy+4u7sjISEBhw4dstjfYDDgqaeeQtu2beHh4YFOnTrh/fffNz8/b948fPbZZ/jPf/4DSZIgSRK2b9+OjIwMSJKE1NRU8747duxA37594ebmhvDwcLz++uuoqakxPz9kyBC8+OKLmD17NgICAhAWFoZ58+bZfuFsZFWP0LZt25q6HS2WeYkNBiEiIseQZaC6XJlzu2gBK5ejevjhh/Hiiy9i27ZtGDZsGADg6tWr2LRpE77//nuUlpZi1KhRWLBgAdzd3fHZZ59h9OjROHXqFKKiom55/LKyMvzmN7/B0KFD8cUXXyA9PR0vvfSSxT5GoxGtW7fG119/jaCgIOzduxfPPvsswsPDMWHCBLzyyis4ceIEdDodPv30UwDiBqvs7GyL41y6dAmjRo3C1KlT8fnnn+PkyZN45pln4O7ubhF2PvvsM8yaNQu//vorfv75Z0ydOhX9+/fHvffea9U1awyrgtDgwYObrAEtHZfYICJysOpy4K8Rypz7D9mAq6dVuwYEBOC+++7Dv//9b3MQ+uabbxAQEIBhw4ZBrVajR48e5v0XLFiAtWvXYv369ZgxY8Ytj79q1SoYDAZ88skn0Gq16Nq1Ky5evIjnnnvOvI+Liwveeust8/dt27bF3r178fXXX2PChAnw8vKCh4cH9Hr9TYfCli1bhsjISCxduhSSJKFz587Izs7Ga6+9hj/96U9QXesU6N69O958800AQIcOHbB06VJs3bq1SYNQo+cRKi8vx8mTJ3HkyBGLB9nGvMQGgxAREd1g0qRJ+O6776DX6wGI8PLII49ArVajrKwMs2fPRmxsLPz8/ODl5YWTJ08iMzPTqmOfOHECPXr0gFarNW/r169fnf3+8Y9/ICEhAcHBwfDy8sKHH35o9TmuP1e/fv0spt/p378/SktLLVam6N69u8XrwsPDkZ+fb9O5bGXzzNKXL1/Gk08+if/+97/1Pt/UxcXNDWuEiIgczEUremaUOrcNRo8eDaPRiA0bNqBPnz7YtWsXFi9eDAB49dVXsWnTJixatAgxMTHw8PDA+PHjUVVVZdWxrVks/euvv8bLL7+Md999F/369YO3tzf+7//+D7/++qtN70OW5TpzEJrOf/12FxcXi30kSapTI2VvNgehmTNn4urVq/jll1+QlJSEtWvXIi8vDwsWLMC7777bFG1s1jizNBGRg0mS1cNTSvPw8MCDDz6IVatW4ezZs+jYsSPi4+MBALt27cLUqVMxbtw4AEBpaSkyMjKsPnZsbCz+9a9/oaKiAh4eHgCAX375xWKfXbt2ITExEc8//7x527lz5yz2cXV1vWUnSGxsLL777juLQLR37154e3ujVatWVre5Kdg8NPbTTz/hvffeQ58+faBSqRAdHY3JkyfjnXfewcKFC5uijc0ab58nIqKbmTRpEjZs2IBPPvkEkydPNm+PiYnBmjVrkJqaisOHD+Oxxx6zqffkscceg0qlwlNPPYW0tDRs3LgRixYtstgnJiYGBw4cwKZNm3D69Gm88cYbde6mbtOmDY4cOYJTp06hoKAA1dXVdc71/PPPIysrCy+88AJOnjyJ//znP3jzzTcxa9Ysc32QUmw+e1lZGUJCQgCIQq7Lly8DALp164aDBw/at3UtAIMQERHdzNChQxEQEIBTp07hscceM29/77334O/vj8TERIwePRojRoxA7969rT6ul5cXvv/+e6SlpaFXr16YO3cu/va3v1nsM23aNDz44IOYOHEi7rrrLhQWFlr0DgHAM888g06dOpnriPbs2VPnXK1atcLGjRuxb98+9OjRA9OmTcNTTz2FP/7xjzZeDfuTZGsGCa/Tp08fLFiwACNGjMDYsWPh4+ODhQsX4u9//zu+/fbbOl1mdzqdTgdfX18UFxc3yWSRRy4W4YGle9DKzwN7Xh9q9+MTEbV0lZWVSE9PR9u2beHu7q50c8iObvaztfbzu1E1Qjk5OQCAN998EyNGjMCqVavg6uqKlStX2nq4Fq+2RohLbBARETmazUFo0qRJ5j/36tULGRkZOHnyJKKiou6INUWcDYfGiIiIlGNzELqRVqu1aUySLPH2eSIiIuXYHIRkWca3336Lbdu2IT8/v06F+po1a+zWuJaAS2wQEREpx+Yg9NJLL2HFihVISkpCaGhonQmSyDbsESIicgwb7w2iO4A9fqY2B6EvvvgCa9aswahRo2775ASoOKEiEVGTMs1WXF5ebp44kJqH8nKxeO6NM1LbwuYg5Ovri3bt2jX6hGTJ1CNkZBAiImoSarUafn5+5jWrtFotRzPucLIso7y8HPn5+fDz84NarW70sWwOQvPmzcNbb72FTz75hMnaDq5fYqO+tViIiOj2mVZGb+oFPMmx/Pz8brrqvTVsDkIPP/wwvvzyS4SEhKBNmzZ1uqM4u7RtTD1CAGCUATVzEBGR3UmShPDwcISEhNS7BATdeVxcXG6rJ8jE5iA0depUpKSkYPLkySyWtgPVdUGoxmiEWnX7P1QiIqqfWq22y4cnNR82B6ENGzZg06ZNGDBgQFO0x2kkJycjOTn5livq3i6LHiFOLk1ERORQNi+6GhkZ2SRrbjmb6dOnIy0trc4qu/amvqFHiIiIiBzH5iD07rvvYvbs2cjIyGiC5rQ8GlXtj4BzCRERETmWzUNjkydPRnl5Odq3bw+tVlunWPrKlSt2a1xLcF2HEIMQERGRg9kchJYsWdIEzWi5JEmCWiXBYJQZhIiIiBzMpiBUXV2N7du344033uCkinZkCkKcXZqIiMixbKoRcnFxwdq1a5uqLS0W1xsjIiJShs3F0uPGjcO6deuaoCktl1piECIiIlKCzTVCMTEx+POf/4y9e/ciPj4enp6eFs+/+OKLdmtcS6FWc+FVIiIiJdgchD766CP4+fkhJSUFKSkpFs9JksQg1AgcGiMiIlKGzUEoPT29KdrRoqkkU48QJ1QkIiJyJJtrhK4ny2LFdLo9ph4h5iAiIiLHalQQ+vzzz9GtWzd4eHjAw8MD3bt3x7/+9S97t63FqK0RYhIiIiJyJJuHxhYvXow33ngDM2bMQP/+/SHLMvbs2YNp06ahoKAAL7/8clO0s1kzLbPBGiEiIiLHsjkIffDBB1i+fDmeeOIJ87YxY8aga9eumDdvHoNQI5iW2eBdY0RERI5l89BYTk4OEhMT62xPTExETk6OXRrV0ph6hIwMQkRERA5lcxCKiYnB119/XWf76tWr0aFDB7s0qqVRqziPEBERkRJsHhp76623MHHiROzcuRP9+/eHJEnYvXs3tm7dWm9AolvTqDmPEBERkRJs7hF66KGH8OuvvyIoKAjr1q3DmjVrEBQUhH379mHcuHFN0cZmr3YeIQYhIiIiR7K5RwgA4uPj8cUXX9i7LS0WZ5YmIiJSxm1NqEj2oWYQIiIiUoTVPUIqlQrStSGchkiShJqamttuVEuj4YSKREREirA6CK1du7bB5/bu3YsPPviAy200kqlGiD1CREREjmV1EBozZkydbSdPnsScOXPw/fffY9KkSfjzn/9s18a1FKwRIiIiUkajaoSys7PxzDPPoHv37qipqUFqaio+++wzREVF2bt9LYKaS2wQEREpwqYgVFxcjNdeew0xMTE4fvw4tm7diu+//x5xcXFN1b4WQcMJFYmIiBRh9dDYO++8g7/97W8ICwvDl19+We9QGTUO7xojIiJShtVB6PXXX4eHhwdiYmLw2Wef4bPPPqt3vzVr1titcS0FgxAREZEyrA5CTzzxxC1vn3dGWVlZePzxx5Gfnw+NRoM33ngDDz/8sNLNssBiaSIiImVYHYRWrlzZhM1oOhqNBkuWLEHPnj2Rn5+P3r17Y9SoUfD09FS6aWZcdJWIiEgZjVpi404SHh6O8PBwAEBISAgCAgJw5coVpwxCRs7DRERE5FCKL7Gxc+dOjB49GhEREZAkCevWrauzz7Jly9C2bVu4u7sjPj4eu3btatS5Dhw4AKPRiMjIyNtstX2Ze4QMDEJERESOpHgQKisrQ48ePbB06dJ6n1+9ejVmzpyJuXPn4tChQxg4cCBGjhyJzMxM8z7x8fGIi4ur88jOzjbvU1hYiCeeeAIrVqxo8vdkq9oaIS6xQURE5EiKD42NHDkSI0eObPD5xYsX46mnnsLTTz8NAFiyZAk2bdqE5cuXY+HChQCAlJSUm55Dr9dj3LhxmDNnDhITE2+5r16vN3+v0+msfSuNpmKNEBERkSIU7xG6maqqKqSkpGD48OEW24cPH469e/dadQxZljF16lQMHToUjz/++C33X7hwIXx9fc0PRwyjmXuEWCNERETkUE4dhAoKCmAwGBAaGmqxPTQ0FLm5uVYdY8+ePVi9ejXWrVuHnj17omfPnjh69GiD+8+ZMwfFxcXmR1ZW1m29B2uYl9hgjRAREZFDKT40Zo0b5y+SZdnqOY0GDBgAow21N25ubnBzc7OpfbeLS2wQEREpw6l7hIKCgqBWq+v0/uTn59fpJbqTqTihIhERkSKcOgi5uroiPj4emzdvtti+efPmWxY930lYI0RERKQMxYfGSktLcfbsWfP36enpSE1NRUBAAKKiojBr1iw8/vjjSEhIQL9+/bBixQpkZmZi2rRpCrbavsxrjbFGiIiIyKEUD0IHDhxAUlKS+ftZs2YBAKZMmYKVK1di4sSJKCwsxPz585GTk4O4uDhs3LgR0dHRTdqu5ORkJCcnw2AwNOl5ANYIERERKUWSZY7H3IxOp4Ovry+Ki4vh4+PTJOf4aNd5LNhwAmN7RmDJI72a5BxEREQtibWf305dI9RSmIfGGEmJiIgcikHICXCJDSIiImUwCDkB04SKXHSViIjIsRiEGpCcnIzY2Fj06dOnyc+lvvZT4DxCREREjsUg1IDp06cjLS0N+/fvb/JzmZfYYN06ERGRQzEIOQENZ5YmIiJSBIOQEzDdNcYaISIiIsdiEHICavYIERERKYJByAmoudYYERGRIhiEnACX2CAiIlIGg1ADHHv7PCdUJCIiUgKDUAMce/u8KQg1+amIiIjoOgxCToA9QkRERMpgEHICGtMSG6wRIiIicigGISfA2+eJiIiUwSDkBBiEiIiIlMEg5AS4xAYREZEyGIScgJrzCBERESmCQagByswjxCBERETkSAxCDVBmHiEGISIiIkdiEHICrBEiIiJSBoOQE6itEeKEikRERI7EIOQEODRGRESkDAYhJ8AgREREpAwGISdgWmLDKANGhiEiIiKHYRByAqYeIQAwyAxCREREjsIg5AQsghB7hIiIiByGQagBjpxQUcMgREREpAgGoQYoMaEiwGU2iIiIHIlByAmoJfYIERERKYFByAmoVBJMWYiTKhIRETkOg5CTMNUJMQcRERE5DoOQk+AyG0RERI7HIOQkTJMqskaIiIjIcRiEnITpxjEGISIiIsdhEHISGjV7hIiIiByNQchJ1NYIMQgRERE5CoOQk9BwBXoiIiKHYxBqgCOX2AAAlcQgRERE5GgMQg1w5BIbAKBRc2iMiIjI0RiEnISaQ2NEREQOxyDkJDScUJGIiMjhGISchKlGiDmIiIjIcRiEnERtjRCTEBERkaMwCDkJNZfYICIicjgGISdxrUOId40RERE5EIOQkzAtumpkECIiInIYBiEnwSU2iIiIHI9ByEmYiqVZI0REROQ4DEJOwnT7PHuEiIiIHIdByEmYJlRkjRAREZHjMAg5CdYIEREROR6DUAMcvfp8bY0QJ1QkIiJyFAahBjh69XnWCBERETkeg5CT0HD1eSIiIodjEHISXGKDiIjI8RiEnISGxdJEREQOxyDkJFQcGiMiInI4BiEnwRohIiIix2MQchJqBiEiIiKHYxByEqwRIiIicjwGISdh6hEyygxCREREjsIg5CTMS2wYGISIiIgchUHISdQWS3OJDSIiIkdhEHISpgkVWSNERETkOAxCTkJ97SfBGiEiIiLHYRByEuYeIdYIEREROQyDkJPghIpERESOxyDkJNScR4iIiMjhGISchHlmadYIEREROQyDkJMwByHWCBERETkMg5CT4BIbREREjscg1IDk5GTExsaiT58+DjmfihMqEhERORyDUAOmT5+OtLQ07N+/3yHnM981xg4hIiIih2EQchJq9ggRERE5HIOQk/BwUQMAjl3SITWrSNnGEBERtRAMQk5iUMdgxIb7oLiiGo+s+Bmbjucq3SQiIqJmj0HISbi7qPH1tH4Y0ikYldVGTPsiBZ/sTle6WURERM0ag5AT8XLT4KMnEjDprijIMjD/hzTMW38cNQbWDRERETUFBiEno1GrsGBsHOaM7AwAWLk3A499+CtyiysVbhkREVHzwyDkhCRJwu8Gt8fySb3h5abBvowrGPX3Xdh+Kl/pphERETUrDEJObGS3cHz/wgDEhvvgSlkVpn66H+/8eNIhQ2X70q/gwWV7MPCdn3Ao82qTn4+IiEgJkixzlc+b0el08PX1RXFxMXx8fBRpQ2W1AQs2pOGLXzIBABG+7hjQIQj9Y8QjyMvNbufKLCzHwv+ewH+P1d615qZRYcnEnhjZLdxu5yEiImpK1n5+MwjdgjMEIZMfjmRjzpqjKKmssdjeMdQL7YO9EBWgRVSgFlEBWvhrXeGiVkGjluCiEh1/l0srkVNcidxi8bWi2gAPFzU8XNRwd1HhcokeX+7LQpXBCJUETOwThdziCmw7dRmSBLx+X2c8O6gdJEkyn/tKWRWullehXZCnxXYiIiIlMQjZiTMFIQAor6rB/oyr2HO2ALvPFCAtR2f3cwzsEIS593dB5zAf1BiMmP9DGj7/+QIA4NG+URjcMQi/nL+CX84X4mRuCQCgTaAWo3tEYHSPCHQM9bbpfAajjE3Hc7H7bAF6tvbDiK5h8NW62P19ERFRy8EgZCfOFoRuVFiqR2pWETKvlONCYTmyrpTjwpVylFRWo8Ygo9pgRI1RhlGWEezthnAfD4T6uiPc1x1aVzUqq42orDagstoAg1HGqG7hGNIp2KJ3R5ZlfLInAws2pKG+3xZXtQpV19UtdQ7zRrdWvvB2d4GXuwbebhr4aV0QE+KFjqHe8HTTABCh7psDF/Hx7nRkXik3v95FLWFgh2D8pns4BsQEwd9T9G4RERFZi0HITpw9CDnS/47nYs6aowj0csXd7QJxd7tA9G0bAA8XNbacyMP3h3Ow43Q+qm+xcmxUgBYxIV44mHkVReXVAAB/rQtGdgvHwQtXzb1M1/O6FqYCPF3ROcwbvaL80SvKDx1CvM3rtBEREZkwCNkJg5BtisursfVkHnKKK1FSWYNSfTVKK2tQUFqFU3kluFyit9g/OlCLpwe0xfj4SHi4ivXWzuSV4PsjOdhwJBvnC8rq7YUy8XRVI66VL7pG+CI2wgex4T6ICfGCq4Y9SERELRmDkJ0wCNlXYakep/JKcCavFOG+7hjWJfSmPToGowxdRTWullehqKIa+To9jl4qwqHMIhzOKkJZlaHOa1zUEiIDtIgOEIXjkQFaxLXyxV1tA1jQTUTUQjAI2QmDkPMyGGWcyS/B0YvFSMvRIS1bh7QcXZ276kymJrbBG7+J5VAaEVELYO3nt8aBbSKyK7VKQucwH3QOq/0Fl2UZl4oqcKGwHJlXxOP85VJsOp6HlXszkF9SicUTesLdRa1gy4mIyFkwCFGzIkkSWvtr0dpfi/7Xbf/+cDZ+//VhbDyai4LSffjw8QTzLfpn80uxOS0PhzKvolRfgzJ9DcqqDCjX18Df0xXdW/sirpUvurfyQ8cwL7hpGKKIiJoLDo3dAofGmo+95wrwu89TUKKvQYcQLwztEoLNaXk4f7nM6mO4qCW0D/ZCpzBv8Qj1RmSAFlpXNbSuGmhd1XDTqJqkFqmwVI/sokrERvhweI+I6BZYI2QnDELNy4kcHaZ+ug95utq711zUEvq1D8LgjsEI8nKFp6sGWjcRbHKKKnD0UrH5Ybrd/2Zc1BJ6RvohqXMIkjqFoHOYtzkYybKMovJq5BRXwijLUKsk88NVrYKnmwaebmq4Xps36XReKbacyMPWE3k4lFUEWQZa+3vgiX7RmJgQZTHxZG5xJXaevozDF4sAABqVBLVKzC6uUUlw1ajgolbBTaOCu4saPSP90DXCp0kLyAtK9fj85wuoqjGiTxt/JEQHcLJMInIIBiE7YRBqfi4VVeCNdcfg5abB8K6hGNwxGN7ut/5wNtUfncotwcncEpy69sgvqUR5lQH6mvoXww3zcUeHUC/kFFciu6gC5fXc6XYjjUqCm0ZV5644Dxc1KqoN5j+P7dUKPu4a7Dh9ud75l24lxNsNQzoFI6lTCDqEeiFPp7+2DEsF8kv08HbXINzXA+G+7gjzdUeQl5vF0i0uagmaeia7LNXX4KNd5/HhzvMW70GSgE6h3ujbNgD3dAlFv/aBdSbLzC+pxLpDl/Dr+SvoFeWHiX2iEOzduPX0jEYZeSWVqKyu/dlIEPVlptB5/VCn0SijtKpGTP1QWYNqgxFVBiOqaoyoNhgR6uOODiFevPuQ6A7AIGQnDEJkLYNRRnmVmDNp99kCbD+Zjz3nCiw+hE0CPV3hqlGhxijDYJRRc+0D98Z9XTUq9G8fiGFdQjGsSwj8ta74T+olrNx7ASduWF5FkoAerf3Qr30g3DVqGIxiVvEao5hh3PRhXlVjxNXyauzPuGJVKLuVEG83dA73QZcwb3QO90ZxeTWWbjuLgtIqAED31r7oHOaN/RlXkV5gOQzp6+GC4bGhGNU9HJVVBnybchHbT1+GwVj7z5KLWsKIrmGYfHc0ekX54VRuCY5eKsaxS8U4mVsCjUqCj7sLfD1c4OMhAq2Yab0MWVcqLGY9r4/oiVOjxiijVF9z03mrAKCVnweGdQnB0M4huLtdIMr0NTh3uQznLpfiXH4p3F3UGB/fGm2CPOt9/ancEqRcuIo8XSXySyqRr9OjoFQPL3cNWvl5XKtx80ArPw+08vdAmI97nbApy6KtusoaBGhdzXNwmVRWG5CWo8PhrCKczClBib4a5VUGlFcZUFElZpF31ajgqhE9hG4aNdoFeyKulS+6tfJFdIAWKpUEg1HGxavlOF9Qhqwr5WgX5IV+7QMbNTQryzJ+OpmPpdvO4uLVCvi4a+DrIX5u/lpX9Ir2x6AOQYgOrP+63YkMRhnFFdXmXlgOaTsWg5CdMAjR7aisNuDX9CvI01Uiwld8sIX7ujd415rBKKOs6lrBtt6ACD93aF3r3tMgyzL2pV/B1wcuQpKAQR2DMfDaciTW0tcYsD/9Kradyse2U/m4rNObl18J83FHsLcbSiprRA+RrgK5xZUoLKu6ZVAwiQ7U4tURnXB/t3BzD8rlEj0OZFzBzjMF+N/xXBSWVdX72t5RfkjqFIKfTuXjUGaRebskwerzm2hUEjxuuN41Rtncs1YfV7UKXu4auF0bTnRRS3BRq5BeUGbR86eSAGM97ZEkIKlTCJ7oF41BHYJRWFaF9YezsebgRRzPtm19QJUkehUj/DxglGVcLtXjconeIjT7uGsQ6iN67a6WV+FkTglq6muYlbzdNQj2dsPFeoJkiLcbxvSMwNherRAb7oNcXSUOZRYhNasIRy8Ww8dDg4EdgjG4YzAiA7QARH3eok2ncPC6n2VDogO1GNghCH3aBCAqQNz4EOTlajG8rKusQWGpHtUGGWE+7vDx0Nill84U1j7Zk46c4kr4XQtpvloXBHm5YVS3cPSM9LvpMYrLq7HjzGVsO5mP7afycfW64XRXtQruLiqE+LiLec6uLZLdPtgLCW386/27To3HIGQnDEJElgzG2jXsqmqMyCgsw8mcEpzM1eFkTgl0ldWYdFcUHukbddM14gxGEeb+eywH/zueB5UEjOnVCg/1bo2YEC/zfscuFWPVrxew7lA2KqoN8Ne6IK6VuJMvNlwUjhdXVENXUY3iimoYZBlRAVpEB3giOlCLcN+6PSoAUGMwoqzKgDJ9DUr1NVBf61nydtc0GFQrqgzYe64AW07k46eTecjT6SFJopeofbAX2gV7Ir2gDNtPXTa/JtzXHfklenMvl4tawt3tAhEZoEWItxtCvN0R5OWKUn0NLl6twMWr5de+ViCnuOKmS9a4qKUGnw/yckX31n6Ia+WLQE/Ra6S99lBJEqpqaof9yqoMOJ1bgiOXinEiR4eq68Keq0aFtoGeaOXvgZQLV1FcUfvB7u2uaXDeLkAsxhzo5YaUC1cBAO4uKkxJbIPfdItAiV78zHQVImzvOVeAgxeu1hvg3F1UCPf1QEWVAYVl+jrvWeuqRrivCIvBXm4I9HJFoJeb+X1fLtEjv0SPPF0lLpfoEeDpivhof/SO8kfnMLFI9IajOVi+/dwth5j7tgnAM4PaYVjnEKhUEoxGGcezddh55jJ2nL6MlAtXLXo0reWqViGhjT8GdQzGoA7BcNWocDa/1NzTeKW8CgNignB/93CE+3rUef2logqkZhbhSnmV+e+CrqIaLmoVOoR6ISbECx1CvC1C5Y1qDEb8mn4FO05fhruLGu2DPdE2yBPtgr3g5aZBmb4GubpK5BVXIr9Ej1Afd/SO9qv3Ttri8mr8fL4AFwrLUVRRjaLyahSVV6Gi2oC4CF8ktg9E72j/Jp3KhEHIThiEiJxDmV7U7oT6uDlFjY6pZizQ063O0FR6QRk+/zkD3x64iBK9CAo9I/3wUO9W+E33CKt77oxGGQWlelwsqkB2UQU0KgnB5vDkBncXFUr0NcgrrkSeTo9cXSW0rmr0iPRDhK97o65TtcGIM3mluFJWhehALVr5eUB1bUinqsaIHacvY92hS9h8Ig9VNcZr83l5o2ekH3q09kOerhK7zhQgJfOqRfh7tG8UZiTFIMTHvcFzl+pr8Mu5Quw8cxkncnS4eLUCubrKensBvdw00Kglq25guBmtqxpebhrkX1v+x9NVjcl3R2Nwp2DoKmpQXFGFq+XVOJVbgh+OZJtDWLsgT3Rt5Yu9Zwvq9Gya7kod2ikEvaL8UWM0mhe4Lq8yIKf4urnOCstx9FIxLhVVWNVeSQL6tAnAAz0i4OWmwc/nCvHz+UKLhatvxl/rgg4h3ugQKhbB7hDqhaoaI348lotNx3MterCud3194o3b724XgAEdgtEp1Bv7M65g55nLOJxVVG9v6fVcNSokRPsjsX0gJiRE3vR3ozEYhOyEQYiIGsv0wd4myNOil6s50FVW40JBOWJCvOoEQQAoqazG3nOFyCwsx31xYeZhMltV1RiRU1yB7KJKeLqpzT09pp6EimvBwnQzQmFZFQpL9de+VqGiyoAgb1eEeLsj1Ef0vmUXVSIl8yoOXbhqDqoBnq54MrENnujXpsE7G/N0lfh0TwZW/XrBoifM01V97c7TIAzpFGLze5VlGekFZdh5+jJ2ninAz+cKoZKA9iFeaB8senPcNCpsOp6L/RlX6z2GWiWha4QPwn3dzTVzvh4uKK2qwbn8UpzJL0XmlfJbDi37a11wz7Wlj85fLsP5glJzvR8gAmiojxuCvNxw7nIZCkr1DR4rJsQL3Vr5wk/rAj8PV/hpXaBSSUjJuIK95wrN4RMAdrw6xO71YQxC15SUlGDo0KGorq6GwWDAiy++iGeeecbq1zMIERE1T6ZlenKKKnF3u8B6A119SvU1WHPwIgpLq9CvfSB6R/nbdaFno1GGJKHeHr1LRRXYcCQbG4/mQpZl3NUuEP3aBSKhjf8t736trDbgbH4pzuSX4HReKc7kia81BiOSOodgVLdw3NU2oM5QcnF5Na6UVyHY2w1ebrV1TLIs42RuCXafKcDOM5dx/nIZekb6YVDHIAzsEIwIv7pDeNe/9tzlMvx8rgBpOTr8dVw3u/f0MghdYzAYoNfrodVqUV5ejri4OOzfvx+BgYFWvZ5BiIiI6M5j7ee3/SKsk1Kr1dBqRTdlZWUlDAYDmnn2IyIiIispHoR27tyJ0aNHIyIiApIkYd26dXX2WbZsGdq2bQt3d3fEx8dj165dNp2jqKgIPXr0QOvWrTF79mwEBQXZqfVERER0J1M8CJWVlaFHjx5YunRpvc+vXr0aM2fOxNy5c3Ho0CEMHDgQI0eORGZmpnmf+Ph4xMXF1XlkZ2cDAPz8/HD48GGkp6fj3//+N/Ly8hzy3oiIiMi5OVWNkCRJWLt2LcaOHWvedtddd6F3795Yvny5eVuXLl0wduxYLFy40OZzPPfccxg6dCgefvjhep/X6/XQ62sr2XU6HSIjI1kjREREdAdpFjVCVVVVSElJwfDhwy22Dx8+HHv37rXqGHl5edDpxEyuOp0OO3fuRKdOnRrcf+HChfD19TU/IiMjG/8GiIiIyKk5dRAqKCiAwWBAaGioxfbQ0FDk5uZadYyLFy9i0KBB6NGjBwYMGIAZM2age/fuDe4/Z84cFBcXmx9ZWVm39R6IiIjIed0RC5vcOLeALMtWzzcQHx+P1NRUq8/l5uYGN7fGrXRNREREdxan7hEKCgqCWq2u0/uTn59fp5eIiIiIyFZOHYRcXV0RHx+PzZs3W2zfvHkzEhMTFWoVERERNReKD42Vlpbi7Nmz5u/T09ORmpqKgIAAREVFYdasWXj88ceRkJCAfv36YcWKFcjMzMS0adMUbDURERE1B4oHoQMHDiApKcn8/axZswAAU6ZMwcqVKzFx4kQUFhZi/vz5yMnJQVxcHDZu3Ijo6OgmbVdycjKSk5NhMNRdbZeIiIiaB6eaR8gZca0xIiKiO0+zmEeIiIiIqCkxCBEREVGLpXiNkLMzjRyaZqcmIiIi52f63L5VBRCD0C2UlJQAAJfaICIiugOVlJTA19e3wedZLH0LRqMR2dnZ8Pb2tno2a2uYFnPNyspiEXYT47V2HF5rx+G1dixeb8ex17WWZRklJSWIiIiAStVwJRB7hG5BpVKhdevWTXZ8Hx8f/qVyEF5rx+G1dhxea8fi9XYce1zrm/UEmbBYmoiIiFosBiEiIiJqsRiEFOLm5oY333yTK907AK+14/BaOw6vtWPxejuOo681i6WJiIioxWKPEBEREbVYDEJERETUYjEIERERUYvFIEREREQtFoOQQpYtW4a2bdvC3d0d8fHx2LVrl9JNuqMtXLgQffr0gbe3N0JCQjB27FicOnXKYh9ZljFv3jxERETAw8MDQ4YMwfHjxxVqcfOxcOFCSJKEmTNnmrfxWtvXpUuXMHnyZAQGBkKr1aJnz55ISUkxP8/rbR81NTX44x//iLZt28LDwwPt2rXD/PnzYTQazfvwWjfOzp07MXr0aERERECSJKxbt87ieWuuq16vxwsvvICgoCB4enrigQcewMWLF2+/cTI53FdffSW7uLjIH374oZyWlia/9NJLsqenp3zhwgWlm3bHGjFihPzpp5/Kx44dk1NTU+X7779fjoqKkktLS837vP3227K3t7f83XffyUePHpUnTpwoh4eHyzqdTsGW39n27dsnt2nTRu7evbv80ksvmbfzWtvPlStX5OjoaHnq1Knyr7/+Kqenp8tbtmyRz549a96H19s+FixYIAcGBso//PCDnJ6eLn/zzTeyl5eXvGTJEvM+vNaNs3HjRnnu3Lnyd999JwOQ165da/G8Ndd12rRpcqtWreTNmzfLBw8elJOSkuQePXrINTU1t9U2BiEF9O3bV542bZrFts6dO8uvv/66Qi1qfvLz82UA8o4dO2RZlmWj0SiHhYXJb7/9tnmfyspK2dfXV/7HP/6hVDPvaCUlJXKHDh3kzZs3y4MHDzYHIV5r+3rttdfkAQMGNPg8r7f93H///fJvf/tbi20PPvigPHnyZFmWea3t5cYgZM11LSoqkl1cXOSvvvrKvM+lS5dklUol//jjj7fVHg6NOVhVVRVSUlIwfPhwi+3Dhw/H3r17FWpV81NcXAwACAgIAACkp6cjNzfX4rq7ublh8ODBvO6NNH36dNx///245557LLbzWtvX+vXrkZCQgIcffhghISHo1asXPvzwQ/PzvN72M2DAAGzduhWnT58GABw+fBi7d+/GqFGjAPBaNxVrrmtKSgqqq6st9omIiEBcXNxtX3suuupgBQUFMBgMCA0NtdgeGhqK3NxchVrVvMiyjFmzZmHAgAGIi4sDAPO1re+6X7hwweFtvNN99dVXOHjwIPbv31/nOV5r+zp//jyWL1+OWbNm4Q9/+AP27duHF198EW5ubnjiiSd4ve3otddeQ3FxMTp37gy1Wg2DwYC//OUvePTRRwHwd7upWHNdc3Nz4erqCn9//zr73O5nJ4OQQiRJsvheluU626hxZsyYgSNHjmD37t11nuN1v31ZWVl46aWX8L///Q/u7u4N7sdrbR9GoxEJCQn461//CgDo1asXjh8/juXLl+OJJ54w78frfftWr16NL774Av/+97/RtWtXpKamYubMmYiIiMCUKVPM+/FaN43GXFd7XHsOjTlYUFAQ1Gp1nQSbn59fJw2T7V544QWsX78e27ZtQ+vWrc3bw8LCAIDX3Q5SUlKQn5+P+Ph4aDQaaDQa7NixA3//+9+h0WjM15PX2j7Cw8MRGxtrsa1Lly7IzMwEwN9te3r11Vfx+uuv45FHHkG3bt3w+OOP4+WXX8bChQsB8Fo3FWuua1hYGKqqqnD16tUG92ksBiEHc3V1RXx8PDZv3myxffPmzUhMTFSoVXc+WZYxY8YMrFmzBj/99BPatm1r8Xzbtm0RFhZmcd2rqqqwY8cOXncbDRs2DEePHkVqaqr5kZCQgEmTJiE1NRXt2rXjtbaj/v3715kK4vTp04iOjgbA3217Ki8vh0pl+bGoVqvNt8/zWjcNa65rfHw8XFxcLPbJycnBsWPHbv/a31apNTWK6fb5jz/+WE5LS5Nnzpwpe3p6yhkZGUo37Y713HPPyb6+vvL27dvlnJwc86O8vNy8z9tvvy37+vrKa9askY8ePSo/+uijvO3VTq6/a0yWea3tad++fbJGo5H/8pe/yGfOnJFXrVola7Va+YsvvjDvw+ttH1OmTJFbtWplvn1+zZo1clBQkDx79mzzPrzWjVNSUiIfOnRIPnTokAxAXrx4sXzo0CHztDHWXNdp06bJrVu3lrds2SIfPHhQHjp0KG+fv5MlJyfL0dHRsqurq9y7d2/zbd7UOADqfXz66afmfYxGo/zmm2/KYWFhspubmzxo0CD56NGjyjW6GbkxCPFa29f3338vx8XFyW5ubnLnzp3lFStWWDzP620fOp1Ofumll+SoqCjZ3d1dbteunTx37lxZr9eb9+G1bpxt27bV+2/0lClTZFm27rpWVFTIM2bMkAMCAmQPDw/5N7/5jZyZmXnbbZNkWZZvr0+JiIiI6M7EGiEiIiJqsRiEiIiIqMViECIiIqIWi0GIiIiIWiwGISIiImqxGISIiIioxWIQIiIiohaLQYiI6BYkScK6deuUbgYRNQEGISJyalOnToUkSXUe9913n9JNI6JmQKN0A4iIbuW+++7Dp59+arHNzc1NodYQUXPCHiEicnpubm4ICwuzePj7+wMQw1bLly/HyJEj4eHhgbZt2+Kbb76xeP3Ro0cxdOhQeHh4IDAwEM8++yxKS0st9vnkk0/QtWtXuLm5ITw8HDNmzLB4vqCgAOPGjYNWq0WHDh2wfv1683NXr17FpEmTEBwcDA8PD3To0KFOcCMi58QgRER3vDfeeAMPPfQQDh8+jMmTJ+PRRx/FiRMnAADl5eW477774O/vj/379+Obb77Bli1bLILO8uXLMX36dDz77LM4evQo1q9fj5iYGItzvPXWW5gwYQKOHDmCUaNGYdKkSbhy5Yr5/Glpafjvf/+LEydOYPny5QgKCnLcBSCixrvtZVuJiJrQlClTZLVaLXt6elo85s+fL8uyLAOQp02bZvGau+66S37uuedkWZblFStWyP7+/nJpaan5+Q0bNsgqlUrOzc2VZVmWIyIi5Llz5zbYBgDyH//4R/P3paWlsiRJ8n//+19ZlmV59OjR8pNPPmmfN0xEDsUaISJyeklJSVi+fLnFtoCAAPOf+/XrZ/Fcv379kJqaCgA4ceIEevToAU9PT/Pz/fv3h9FoxKlTpyBJErKzszFs2LCbtqF79+7mP3t6esLb2xv5+fkAgOeeew4PPfQQDh48iOHDh2Ps2LFITExs1HslIsdiECIip+fp6VlnqOpWJEkCAMiybP5zfft4eHhYdTwXF5c6rzUajQCAkSNH4sKFC9iwYQO2bNmCYcOGYfr06Vi0aJFNbSYix2ONEBHd8X755Zc633fu3BkAEBsbi9TUVJSVlZmf37NnD1QqFTp27Ahvb2+0adMGW7duva02BAcHY+rUqfjiiy+wZMkSrFix4raOR0SOwR4hInJ6er0eubm5Fts0Go25IPmbb75BQkICBgwYgFWrVmHfvn34+OOPAQCTJk3Cm2++iSlTpmDevHm4fPkyXnjhBTz++OMIDQ0FAMybNw/Tpk1DSEgIRo4ciZKSEuzZswcvvPCCVe3705/+hPj4eHTt2hV6vR4//PADunTpYscrQERNhUGIiJzejz/+iPDwcIttnTp1wsmTJwGIO7q++uorPP/88wgLC8OqVasQGxsLANBqtdi0aRNeeukl9OnTB1qtFg899BAWL15sPtaUKVNQWVmJ9957D6+88gqCgoIwfvx4q9vn6uqKOXPmICMjAx4eHhg4cCC++uorO7xzImpqkizLstKNICJqLEmSsHbtWowdO1bpphDRHYg1QkRERNRiMQgRERFRi8UaISK6o3F0n4huB3uEiIiIqMViECIiIqIWi0GIiIiIWiwGISIiImqxGISIiIioxWIQIiIiohaLQYiIiIhaLAYhIiIiarEYhIiIiKjF+n8OygWYkoIddQAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_losses(train_losses, val_losses, \"Weibull\")" + ] + }, + { + "cell_type": "markdown", + "id": "86139132-d337-47b7-a8ad-eac1e255f91d", + "metadata": {}, + "source": [ + "### Section 2.3: Weibull AFT model evaluation\n", + "\n", + "We evaluate the predictive performance of the model using \n", + "\n", + "* the [C-index](../_autosummary/torchsurv.metrics.cindex.html), which measures the the probability that a model correctly predicts which of two comparable samples will experience an event first based on their estimated risk scores,\n", + "* the [AUC](../_autosummary/torchsurv.metrics.auc.html), which measures the probability that a model correctly predicts which of two comparable samples will experience an event by time t based on their estimated risk scores, and\n", + "* the [Brier score](../_autosummary/torchsurv.metrics.brier_score.html), which measures the model's calibration by calculating the mean square error between the estimated survival function and the empirical (i.e., in-sample) event status." + ] + }, + { + "cell_type": "markdown", + "id": "1cb226f5", + "metadata": {}, + "source": [ + "We start by obtaining the subject-specific log hazard and survival probability at every time $t$ observed on the test set" + ] + }, + { + "cell_type": "code", + "execution_count": 33, + "id": "11599a1f-597b-4ebf-8a15-d3f9db1ebcca", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "torch.Size([206, 206])\n" + ] + } + ], + "source": [ + "with torch.no_grad():\n", + " # event and time of length n\n", + " x, (event, time) = next(iter(dataloader_test))\n", + " log_params = weibull_model(x) # shape = (n,2)\n", + "\n", + "# Compute the log hazards from weibull log parameters\n", + "log_hz = log_hazard(log_params, time) # shape = (n,n)\n", + "\n", + "# Compute the survival probability from weibull log parameters\n", + "surv = survival_function(log_params, time) # shape = (n,n)" + ] + }, + { + "cell_type": "markdown", + "id": "7e309515", + "metadata": {}, + "source": [ + "We can evaluate the concordance index, its confidence interval and the p-value of the statistical test testing whether the c-index is greater than 0.5:" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "id": "afd7e7a5-c909-41eb-a48f-a9c9832eb33b", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Weibull model performance:\n", + "Concordance-index = 0.5990798473358154\n", + "Confidence interval = tensor([0.4707, 0.7275])\n", + "p-value = 0.06523442268371582\n" + ] + } + ], + "source": [ + "# Concordance index\n", + "weibull_cindex = ConcordanceIndex()\n", + "print(\"Weibull model performance:\")\n", + "print(f\"Concordance-index = {weibull_cindex(log_hz, event, time)}\")\n", + "print(f\"Confidence interval = {weibull_cindex.confidence_interval()}\")\n", + "\n", + "# H0: cindex = 0.5, Ha: cindex >0.5\n", + "print(f\"p-value = {weibull_cindex.p_value(alternative = 'greater')}\")" + ] + }, + { + "cell_type": "markdown", + "id": "d985e48c", + "metadata": {}, + "source": [ + "For time-dependent prediction (e.g., 5-year mortality), the C-index is not a proper measure. Instead, it is recommended to use the AUC. The probability to correctly predicts which of two comparable patients will experience an event by 5-year based on their estimated risk scores is the AUC evaluated at 5-year (1825 days) obtained with" + ] + }, + { + "cell_type": "code", + "execution_count": 34, + "id": "ca4e6c56", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "AUC 5-yr = tensor([0.5298])\n", + "AUC 5-yr (conf int.) = tensor([0.4742, 0.5854])\n", + "AUC 5-yr (p value) = tensor([0.1467])\n", + "torch.Size([206])\n" + ] + } + ], + "source": [ + "new_time = torch.tensor(1825.0)\n", + "\n", + "# subject-specific log hazard at \\5-yr\n", + "log_hz_t = log_hazard(log_params, time=new_time) # shape = (n)\n", + "weibull_auc = Auc()\n", + "\n", + "# auc evaluated at new time = 1825, 5 year\n", + "print(f\"AUC 5-yr = {weibull_auc(log_hz_t, event, time, new_time=new_time)}\")\n", + "print(f\"AUC 5-yr (conf int.) = {weibull_auc.confidence_interval()}\")\n", + "print(f\"AUC 5-yr (p value) = {weibull_auc.p_value(alternative='greater')}\")" + ] + }, + { + "cell_type": "markdown", + "id": "66b00e9f", + "metadata": {}, + "source": [ + "Lastly, we can evaluate the time-dependent Brier score and the integrated Brier score" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "id": "b1d99480-b643-4836-acd3-7614fa903543", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Brier score = tensor([0.0849, 0.0897, 0.0969, 0.1017, 0.1075])\n", + "Brier score (conf int.) = tensor([[0.0661, 0.0696, 0.0757, 0.0798, 0.0845],\n", + " [0.1037, 0.1099, 0.1181, 0.1237, 0.1304]])\n", + "Integrated Brier score = 0.18183745443820953\n" + ] + } + ], + "source": [ + "brier_score = BrierScore()\n", + "\n", + "# brier score at first 5 times\n", + "print(f\"Brier score = {brier_score(surv, event, time)[:5]}\")\n", + "print(f\"Brier score (conf int.) = {brier_score.confidence_interval()[:,:5]}\")\n", + "\n", + "# integrated brier score\n", + "print(f\"Integrated Brier score = {brier_score.integral()}\")" + ] + }, + { + "cell_type": "markdown", + "id": "0ca1d08c", + "metadata": {}, + "source": [ + "We can test whether the time-dependent Brier score is smaller than what would be expected if the survival model was not providing accurate predictions beyond random chance. We use a bootstrap permutation test and obtain the p-value with:" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "id": "9754fdcd", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Brier score (p-val) = tensor([0.0090, 0.0420, 0.0490, 0.0700, 0.1420])\n" + ] + } + ], + "source": [ + "# H0: bs = bs0, Ha: bs < bs0; where bs0 is the expected brier score if the survival model was not providing accurate predictions beyond random chance.\n", + "\n", + "# p-value for brier score at first 5 times\n", + "print(f\"Brier score (p-val) = {brier_score.p_value(alternative = 'less')[:5]}\")" + ] + }, + { + "cell_type": "markdown", + "id": "31f7e7f6-8f07-4f82-8653-8d0d2d1ed84f", + "metadata": {}, + "source": [ + "## Section 3: Models comparison\n", + "\n", + "We can compare the predictive performance of the Cox proportional hazards model against the Weibull AFT model." + ] + }, + { + "cell_type": "markdown", + "id": "ed057468-ce75-4d3e-a825-71b55effcec8", + "metadata": {}, + "source": [ + "### Section 3.1: Concordance index\n", + "The statistical test is formulated as follows, H0: cindex cox = cindex weibull, Ha: cindex cox > cindex weibull" + ] + }, + { + "cell_type": "code", + "execution_count": 25, + "id": "ea66963f-2537-4390-bb65-c773275b292b", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Cox cindex = 0.6743345260620117\n", + "Weibull cindex = 0.5990798473358154\n", + "p-value = 0.16538496315479279\n" + ] + } + ], + "source": [ + "print(f\"Cox cindex = {cox_cindex.cindex}\")\n", + "print(f\"Weibull cindex = {weibull_cindex.cindex}\")\n", + "print(\"p-value = {}\".format(cox_cindex.compare(weibull_cindex)))" + ] + }, + { + "cell_type": "markdown", + "id": "f478e8df", + "metadata": {}, + "source": [ + "### Section 3.2: AUC at 5-year\n", + "\n", + "The statistical test is formulated as follows, H0: 5-yr auc cox = 5-yr auc weibull, Ha: 5-yr auc cox > 5-yr auc weibull" + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "id": "0c4e1651", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Cox 5-yr AUC = tensor([0.7173])\n", + "Weibull 5-yr AUC = tensor([0.6096])\n", + "p-value = tensor([0.0025])\n" + ] + } + ], + "source": [ + "print(f\"Cox 5-yr AUC = {cox_auc.auc}\")\n", + "print(f\"Weibull 5-yr AUC = {weibull_auc.auc}\")\n", + "print(\"p-value = {}\".format(cox_auc.compare(weibull_auc)))" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.13" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/docs/notebooks/momentum.ipynb b/docs/notebooks/momentum.ipynb new file mode 100644 index 0000000..2d558f8 --- /dev/null +++ b/docs/notebooks/momentum.ipynb @@ -0,0 +1,494 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "9c99b800-422a-4631-9b0f-192eefab4c6d", + "metadata": {}, + "source": [ + "# Momentum survival: MNIST use case\n", + "\n", + "In this example, we will use the pytorch lightning framework to further show how easy is it to use `torchsurv`" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "id": "eac2861e-9c15-4ab6-85b0-f8120a07119f", + "metadata": {}, + "outputs": [], + "source": [ + "import torch\n", + "import pytorch_lightning as L\n", + "from torchvision.models import resnet18\n", + "from torchvision.transforms import v2\n", + "\n", + "from torchsurv.loss.cox import neg_partial_log_likelihood\n", + "from torchsurv.loss.momentum import Momentum" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "85c14ecf-33f2-4b48-bc94-db582e02bc8f", + "metadata": {}, + "outputs": [], + "source": [ + "# For simplicity (or laziness), we already implemented the datamodule for MNIST. See code for details\n", + "from helpers_momentum import MNISTDataModule, LitMomentum, LitMNIST" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "307fea5f-9a28-4258-90ea-05c3793d5a59", + "metadata": {}, + "outputs": [], + "source": [ + "import warnings\n", + "warnings.filterwarnings('ignore')" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "794004c5-588c-4590-ae96-c6d9e52109ff", + "metadata": {}, + "outputs": [], + "source": [ + "BATCH_SIZE = 256" + ] + }, + { + "cell_type": "markdown", + "id": "75d28cbc-89df-428f-bb6a-a313696ebddf", + "metadata": {}, + "source": [ + "## Model backbone\n", + "\n", + "First we need to define out model backbone. We will use here the resnet18." + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "c216fa33-de09-4be2-82cc-83cb73db3a42", + "metadata": {}, + "outputs": [], + "source": [ + "resnet = resnet18(weights=None)\n", + "# Fit grayscale images\n", + "resnet.conv1 = torch.nn.Conv2d(1, 64, kernel_size=(7, 7), stride=(2, 2), padding=(3, 3), bias=False)\n", + "# Output log hazards\n", + "resnet.fc = torch.nn.Linear(in_features=resnet.fc.in_features, out_features=1)" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "8056a675-fbce-4f4b-86c0-ab7dd924e4b1", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "torch.Size([6, 1, 224, 224])\n", + "torch.Size([6, 1])\n" + ] + } + ], + "source": [ + "# Transforms our images\n", + "transforms =v2.Compose([v2.ToImage(), v2.ToDtype(torch.float32, scale=True), v2.Resize(224, antialias=True), v2.Normalize(mean=(0,), std=(1,))])\n", + "\n", + "# Sanity check\n", + "x = torch.randn((6, 1, 28, 28))\n", + "print(f'{transforms(x).shape}')\n", + "print(f'{resnet(transforms(x)).shape}')" + ] + }, + { + "cell_type": "markdown", + "id": "0948492c-3e2a-405e-b239-cbb4483b50b8", + "metadata": {}, + "source": [ + "## Regular training" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "1e7a2c7e-a1ef-42fa-ba74-1d33a1dcf2f3", + "metadata": {}, + "outputs": [], + "source": [ + "model_regular = LitMNIST(resnet)\n" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "id": "5c579509-3b71-4229-a916-6191eb572af7", + "metadata": {}, + "outputs": [], + "source": [ + "# Define experiment\n", + "datamodule = MNISTDataModule(batch_size=BATCH_SIZE, transforms=transforms)" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "id": "3f577acf-a821-41a4-8544-318617755d1e", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "GPU available: True (mps), used: True\n", + "TPU available: False, using: 0 TPU cores\n", + "IPU available: False, using: 0 IPUs\n", + "HPU available: False, using: 0 HPUs\n", + "Running in `fast_dev_run` mode: will run the requested loop using 5 batch(es). Logging and checkpointing is suppressed.\n" + ] + } + ], + "source": [ + "# Define trainer\n", + "trainer = L.Trainer(\n", + " accelerator=\"auto\",\n", + " logger=False,\n", + " enable_checkpointing=False,\n", + " fast_dev_run=5, # Quick dev, \n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "id": "430079cc-4fad-4da2-8ea5-aa904c41ec0e", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "\n", + " | Name | Type | Params\n", + "---------------------------------\n", + "0 | model | ResNet | 11.2 M\n", + "---------------------------------\n", + "11.2 M Trainable params\n", + "0 Non-trainable params\n", + "11.2 M Total params\n", + "44.683 Total estimated model params size (MB)\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "c50d667ea0d341409feb4e4f0e98157a", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "Training: | | 0/? [00:00 torch.Tensor: + r"""Compute the negative of the partial log likelihood for the Cox proportional hazards model. + + Args: + log_hz (torch.Tensor, float): + Log relative hazard of length n_samples. + event (torch.Tensor, bool): + Event indicator of length n_samples (= True if event occured). + time (torch.Tensor): + Time-to-event or censoring of length n_samples. + ties_method (str): + Method to handle ties in event time. Defaults to "efron". + Must be one of the following: "efron", "breslow". + reduction (str): + Method to reduce losses. Defaults to "mean". + Must be one of the following: "sum", "mean". + checks (bool): + Whether to perform input format checks. + Enabling checks can help catch potential issues in the input data. + Defaults to True. + + Returns: + (torch.tensor, float): + Negative of the partial log likelihood. + + Note: + For each subject :math:`i \in \{1, \cdots, N\}`, denote :math:`X_i` as the survival time and :math:`D_i` as the + censoring time. Survival data consist of the event indicator, :math:`\delta_i=1(X_i\leq D_i)` + (argument ``event``) and the time-to-event or censoring, :math:`T_i = \min(\{ X_i,D_i \})` + (argument ``time``). + + The log hazard function for the Cox proportional hazards model has the form: + + .. math:: + + \log \lambda_i (t) = \log \lambda_{0}(t) + \log \theta_i + + where :math:`\log \theta_i` is the log relative hazard (argument ``log_hz``). + + **No ties in event time.** + If the set :math:`\{T_i: \delta_i = 1\}_{i = 1, \cdots, N}` represent unique event times (i.e., no ties), + the standard Cox partial likelihood can be used :cite:p:`Cox1972`. Let :math:`\tau_1 < \tau_2 < \cdots < \tau_N` + be the ordered times and let :math:`R(\tau_i) = \{ j: \tau_j \geq \tau_i\}` + be the risk set at :math:`\tau_i`. The partial log likelihood is defined as: + + .. math:: + + pll = \sum_{i: \: \delta_i = 1} \left(\log \theta_i - \log\left(\sum_{j \in R(\tau_i)} \theta_j \right) \right) + + **Ties in event time handled with Breslow's method.** + Breslow's method :cite:p:`Breslow1975` describes the approach in which the procedure described above is used unmodified, + even when ties are present. If two subjects A and B have the same event time, subject A will be at risk for the + event that happened to B, and B will be at risk for the event that happened to A. + Let :math:`\xi_1 < \xi_2 < \cdots` denote the unique ordered times (i.e., unique :math:`\tau_i`). Let :math:`H_k` be the set of + subjects that have an event at time :math:`\xi_k` such that :math:`H_k = \{i: \tau_i = \xi_k, \delta_i = 1\}`, and let :math:`m_k` + be the number of subjects that have an event at time :math:`\xi_k` such that :math:`m_k = |H_k|`. + + .. math:: + + pll = \sum_{k} \left( {\sum_{i\in H_{k}}\log \theta_i} - m_k \: \log\left(\sum_{j \in R(\tau_k)} \theta_j \right) \right) + + + **Ties in event time handled with Efron's method.** + An alternative approach that is considered to give better results is the Efron's method :cite:p:`Efron1977`. + As a compromise between the Cox's and Breslow's method, Efron suggested to use the average + risk among the subjects that have an event at time :math:`\xi_k`: + + .. math:: + + \bar{\theta}_{k} = {\frac {1}{m_{k}}}\sum_{i\in H_{k}}\theta_i + + Efron approximation of the partial log likelihood is defined by + + .. math:: + + pll = \sum_{k} \left( {\sum_{i\in H_{k}}\log \theta_i} - \sum_{r =0}^{m_{k}-1} \log\left(\sum_{j \in R(\xi_k)}\theta_j-r\:\bar{\theta}_{j}\right)\right) + + + Examples: + >>> log_hz = torch.tensor([0.1, 0.2, 0.3, 0.4, 0.5]) + >>> event = torch.tensor([1, 0, 1, 0, 1], dtype=torch.bool) + >>> time = torch.tensor([1., 2., 3., 4., 5.]) + >>> neg_partial_log_likelihood(log_hz, event, time) # default, mean of log likelihoods across patients + tensor(1.0071) + >>> neg_partial_log_likelihood(log_hz, event, time, reduction = 'sum') # sun of log likelihoods across patients + tensor(3.0214) + >>> time = torch.tensor([1., 2., 2., 4., 5.]) # Dealing with ties (default: Efron) + >>> neg_partial_log_likelihood(log_hz, event, time, ties_method = "efron") + tensor(1.0873) + >>> neg_partial_log_likelihood(log_hz, event, time, ties_method = "breslow") # Dealing with ties (Bfron) + tensor(1.0873) + + References: + + .. bibliography:: + :filter: False + + Cox1972 + Breslow1975 + Efron1977 + + """ + + if checks: + _check_inputs(log_hz, event, time) + + if any([event.sum() == 0, len(log_hz.size()) == 0]): + warnings.warn("No events OR single sample. Returning zero loss for the batch") + return torch.tensor(0.0, requires_grad=True) + + # sort data by time-to-event or censoring + time_sorted, idx = torch.sort(time) + log_hz_sorted = log_hz[idx] + event_sorted = event[idx] + time_unique = torch.unique(time_sorted) # time-to-event or censoring without ties + + if len(time_unique) == len(time_sorted): + # if not ties, use traditional cox partial likelihood + pll = _partial_likelihood_cox(log_hz_sorted, event_sorted) + else: + # if ties, use either efron or breslow approximation of partial likelihood + if ties_method == "efron": + pll = _partial_likelihood_efron( + log_hz_sorted, + event_sorted, + time_sorted, + time_unique, + ) + elif ties_method == "breslow": + pll = _partial_likelihood_breslow(log_hz_sorted, event_sorted, time_sorted) + else: + raise ValueError( + f'Ties method {ties_method} should be one of ["efron", "breslow"]' + ) + + # Negative partial log likelihood + pll = torch.neg(pll) + if reduction.lower() == "mean": + return pll.nanmean() + elif reduction.lower() == "sum": + return pll.sum() + else: + raise ( + ValueError( + f"Reduction {reduction} is not implemented yet, should be one of ['mean', 'sum']." + ) + ) + + +def _partial_likelihood_cox( + log_hz_sorted: torch.Tensor, + event_sorted: torch.Tensor, +) -> torch.Tensor: + """Calculate the partial log likelihood for the Cox proportional hazards model + in the absence of ties in event time. + """ + log_denominator = torch.logcumsumexp(log_hz_sorted.flip(0), dim=0).flip(0) + return (log_hz_sorted - log_denominator)[event_sorted == True] + + +def _partial_likelihood_efron( + log_hz_sorted: torch.Tensor, + event_sorted: torch.Tensor, + time_sorted: torch.Tensor, + time_unique: torch.Tensor, +) -> torch.Tensor: + """Calculate the partial log likelihood for the Cox proportional hazards model + using Efron's method to handle ties in event time. + """ + J = len(time_unique) + + H = [ + torch.where((time_sorted == time_unique[j]) & (event_sorted == 1))[0] + for j in range(J) + ] + R = [torch.where(time_sorted >= time_unique[j])[0] for j in range(J)] + + m = torch.tensor([len(h) for h in H]) + include = torch.tensor([len(h) > 0 for h in H]) + + log_nominator = torch.stack([torch.sum(log_hz_sorted[h]) for h in H]) + + denominator_naive = torch.stack([torch.sum(torch.exp(log_hz_sorted[r])) for r in R]) + denominator_ties = torch.stack([torch.sum(torch.exp(log_hz_sorted[h])) for h in H]) + + log_denominator_efron = torch.zeros(J).to(log_hz_sorted.device) + for j in range(J): + for l in range(1, m[j] + 1): + log_denominator_efron[j] += torch.log( + denominator_naive[j] - (l - 1) / m[j] * denominator_ties[j] + ) + return (log_nominator - log_denominator_efron)[include == True] + + +def _partial_likelihood_breslow( + log_hz_sorted: torch.Tensor, + event_sorted: torch.Tensor, + time_sorted: torch.Tensor, +): + """Calculate the partial log likelihood for the Cox proportional hazards model + using Breslow's method to handle ties in event time. + """ + N = len(time_sorted) + + R = [torch.where(time_sorted >= time_sorted[i])[0] for i in range(N)] + log_denominator = torch.tensor( + [torch.logsumexp(log_hz_sorted[R[i]], dim=0) for i in range(N)] + ) + + return (log_hz_sorted - log_denominator)[event_sorted == True] + + +def _check_inputs(log_hz: torch.Tensor, event: torch.Tensor, time: torch.Tensor): + if isinstance(log_hz, torch.Tensor) == False: + raise TypeError("Input 'log_hz' must be a tensor.") + + if isinstance(event, torch.Tensor) == False: + raise TypeError("Input 'event' must be a tensor.") + + if isinstance(time, torch.Tensor) == False: + raise TypeError("Input 'time' must be a tensor.") + + if len(log_hz) != len(event): + raise ValueError( + "Length mismatch: 'log_hz' and 'event' must have the same length." + ) + + if len(time) != len(event): + raise ValueError( + "Length mismatch: 'time' must have the same length as 'event'." + ) + + if any(val < 0 for val in time): + raise ValueError("Invalid values: All elements in 'time' must be non-negative.") + + if any(val not in [True, False, 0, 1] for val in event): + raise ValueError( + "Invalid values: 'event' must contain only boolean values (True/False or 1/0)" + ) + + +if __name__ == "__main__": + import doctest + + # Run doctest + results = doctest.testmod() + if results.failed == 0: + print("All tests passed.") + else: + print("Some doctests failed.") + sys.exit(1) diff --git a/src/torchsurv/loss/momentum.py b/src/torchsurv/loss/momentum.py new file mode 100644 index 0000000..3b9f908 --- /dev/null +++ b/src/torchsurv/loss/momentum.py @@ -0,0 +1,198 @@ +import collections +import copy +import sys +from typing import Callable + +import torch +from torch import nn + + +class Momentum(nn.Module): + r""" + Survival framework to momentum update learning to decouple batch size during model training. + Two networks are concurently trained, an online network and a target network. The online network outputs batches + are concanetaed and used by the target network, so it virtually increase its batchsize. + + The target network is updated using an exponential moving average: + + .. math:: + + ( \theta_k \leftarrow m \theta_k + (1 - m) \theta_q) + + Note: + This code is inspired from MoCo :cite:p:`he2019` and its ability to decouple batch size from training size. + + References: + .. bibliography:: + :filter: False + + he2019 + + """ + + def __init__( + self, + backbone: nn.Module, + loss: Callable, + batchsize: int = 16, + n: int = 4, + m: float = 0.999, + ): + """ + Initialise the momentum class. Use must provide their model as backbone. + + Args: + backbone (nn.Module): + Torch model to be use as backbone. The model must return either one (Cox) or two ouputs (Weibull) + loss (Callable): Torchsurv loss function (Cox, Weibull) + batchsize (int, optional): + Number of samples per batch. Defaults to 16. + n (int, optional): + Number of queued batches to be stored for training. Defaults to 4. + m (float, optional): + Exponential moving average rate. Defaults to 0.999. + + Examples: + >>> from torchsurv.loss import cox, weibull + >>> _ = torch.manual_seed(42) + >>> n = 4 + >>> params = torch.randn((n, 16)) + >>> events = torch.randint(low=0, high=2, size=(n,), dtype=torch.bool) + >>> times = torch.randint(low=1, high=100, size=(n,)) + >>> backbone = torch.nn.Sequential(torch.nn.Linear(16, 1)) # Cox expect one ouput + >>> model = Momentum(backbone=backbone, loss=cox.neg_partial_log_likelihood) + >>> model(params, events, times) + tensor(0.0978, grad_fn=) + >>> model.online(params) # online network (q) - w/ gradient + tensor([[-0.7867], + [ 0.3161], + [-1.2158], + [-0.8195]], grad_fn=) + >>> model.target(params) # target network (k) - w/o gradient + tensor([[-0.7867], + [ 0.3161], + [-1.2158], + [-0.8195]]) + + Note: + `self.encoder_k` is the recommended to be used for inference. It refers to the target network (momentum). + """ + super().__init__() + self.m = m + self.online = copy.deepcopy(backbone) # q >> online network + self.target = copy.deepcopy(backbone) # k >> target network (momentum) + self._init_encoder_k() + self.loss = loss + + # survival data structure + self.survtuple = collections.namedtuple( + "survival", field_names=["estimate", "event", "time"] + ) + + # Hazards: current batch & memory + self.memory_q = collections.deque(maxlen=batchsize) # q >> online network + self.memory_k = collections.deque(maxlen=batchsize * n) # k >> target network + + def forward( + self, x: torch.Tensor, event: torch.Tensor, time: torch.Tensor + ) -> torch.Tensor: + """Forward tensor pass over the model + + Args: + x (torch.Tensor): Input tensors to the backbone model + event (torch.Tensor): A boolean tensor indicating whether a patient experienced an event. + time (torch.Tensor): A positive float tensor representing time to event (or censoring time) + + Returns: + torch.Tensor: A loss tensor for the current batch. + + Examples: + >>> from torchsurv.loss import cox, weibull + >>> _ = torch.manual_seed(42) + >>> n = 128 # samples + >>> x = torch.randn((n, 16)) + >>> y = torch.randint(low=0, high=2, size=(n,)).bool() + >>> t = torch.randint(low=1, high=100, size=(n,)) + >>> backbone = torch.nn.Sequential(torch.nn.Linear(16, 1)) # (log hazards) + >>> model_cox = Momentum(backbone, loss=cox.neg_partial_log_likelihood) # Cox loss + >>> with torch.no_grad(): model_cox.forward(x, y, t) + tensor(2.1366) + >>> backbone = torch.nn.Sequential(torch.nn.Linear(16, 2)) # (lambda, rho) + >>> model_weibull = Momentum(backbone, loss=weibull.neg_log_likelihood) # Weibull loss + >>> with torch.no_grad(): torch.round(model_weibull.forward(x, y, t), decimals=2) + tensor(68.0400) + + """ + + estimate_q = self.online(x) + for e in zip(estimate_q, event, time): + self.memory_q.append(self.survtuple(*[e for e in e])) + loss = self._bank_loss() + with torch.no_grad(): + self._update_momentum_encoder() + estimate_k = self.target(x) + for e in zip(estimate_k, event, time): + self.memory_k.append(self.survtuple(*[e for e in e])) + return loss + + def eval(self, x: torch.Tensor) -> torch.Tensor: + """Evaluate data with target network + + Args: + x (torch.Tensor): Input tensors to the backbone model + + Returns: + torch.Tensor: Predictions from target (momentum) network without augmentation (.eval()) nor gradient. + + Examples: + >>> from torchsurv.loss import weibull + >>> _ = torch.manual_seed(42) + >>> backbone = torch.nn.Sequential(torch.nn.Linear(8, 2)) # Cox expect one ouput + >>> model = Momentum(backbone=backbone, loss=weibull.neg_log_likelihood) + >>> model.eval(torch.randn((3, 8))) + tensor([[ 0.5342, 0.0062], + [ 0.6439, 0.7863], + [ 0.9771, -0.8513]]) + + """ + + with torch.no_grad(): + return self.online.eval()(x) + + def _bank_loss(self) -> torch.Tensor: + """computer the negative loss likelyhood from memory bank""" + + # Combine current batch and momentum + bank = self.memory_k + self.memory_q + assert all( + x in bank[0]._fields for x in ["estimate", "event", "time"] + ), "All fields must be present" + return self.loss( + torch.stack([mem.estimate.cpu() for mem in bank]).squeeze(), + torch.stack([mem.event.cpu() for mem in bank]).squeeze(), + torch.stack([mem.time.cpu() for mem in bank]).squeeze(), + ) + + @torch.no_grad() + def _update_momentum_encoder(self): + """Exponantial moving average""" + for param_b, param_m in zip(self.online.parameters(), self.target.parameters()): + param_m.data = param_m.data * self.m + param_b.data * (1.0 - self.m) + + @torch.no_grad() + def _init_encoder_k(self): + for param_q, param_k in zip(self.online.parameters(), self.target.parameters()): + param_k.data.copy_(param_q.data) + param_k.requires_grad = False + + +if __name__ == "__main__": + import doctest + + # Run doctest + results = doctest.testmod() + if results.failed == 0: + print("All tests passed.") + else: + print("Some doctests failed.") + sys.exit(1) diff --git a/src/torchsurv/loss/weibull.py b/src/torchsurv/loss/weibull.py new file mode 100644 index 0000000..e43db66 --- /dev/null +++ b/src/torchsurv/loss/weibull.py @@ -0,0 +1,369 @@ +import sys + +import torch + +TORCH_CLAMP_VALUE = 1e10 + + +def neg_log_likelihood( + log_params: torch.Tensor, + event: torch.Tensor, + time: torch.Tensor, + reduction: str = "mean", + checks: bool = True, +) -> torch.Tensor: + r""" + Negative of the log likelihood for the Weibull Accelerated Time Failure (AFT) survival model. + + Args: + log_params (torch.Tensor, float): + Parameters of the Weibull distribution of shape = (n_samples, 1) or (n_samples, 2). + The first column corresponds to the log scale parameter. The second column + corresponds to the log shape parameter. If the log shape parameter is missing, it is + imputed with 0. + event (torch.Tensor, bool): + Event indicator of length n_samples (= True if event occured). + time (torch.Tensor, float): + Time-to-event or censoring of length n_samples. + reduction (str): + Method to reduce losses. Defaults to "mean". + Must be one of the following: "sum", "mean". + checks (bool): + Whether to perform input format checks. + Enabling checks can help catch potential issues in the input data. + Defaults to True. + + Returns: + (torch.Tensor, float): Negative of the log likelihood. + + Note: + + For each subject :math:`i \in \{1, \cdots, N\}`, denote :math:`X_i` as the survival time and :math:`D_i` as the + censoring time. Survival data consist of the event indicator, :math:`\delta_i=1(X_i\leq D_i)` + (argument ``event``) and the time-to-event or censoring, :math:`T_i = \min(\{ X_i,D_i \})` + (argument ``time``). + + The log hazard function for the Weibull AFT survival model :cite:p:`Carroll2003` of subject :math:`i` at time :math:`t` has the form: + + .. math:: + + \log h_i(t) = \log{\rho_i} - \log{\lambda_i} + (\rho_i -1) \left( \log{t} - \log{\lambda_i}\right) + + where :math:`\log{\lambda_i}` is the log scale parameter (first column of argument ``log_params``) + and :math:`\log{\rho_i}` is the log shape parameter (second column of argument ``log_params``). + The cumulative hazard for the Weibull survival model of subject :math:`i` at time :math:`t` has the form: + + .. math:: + + H_i(t) = \left(\frac{t}{\lambda_i}\right)^{\rho_i} + + The survival function for the Weibull survival model of subject :math:`i` at time :math:`t` has the form: + + .. math:: + + S_i(t) = 1 - F(t | \lambda_i, \rho_i) + + where :math:`F(t | \lambda, \rho)` is the cumulative distribution function (CDF) of the Weibull distribution given + scale parameter :math:`\lambda` and shape parameter :math:`\rho`. + + The log likelihood of the Weibull survival model is + + .. math:: + + ll = \sum_{i: \delta_i = 1} \log h_i(T_i) - \sum_{i = 1}^N H_i(T_i) + + Examples: + >>> _ = torch.manual_seed(42) + >>> n = 4 + >>> log_params = torch.randn((n, 2)) + >>> event = torch.randint(low=0, high=2, size=(n,), dtype=torch.bool) + >>> time = torch.randint(low=1, high=100, size=(n,)) + >>> neg_log_likelihood(log_params, event, time) # Default: mean of log likelihoods across subject + tensor(47.5035) + >>> neg_log_likelihood(log_params, event, time, reduction = 'sum') # Sum of log likelihoods across subject + tensor(190.0141) + >>> neg_log_likelihood(torch.randn((n, 1)), event, time) # Missing shape: exponential decrease + tensor(66.7203) + + References: + + .. bibliography:: + :filter: False + + Carroll2003 + + """ + + if checks: + _check_inputs(log_params, event, time) + + # Negative log likelihood + ll = torch.neg( + event * log_hazard(log_params, time, all_times=False) + - cumulative_hazard(log_params, time, all_times=False) # Huge values here + ) + + if any(torch.isinf(ll)): + # Remove any torch.inf values + ll = ll[~torch.isinf(ll)] + + if reduction.lower() == "mean": + return ll.nanmean() + elif reduction.lower() == "sum": + return ll.sum() + else: + raise ( + ValueError( + f"Reduction {reduction} is not implemented yet, should be one of ['mean', 'sum']." + ) + ) + + +def survival_function( + log_params: torch.Tensor, time: torch.Tensor, all_times: bool = True +) -> torch.Tensor: + """Survival function for the Weibull Accelerated Time Failure (AFT) survival model. + + Args: + log_params (torch.Tensor, float): + Parameters of the Weibull distribution of shape = (n_samples, 1) or (n_samples, 2). + The first column corresponds to the log scale parameter. The second column + corresponds to the log shape parameter. If the log shape parameter is missing, it is + imputed with 0. + time (torch.Tensor, float): + Time at which to evaluate the survival function. + Should be of length n_samples to evaluate the survival function at observed time-to-event or censoring, + or of length one to evaluate the survival function at a new time. + all_times (bool): + If True, subject-specific survival function is evaluated at all ``time`` (used for evaluation metrics). + If False, subject-specific survival function is evaluated at respective ``time``. + Defaults is True. + Ignored if ``time`` is of length one. + + Returns: + (torch.Tensor, float): Subject-specific survival function evaluated at ``time``. + + Examples: + >>> _ = torch.manual_seed(42) + >>> time = torch.randint(low=1, high=100, size=(4,)) + >>> log_params = torch.randn((4, 2)) + >>> survival_function(log_params, time, all_times = False) # Survival at respective time + tensor([0.0002, 0.0000, 0.0299, 0.0000]) + >>> survival_function(log_params, time, all_times = True) # Default. Survival at all observed time + tensor([[1.7941e-04, 0.0000e+00, 0.0000e+00, 0.0000e+00], + [2.8610e-06, 0.0000e+00, 0.0000e+00, 0.0000e+00], + [4.1870e-01, 3.1040e-02, 2.9881e-02, 6.8224e-02], + [9.5576e-04, 0.0000e+00, 0.0000e+00, 0.0000e+00]]) + >>> survival_function(log_params, time=torch.tensor(10.0)) # Survival at one new time (e.g., 10 years) + tensor([1.3709e-06, 5.9605e-08, 3.4954e-01, 1.5438e-05]) + >>> for t in torch.tensor([100.0, 150.0]): survival_function(log_params, time=t) # Subject-specific survival at multiple new times + tensor([0.0000, 0.0000, 0.0288, 0.0000]) + tensor([0.0000, 0.0000, 0.0123, 0.0000]) + + + """ + log_scale, log_shape = _check_log_shape(log_params).unbind(1) + + if time.dim() == 0: + # Use one time for each sample + time = time.repeat(len(log_params)) + elif all([time.size(0) == log_params.size(0), all_times]): + # Use all times for each sample + time = time.unsqueeze(0).expand(len(time), len(time)) # expand across rows + log_scale = log_scale.unsqueeze(1).expand( + len(time), len(time) + ) # expand across columns + log_shape = log_shape.unsqueeze(1).expand( + len(time), len(time) + ) # expand across columns + if time.size(0) != log_params.size(0): + raise ValueError( + f"Dimension mismatch: 'time' ({len(time)}) does not match the length of 'log_params' ({len(log_params)})." + ) + return 1 - torch.distributions.weibull.Weibull( + torch.exp(log_scale), torch.exp(log_shape) + ).cdf(time) + + +def log_hazard( + log_params: torch.Tensor, time: torch.Tensor, all_times: bool = True +) -> torch.Tensor: + """Log hazard of the Weibull Accelerated Time Failure (AFT) survival model. + + Args: + log_params (torch.Tensor, float): + Parameters of the Weibull distribution of shape = (n_samples, 1) or (n_samples, 2). + The first column corresponds to the log scale parameter. The second column + corresponds to the log shape parameter. If the log shape parameter is missing, it is + imputed with 0. + time (torch.Tensor, float): + Time at which to evaluate the log hazard. + Should be of length n_samples to evaluate the log hazard at observed time-to-event or censoring, + or of length one to evaluate the log hazard at a new time. + all_times (bool): + If True, subject-specific log hazard is evaluated at all ``time`` (used for evaluation metrics). + If False, subject-specific log hazard is evaluated at respective ``time``. + Defaults is True. + Ignored if ``time`` is of length one. + + Returns: + (torch.Tensor, float): Subject-specific log hazard evaluated at ``time``. + + Examples: + >>> _ = torch.manual_seed(42) + >>> time = torch.randint(low=1, high=100, size=(4,)) + >>> log_params = torch.randn((4, 2)) + >>> log_hazard(log_params, time, all_times = False) # Log hazard at respective time + tensor([ 0.4392, -0.0303, -3.9672, 0.9140]) + >>> log_hazard(log_params, time, all_times = True) # Default. Log hazard at all time + tensor([[ 0.4392, 1.1174, 1.1227, 0.9913], + [ 0.4148, -0.0303, -0.0338, 0.0525], + [-2.7225, -3.9575, -3.9672, -3.7279], + [ 0.2606, 1.0632, 1.0695, 0.9140]]) + >>> log_hazard(log_params, time=torch.tensor(10.0)) # Log hazard at one new time (e.g., 10 years) + tensor([ 0.5316, 0.3542, -2.8907, 0.3699]) + >>> for t in torch.tensor([100.0, 150.0]): log_hazard(log_params, time=t) # Subject-specific log hazard at multiple new times + tensor([ 1.1280, -0.0372, -3.9767, 1.0757]) + tensor([ 1.2330, -0.1062, -4.1680, 1.1999]) + """ + + log_scale, log_shape = _check_log_shape(log_params).unbind(1) + + if time.dim() == 0: + # Use fixed time for each sample + time = time.repeat(len(log_params)) + elif all([time.size(0) == log_params.size(0), all_times]): + # Use all times for each sample + time = time.unsqueeze(0).expand(len(time), len(time)) # expand across rows + log_scale = log_scale.unsqueeze(1).expand( + len(time), len(time) + ) # expand across columns + log_shape = log_shape.unsqueeze(1).expand( + len(time), len(time) + ) # expand across columns + if time.size(0) != log_params.size(0): + raise ValueError( + f"Dimension mismatch: 'time' ({len(time)}) does not match the length of 'log_params' ({len(log_params)})." + ) + + return ( + log_shape + - log_scale + + torch.expm1(log_shape) + * (torch.log(torch.clip(time, 1e-100, torch.inf)) - log_scale) + ) + + +def cumulative_hazard( + log_params: torch.Tensor, time: torch.Tensor, all_times: bool = True +) -> torch.Tensor: + """Cumulative hazard for the Weibull Accelerated Time Failure (AFT) survival model. + + Args: + log_params (torch.Tensor, float): + Parameters of the Weibull distribution of shape = (n_samples, 1) or (n_samples, 2). + The first column corresponds to the log scale parameter. The second column + corresponds to the log shape parameter. If the log shape parameter is missing, it is + imputed with 0. + time (torch.Tensor, float): + Time-to-event or censoring of length n_samples. + all_times (bool) + If True, subject-specific cumulative hazard is evaluated at all ``time`` (used for evaluation metrics). + If False, subject-specific cumulative hazard is evaluated at respective ``time``. + Defaults is True. + + Returns: + (torch.Tensor, float): Subject-specific cumulative hazard evaluated at ``time``. + + Examples: + >>> _ = torch.manual_seed(42) + >>> time = torch.randint(low=1, high=100, size=(4,)) + >>> log_params = torch.randn((4, 2)) + >>> cumulative_hazard(log_params, time, all_times=False) # Cumulative hazard at respective time + tensor([ 8.6257, 112.2115, 3.5105, 112.6339]) + >>> cumulative_hazard(log_params, time, all_times=True) # Default. Cumulative hazard at all time + tensor([[ 8.6257, 233.0865, 239.2167, 126.2805], + [ 12.7698, 112.2115, 114.1484, 74.9134], + [ 0.8706, 3.4725, 3.5105, 2.6850], + [ 6.9530, 212.7592, 218.5687, 112.6339]]) + """ + log_scale, log_shape = _check_log_shape(log_params).unbind(1) + + if all_times: + # Use all times for each sample + time = time.unsqueeze(0).expand(len(time), len(time)) # expand across rows + log_scale = log_scale.unsqueeze(1).expand( + len(time), len(time) + ) # expand across columns + log_shape = log_shape.unsqueeze(1).expand( + len(time), len(time) + ) # expand across columns + + return torch.clamp( + torch.exp( + torch.exp(log_shape) + * (torch.log(torch.clip(time, 1e-100, torch.inf)) - log_scale) + ), + min=0, + max=TORCH_CLAMP_VALUE, + ) + + +def _check_log_shape(log_params: torch.Tensor) -> torch.Tensor: + """Private function, check if the log shape is missing and impute it with 0 + if needed.""" + if any( + [ + log_params.dim() == 0, + log_params.dim() == 1, # if shape = [n_samples] + log_params.dim() > 1 + and log_params.size(1) == 1, # if shape = [n_samples, 1] + ] + ): + if log_params.dim() == 1: + log_params = log_params.unsqueeze(1) + + # Missing log shape parameter. Creating zeros placeholder instead. + log_params = torch.hstack((log_params, torch.zeros_like(log_params))) + + return log_params + + +def _check_inputs(log_params: torch.Tensor, event: torch.Tensor, time: torch.Tensor): + """Private function, perform input format checks.""" + if isinstance(log_params, torch.Tensor) == False: + raise TypeError("Input 'log_params' must be a tensor.") + + if isinstance(event, torch.Tensor) == False: + raise TypeError("Input 'event' must be a tensor.") + + if isinstance(time, torch.Tensor) == False: + raise TypeError("``Input 'time' must be a tensor.") + + if log_params.shape[0] != len(event): + raise ValueError( + "Length mismatch: The length of 'log_params' must match the length of 'event'." + ) + + if len(time) != len(event): + raise ValueError( + "Length mismatch: The length of 'time' must match the length of 'event'.`" + ) + + if any(val < 0 for val in time): + raise ValueError("All elements in 'time' must be non-negative.") + + if any(val not in [True, False, 0, 1] for val in event): + raise ValueError("All elements in 'event' must be boolean (True/False or 0/1).") + + +if __name__ == "__main__": + import doctest + + # Run doctest + results = doctest.testmod() + if results.failed == 0: + print("All tests passed.") + else: + print("Some doctests failed.") + sys.exit(1) diff --git a/src/torchsurv/metrics/__init__.py b/src/torchsurv/metrics/__init__.py new file mode 100644 index 0000000..05262e1 --- /dev/null +++ b/src/torchsurv/metrics/__init__.py @@ -0,0 +1 @@ +""" Module with metrics for model evaluation. """ diff --git a/src/torchsurv/metrics/auc.py b/src/torchsurv/metrics/auc.py new file mode 100644 index 0000000..5400d68 --- /dev/null +++ b/src/torchsurv/metrics/auc.py @@ -0,0 +1,1297 @@ +""" AUC metrics module """ + +import sys +from typing import Optional + +import torch +from scipy import stats +from torchmetrics import regression + +from ..stats.kaplan_meier import KaplanMeierEstimator +from ..tools.validate_inputs import ( + validate_estimate, + validate_evaluation_time, + validate_survival_data, +) + + +class Auc: + def __init__(self, checks: bool = True, tied_tol: float = 1e-8): + """Initialize an Auc for survival class model evaluation. + + Args: + tied_tol (float): + Tolerance for tied risk scores. + Defaults to 1e-8. + checks (bool): + Whether to perform input format checks. + Enabling checks can help catch potential issues in the input data. + Defaults to True. + + Examples: + >>> _ = torch.manual_seed(42) + >>> n = 10 + >>> time = torch.randint(low=5, high=250, size=(n,)).float() + >>> event = torch.randint(low=0, high=2, size=(n,)).bool() + >>> estimate = torch.randn((n,)) + >>> auc = Auc() + >>> auc(estimate, event, time) # default: auc cumulative/dynamic + tensor([0.7500, 0.4286, 0.3333]) + >>> auc.integral() + tensor(0.5040) + >>> auc.confidence_interval() # default: Blanche, two_sided + tensor([[0.4213, 0.0000, 0.0000], + [1.0000, 0.9358, 0.7289]]) + >>> auc.p_value() + tensor([0.1360, 0.7826, 0.4089]) + """ + self.tied_tol = tied_tol + self.checks = checks + + def __call__( + self, + estimate: torch.Tensor, + event: torch.Tensor, + time: torch.Tensor, + auc_type: str = "cumulative", + weight: Optional[torch.Tensor] = None, + new_time: Optional[torch.Tensor] = None, + weight_new_time: Optional[torch.Tensor] = None, + instate: bool = True, + ) -> torch.Tensor: + r"""Compute the time-dependent Area Under the Receiver Operating Characteristic Curve (AUC). + + The AUC at time :math:`t` is the probability that a model correctly predicts + which of two comparable samples will experience an event by time :math:`t` based on their + estimated risk scores. + The AUC is particularly useful for evaluating time-dependent predictions (e.g., 10-year mortality). + It is recommended to use AUC instead of the concordance index for such time-dependent predictions, as + AUC is proper in this context, while the concordance index is not :cite:p:`Blanche2018`. + + Args: + estimate (torch.Tensor): + Estimated risk of event occurrence (i.e., risk score). + Can be of shape = (n_samples,) if subject-specific risk score is time-independent, + of shape = (n_samples, n_samples) if subject-specific risk score is evaluated at ``time``, + or of shape = (n_samples, n_times) if subject-specific risk score is evaluated at ``new_time``. + event (torch.Tensor, boolean): + Event indicator of size n_samples (= True if event occured). + time (torch.Tensor, float): + Time-to-event or censoring of size n_samples. + auc_type (str, optional): + AUC type. Defaults to "cumulative". + Must be one of the following: "cumulative" for cumulative/dynamic, "incident" for incident/dynamic. + weight (torch.Tensor, optional): + Optional sample weight evaluated at ``time`` of size n_samples. + Defaults to 1. + new_time (torch.Tensor, optional): + Time points at which to evaluate the AUC of size n_times. Values must be within the range of follow-up in ``time``. + Defaults to the event times excluding maximum (because number of controls for t > max(time) is 0). + weight_new_time (torch.tensor): + Optional sample weight evaluated at ``new_time`` of size n_times. + Defaults to 1. + + Returns: + torch.Tensor: AUC evaluated at ``new_time``. + + Note: + The function evaluates either the cumulative/dynamic (C/D) or the incident/dynamic (I/D) AUC (argument ``auc_type``) + at time :math:`t \in \{t_1, \cdots, t_K\}` (argument ``new_time``). + + For each subject :math:`i \in \{1, \cdots, N\}`, denote :math:`X_i` as the survival time and :math:`D_i` as the + censoring time. Survival data consist of the event indicator, :math:`\delta_i=(X_i\leq D_i)` + (argument ``event``) and the time-to-event or censoring, :math:`T_i = \min(\{ X_i,D_i \})` + (argument ``time``). + + The risk score measures the risk (or a proxy thereof) that a subject has an event. + The function accepts time-dependent risk score or time-independent risk score. The time-dependent risk score + of subject :math:`i` is specified through a function :math:`q_i: [0, \infty) \rightarrow \mathbb{R}`. + The time-independent risk score of subject :math:`i` is specified by a constant :math:`q_i`. + The argument ``estimate`` is the estimated risk score. + For time-dependent risk score: if ``new_time`` is specified, the argument ``estimate`` should be of shape = (N,K) + (:math:`(i,k)` th element is :math:`\hat{q}_i(t_k)`); + if ``new_time`` is not specified, the argument ``estimate`` should be of shape = (N,N) + (:math:`(i,j)` th element is :math:`\hat{q}_i(T_j)`) . + For time-independent risk score, the argument ``estimate`` should be of length + N (:math:`i` th element is :math:`\hat{q}_i`). + + The AUC C/D and AUC I/D evaluated at time :math:`t` are defined by + + .. math:: + \text{AUC}^{C/D}(t) = p(q_i(t) > q_j(t) \: | \: X_i \leq t, X_j > t) \\ + \text{AUC}^{I/D}(t) = p(q_i(t) > q_j(t) \: | \: X_i = t, X_j > t). + + + The default estimators of the AUC C/D and AUC I/D at time :math:`t` :cite:p:`Blanche2013` returned by the function are + + .. math:: + + \hat{\text{AUC}}^{C/D}(t) = \frac{\sum_i \sum_j \delta_i \: I(T_i \leq t, T_j > t) I(\hat{q}_i(t) > \hat{q}_j(t))}{\sum_i \delta_i \: I(T_i \leq t) \sum_j I(T_j > t)} \\ + \hat{\text{AUC}}^{I/D}(t) = \frac{\sum_i \sum_j \delta_i \: I(T_i = t, T_j > t) I(\hat{q}_i(t) > \hat{q}_j(t))}{\sum_i \delta_i \: I(T_i = t) \sum_j I(T_j > t)}. + + These estimators are considered naive because, when the event times are censored, all subjects censored + before time point :math:`t` are ignored. Additionally, the naive estimators + converge to an association measure that involves the censoring distribution. + To address this shortcoming, :cite:t:`Uno2007` proposed to employ the + inverse probability weighting technique. In this context, each subject included at time + :math:`t` is weighted by the inverse probability of censoring :math:`\omega(t) = 1 / \hat{D}(t)`, where + :math:`\hat{D}(t)` is the Kaplan-Meier estimate of the censoring distribution, :math:`P(D>t)`. + The censoring-adjusted AUC C/D estimate at time :math:`t` is + + .. math:: + + \hat{\text{AUC}}^{C/D}(t) = \frac{\sum_i \sum_j \delta_i \: \omega(T_i) \: I(T_i \leq t, T_j > t) I(\hat{q}_i(t) > \hat{q}_j(t))}{\sum_i \delta_i \: \omega(T_i) \: I(T_i \leq t) \sum_j I(T_j > t)} \\ + + Note that the censoring-adjusted AUC I/D estimate is the same as the "naive" estimate because the weights are all equal to :math:`\omega(t)`. + + The censoring-adjusted AUC C/D estimate can be obtained by specifying the argument + ``weight``, the weights evaluated at each ``time`` (:math:`\omega(T_1), \cdots, \omega(T_N)`). + If ``new_time`` is specified, the argument ``weight_new_time`` + should also be specified accordingly, the weights evaluated at each ``new_time`` + (:math:`\omega(t_1), \cdots, \omega(t_K)`). The latter is required to compute the standard error of the AUC. + In the context of train/test split, the weights should be derived from the censoring distribution estimated in the training data. + Specifically, the censoring distribution is estimated using the training set and then evaluated at the subject time within the test set. + + Examples: + >>> from torchsurv.stats.ipcw import get_ipcw + >>> _ = torch.manual_seed(42) + >>> n = 20 + >>> time = torch.randint(low=5, high=250, size=(n,)).float() + >>> event = torch.randint(low=0, high=2, size=(n,)).bool() + >>> estimate = torch.randn((n,)) + >>> auc = Auc() + >>> auc(estimate, event, time) # default: naive auc c/d + tensor([0.9474, 0.5556, 0.5294, 0.6429, 0.5846, 0.6389, 0.5844, 0.5139, 0.4028, + 0.5400, 0.4545, 0.7500]) + >>> auc(estimate, event, time, auc_type = "incident") # naive auc i/d + tensor([0.9474, 0.1667, 0.4706, 0.9286, 0.3846, 0.8333, 0.3636, 0.2222, 0.0000, + 0.8000, 0.5000, 1.0000]) + >>> ipcw = get_ipcw(event, time) # ipcw weight at time + >>> auc(estimate, event, time, weight = ipcw) # Uno's auc c/d + tensor([0.9474, 0.5556, 0.5294, 0.6521, 0.5881, 0.6441, 0.5865, 0.5099, 0.3929, + 0.5422, 0.4534, 0.7996]) + >>> new_time = torch.unique(torch.randint(low=100, high=150, size=(n,)).float()) # new time at which to evaluate auc + >>> ipcw_new_time = get_ipcw(event, time, new_time) # ipcw at new_time + >>> auc(estimate, event, time, new_time = new_time, weight = ipcw, weight_new_time = ipcw_new_time) # Uno's auc c/d at new_time + tensor([0.5333, 0.5333, 0.5333, 0.5333, 0.6521, 0.6521, 0.5881, 0.5881, 0.5865, + 0.5865, 0.5865, 0.5865, 0.5865, 0.6018, 0.6018, 0.5099]) + + References: + + .. bibliography:: + :filter: False + + Blanche2018 + Blanche2013 + Uno2007 + """ + + # mandatory input format checks + Auc._validate_auc_inputs( + estimate, time, auc_type, new_time, weight, weight_new_time + ) + + # update inputs as required + estimate, new_time, weight, weight_new_time = Auc._update_auc_new_time( + estimate, event, time, new_time, weight, weight_new_time + ) + estimate = Auc._update_auc_estimate(estimate, new_time) + weight, weight_new_time = Auc._update_auc_weight( + time, new_time, weight, weight_new_time + ) + + # further input format checks + if self.checks: + validate_survival_data(event, time) + validate_evaluation_time(new_time, time) + validate_estimate(estimate, time, new_time) + + # sample size and length of time + n_samples, n_times = estimate.shape[0], new_time.shape[0] + + # Expand arrays to (n_samples, n_times) shape + time_long = time.unsqueeze(1).expand((n_samples, n_times)) + event_long = event.unsqueeze(1).expand((n_samples, n_times)) + weight_long = weight.unsqueeze(1).expand((n_samples, n_times)) + new_time_long = new_time.unsqueeze(0).expand( + n_samples, n_times + ) # Size n_times, unsqueeze(0) instead + + # sort each time point (columns) by risk score (descending) + index = torch.argsort(-estimate, dim=0) + time_long, event_long, estimate, weight_long = map( + lambda x: torch.gather(x, 0, index), + [time_long, event_long, estimate, weight_long], + ) + + # find case and control + if auc_type == "incident": + is_case = (time_long == new_time_long) & event_long + elif auc_type == "cumulative": + is_case = (time_long <= new_time_long) & event_long + is_control = time_long > new_time_long + n_controls = is_control.sum(axis=0) + + # estimate censoring adjusted true positive rate and false positive rate + cumsum_tp = torch.cumsum(is_case * weight_long, axis=0) + cumsum_fp = torch.cumsum(is_control, axis=0) + true_pos = cumsum_tp / cumsum_tp[-1] + false_pos = cumsum_fp / n_controls + + # prepend row of infinity values + estimate_diff = torch.cat( + (torch.full((1, n_times), float("inf")), estimate), dim=0 + ) + is_tied = torch.abs(torch.diff(estimate_diff, dim=0)) <= self.tied_tol + + # initialize empty tensor to store auc + auc = torch.zeros_like(new_time) + + # iterate over time + for i in range(n_times): + # Extract relevant columns for the current time point + tp, fp, mask = true_pos[:, i], false_pos[:, i], is_tied[:, i] + + # Create a boolean mask with False at the indices where ties occur + mask_no_ties = torch.ones(tp.numel(), dtype=torch.bool) + mask_no_ties[torch.nonzero(mask) - 1] = False + + # Extract values without ties using the boolean mask + tp_no_ties = tp[mask_no_ties] + fp_no_ties = fp[mask_no_ties] + + # Add an extra threshold position + # to make sure that the curve starts at (0, 0) + tp_no_ties = torch.cat([torch.tensor([0]), tp_no_ties]) + fp_no_ties = torch.cat([torch.tensor([0]), fp_no_ties]) + + # Calculate AUC using trapezoidal rule for numerical integration + auc[i] = torch.trapz(tp_no_ties, fp_no_ties) + + # Create/overwrite internal attributes states + if instate: + index_rev = torch.argsort(index, dim=0) + estimate, is_case, is_control = map( + lambda x: torch.gather(x, 0, index_rev), + [estimate, is_case, is_control], + ) + + # sort all objects by time + self.order_time = torch.argsort(time, dim=0) + self.time = time[self.order_time] + self.event = event[self.order_time] + self.weight = weight[self.order_time] + self.new_time = new_time + self.weight_new_time = weight_new_time + self.estimate = torch.index_select(estimate, 0, self.order_time) + self.is_case = torch.index_select(is_case, 0, self.order_time) + self.is_control = torch.index_select(is_control, 0, self.order_time) + self.auc_type = auc_type + self.auc = auc + + return auc + + def integral(self, tmax: Optional[torch.Tensor] = None): + """Compute the integral of the time-dependent AUC. + + Args: + tmax (torch.Tensor, optional): + A number specifying the upper limit of the time range to compute the AUC integral. + Defaults to ``new_time[-1]`` for cumulative/dynamic AUC and ``new_time[-1]-1`` for incident/dynamic AUC. + + Returns: + torch.Tensor: Integral of AUC over [0-``tmax``]. + + Examples: + >>> _ = torch.manual_seed(42) + >>> n = 10 + >>> time = torch.randint(low=5, high=250, size=(n,)).float() + >>> event = torch.randint(low=0, high=2, size=(n,)).bool() + >>> estimate = torch.randn((n,)) + >>> auc = Auc() + >>> auc(estimate, event, time, auc_type = "incident") + tensor([0.7500, 0.1429, 0.1667]) + >>> auc.integral() # integral of the auc incident/dynamic + tensor(0.4667) + + Notes: + In case ``auc_type`` = "cumulative" (cumulative/dynamic AUC), the values of AUC are weighted by + the estimated event density. In case ``auc_type`` = "incident" + (incident/dynamic AUC), the values of AUC are weighted by 2 times the product of the estimated + event density and the estimated survival function :cite:p:`Heagerty2005`. + The estimated survival + function is the Kaplan-Meier estimate. The estimated event density + is obtained from the discrete incremental changes of the estimated survival function. + + References: + + .. bibliography:: + :filter: False + + Heagerty2005 + """ + # Only one time step available + if len(self.new_time) == 1: + return self.auc[0] + else: + # handle cases where tmax is not specified + if tmax is None: + tmax = ( + self.new_time[-1] + if self.auc_type == "cumulative" + else self.new_time[-1] - 1 + ) + + # estimate of survival distribution + km = KaplanMeierEstimator() + km(self.event, self.time) + S = km.predict(self.new_time) + + # integral of auc + if self.auc_type == "cumulative": + return self._integrate_AUC_cumulative(S, tmax) + else: + return self._integrate_AUC_incident(S, tmax) + + def confidence_interval( + self, + method: str = "blanche", + alpha: float = 0.05, + alternative: str = "two_sided", + n_bootstraps: int = 999, + ) -> torch.Tensor: + """Compute the confidence interval of the AUC. + + This function calculates either the pointwise confidence interval or the bootstrap + confidence interval for the AUC. The pointwise confidence interval is computed + assuming that the AUC is normally distributed and using the standard error estimated with + :cite:t:`Blanche2013b` method. The bootstrap confidence interval is constructed based on the + distribution of bootstrap samples. + + Args: + method (str): + Method for computing confidence interval. Defaults to "blanche". + Must be one of the following: "blanche", "bootstrap". + alpha (float): + Significance level. Defaults to 0.05. + alternative (str): + Alternative hypothesis. Defaults to "two_sided". + Must be one of the following: "two_sided", "greater", "less". + n_bootstraps (int): + Number of bootstrap samples. Defaults to 999. + Ignored if ``method`` is not "bootstrap". + + Returns: + torch.Tensor([lower,upper]): + Lower and upper bounds of the confidence interval. + + Examples: + >>> _ = torch.manual_seed(42) + >>> n = 10 + >>> time = torch.randint(low=5, high=250, size=(n,)).float() + >>> event = torch.randint(low=0, high=2, size=(n,)).bool() + >>> estimate = torch.randn((n,)) + >>> auc = Auc() + >>> auc(estimate, event, time) + tensor([0.7500, 0.4286, 0.3333]) + >>> auc.confidence_interval() # Default: Blanche, two_sided + tensor([[0.4213, 0.0000, 0.0000], + [1.0000, 0.9358, 0.7289]]) + >>> auc.confidence_interval(method = "bootstrap", alternative = "greater") + tensor([[0.3750, 0.1667, 0.0833], + [1.0000, 1.0000, 1.0000]]) + + References: + + .. bibliography:: + :filter: False + + Blanche2013b + """ + + assert ( + hasattr(self, "auc") and self.auc is not None + ), "Error: Please calculate AUC using `Auc()` before calling `confidence_interval()`." + + if alternative not in ["less", "greater", "two_sided"]: + raise ValueError( + "'alternative' parameter must be one of ['less', 'greater', 'two_sided']." + ) + + if method == "blanche": + return self._confidence_interval_blanche(alpha, alternative) + elif method == "bootstrap": + return self._confidence_interval_bootstrap( + alpha, alternative, n_bootstraps + ).squeeze() + else: + raise ValueError( + "Method not implemented. Please choose either 'blanche' or 'bootstrap'." + ) + + def p_value( + self, + method: str = "blanche", + alternative: str = "two_sided", + n_bootstraps: int = 999, + ) -> torch.Tensor: + """Perform a one-sample hypothesis test on the AUC. + + This function calculates either the pointwise p-value or the bootstrap p-value + for testing the null hypothesis that the AUC is equal to 0.5. + The pointwise p-value is computed assuming that the AUC is normally distributed + and using the standard error estimated using :cite:t:`Blanche2013b` method. + The bootstrap p-value is derived by permuting risk predictions to estimate + the sampling distribution under the null hypothesis. + + Args: + method (str): + Method for computing p-value. Defaults to "blanche". + Must be one of the following: "blanche", "bootstrap". + alternative (str): + Alternative hypothesis. Defaults to "two_sided". + Must be one of the following: "two_sided" (AUC is not equal to 0.5), + "greater" (AUC is greater than 0.5), "less" (AUC is less than 0.5). + n_bootstraps (int): + Number of bootstrap samples. Defaults to 999. + Ignored if ``method`` is not "bootstrap". + + Returns: + torch.Tensor: p-value of the statistical test. + + Examples: + >>> _ = torch.manual_seed(42) + >>> n = 10 + >>> time = torch.randint(low=5, high=250, size=(n,)).float() + >>> event = torch.randint(low=0, high=2, size=(n,)).bool() + >>> estimate = torch.randn((n,)) + >>> auc = Auc() + >>> auc(estimate, event, time) + tensor([0.7500, 0.4286, 0.3333]) + >>> auc.p_value() # Default: Blanche, two_sided + tensor([0.1360, 0.7826, 0.4089]) + >>> auc.p_value(method = "bootstrap", alternative = "greater") + tensor([0.2400, 0.5800, 0.7380]) + + """ + + assert ( + hasattr(self, "auc") and self.auc is not None + ), "Error: Please calculate AUC using `Auc()` before calling `p_value()`." + + if alternative not in ["less", "greater", "two_sided"]: + raise ValueError( + "'alternative' parameter must be one of ['less', 'greater', 'two_sided']." + ) + + if method == "blanche": + return self._p_value_blanche(alternative) + elif method == "bootstrap": + return self._p_value_bootstrap(alternative, n_bootstraps) + else: + raise ValueError( + "Method not implemented. Please choose either 'blanche' or 'bootstrap'." + ) + + def compare( + self, other, method: str = "blanche", n_bootstraps: int = 999 + ) -> torch.tensor: + """Compare two AUCs. + + This function compares two AUCs computed on the same data with different + risk predictions. The statistical hypotheses are + formulated as follows, null hypothesis: auc1 = auc2 and alternative + hypothesis: auc1 > auc2. + The statistical test is either a Student t-test for dependent samples or + a two-sample bootstrap test. The Student t-test assumes that the AUC is normally distributed + and uses the standard errors estimated with :cite:t:`Blanche2013b` method. + + Args: + other (Auc): + Another instance of the Auc class representing auc2. + method (str): + Statistical test used to perform the hypothesis test. Defaults to "blanche". + Must be one of the following: "blanche", "bootstrap". + n_bootstraps (int): + Number of bootstrap samples. Defaults to 999. + Ignored if ``method`` is not "bootstrap". + + Returns: + torch.tensor: p-value of the statistical test. + + Examples: + >>> _ = torch.manual_seed(42) + >>> n = 10 + >>> time = torch.randint(low=5, high=250, size=(n,)).float() + >>> event = torch.randint(low=0, high=2, size=(n,)).bool() + >>> auc1 = Auc() + >>> auc1(torch.randn((n,)), event, time) + tensor([0.7500, 0.4286, 0.3333]) + >>> auc2 = Auc() + >>> auc2(torch.randn((n,)), event, time) + tensor([0.0000, 0.1429, 0.0556]) + >>> auc1.compare(auc2) # default: Blanche + tensor([0.0008, 0.2007, 0.1358]) + >>> auc1.compare(auc2, method = "bootstrap") + tensor([0.0220, 0.1970, 0.1650]) + + """ + + assert ( + hasattr(self, "auc") and self.auc is not None + ), "Error: Please calculate AUC using `Auc()` before calling `compare()`." + + # assert that the same data were used to compute the two auc + if torch.any(self.event != other.event) or torch.any(self.time != other.time): + raise ValueError( + "Mismatched survival data: 'time' and 'event' should be the same for both AUC computations." + ) + if torch.any(self.new_time != other.new_time): + raise ValueError( + "Mismatched evaluation times: 'new_time' should be the same for both AUC computations." + ) + if self.auc_type != other.auc_type: + raise ValueError( + "Mismatched AUC types: 'auc_type' should be the same for both AUC computations." + ) + + if method == "blanche": + return self._compare_blanche(other) + if method == "bootstrap": + return self._compare_bootstrap(other, n_bootstraps) + else: + raise ValueError( + "Method not implemented. Please choose either 'blanche' or 'bootstrap'." + ) + + def _integrate_AUC_incident( + self, S: torch.tensor, tmax: torch.tensor + ) -> torch.Tensor: + """Integrates the incident/dynamic AUC, int_t AUC(t) x w(t) dt + where w(t) = 2*f(t)*S(t) and f(t) is the lifeline distribution, + S(t) is the survival distribution estimated with the Kaplan + Meier estimator. + """ + + # Get the number of unique event times + n_S = len(S) + + # Find the index corresponding to tmax in times + maxI = torch.sum(self.new_time <= tmax) + + # Initialize an array to store the density function f(t) + f = torch.zeros_like(S) + + # Compute the density function f(t) + f[0] = 1.0 - S[0] + for i in range(1, n_S): + f[i] = S[i - 1] - S[i] + + # Initialize a variable to accumulate the weighted sum of f(t)*S(t) + wT = 0.0 + + # Accumulate the weighted sum up to maxI + for i in range(maxI): + wT += 2.0 * f[i] * S[i] + + # Initialize the integrated AUC + i_auc = 0 + + # Calculate the integrated AUC using the weight + for i in range(maxI): + if wT != 0.0: + if f[i] > torch.finfo(torch.double).eps: + i_auc += self.auc[i] * (2.0 * f[i] * S[i]) / wT + + return i_auc + + def _integrate_AUC_cumulative( + self, S: torch.tensor, tmax: torch.tensor + ) -> torch.Tensor: + """Integrates the cumulative/dynamic AUC, int_t AUC(t) · f(t) dt + where f(t) is the lifeline distribution estimated from the discrete + incremental changes of the Kalpan-Meier estimate of the survival function. + """ + + # Get the number of unique event times + n_S = len(S) + + # Find the index corresponding to tmax in times + maxI = torch.sum(self.new_time <= tmax) + + # Initialize an array to store the density function f(t) + f = torch.zeros_like(S) + + # Compute the density function f(t) + f[0] = 1.0 - S[0] + for i in range(1, n_S): + f[i] = S[i - 1] - S[i] + + # Initialize a variable to accumulate the weighted sum of f(t) + wT = 0.0 + + # Accumulate the weighted sum up to maxI + for i in range(maxI): + if f[i] > torch.finfo(torch.double).eps: + wT += f[i] + + # Initialize the integrated AUC + i_auc = 0 + + # Calculate the integrated AUC using the weight + for i in range(maxI): + if wT != 0.0: + if f[i] > torch.finfo(torch.double).eps: + i_auc += self.auc[i] * (f[i]) / wT + + return i_auc + + def _confidence_interval_blanche( + self, alpha: float, alternative: str + ) -> torch.Tensor: + """Confidence interval of AUC assuming that the AUC + is normally distributed and using + standard error estimated with Blanche et al.'s method.""" + + alpha = alpha / 2 if alternative == "two_sided" else alpha + + auc_se = self._auc_se() + + if torch.all(auc_se) >= 0: + ci = ( + -torch.distributions.normal.Normal(0, 1).icdf(torch.tensor(alpha)) + * auc_se + ) + lower = torch.max(torch.tensor(0.0), self.auc - ci) + upper = torch.min(torch.tensor(1.0), self.auc + ci) + + if alternative == "less": + lower = torch.zeros_like(lower) + elif alternative == "greater": + upper = torch.ones_like(upper) + else: + raise ValueError("The standard error of AUC must be a positive value.") + + return torch.stack([lower, upper], dim=0).squeeze() + + def _confidence_interval_bootstrap( + self, alpha: float, alternative: str, n_bootstraps: int + ) -> torch.tensor: + """Bootstrap confidence interval of the AUC using Efron percentile method. + + References: + Efron, Bradley; Tibshirani, Robert J. (1993). + An introduction to the bootstrap, New York: Chapman & Hall, software. + """ + + # auc bootstraps given bootstrap distribution + auc_bootstrap = self._bootstrap_auc( + metric="confidence_interval", n_bootstraps=n_bootstraps + ) + + # intialize tensor to store confidence intervals + lower = torch.zeros_like(self.auc) + upper = torch.zeros_like(self.auc) + + # iterate over time + for index_t in range(len(self.auc)): + # obtain confidence interval + if alternative == "two_sided": + lower[index_t], upper[index_t] = torch.quantile( + auc_bootstrap[:, index_t], + torch.tensor([alpha / 2, 1 - alpha / 2], device=self.auc.device), + ) + elif alternative == "less": + upper[index_t] = torch.quantile( + auc_bootstrap[:, index_t], + torch.tensor(1 - alpha, device=self.auc.device), + ) + lower[index_t] = torch.tensor(0.0, device=self.auc.device) + elif alternative == "greater": + lower[index_t] = torch.quantile( + auc_bootstrap[:, index_t], + torch.tensor(alpha, device=self.auc.device), + ) + upper[index_t] = torch.tensor(1.0, device=self.auc.device) + + return torch.stack([lower, upper], dim=0).squeeze() + + def _p_value_blanche( + self, alternative: str, null_value: float = 0.5 + ) -> torch.tensor: + """p-value for a one-sample hypothesis test of the AUC + assuming that the AUC is normally distributed and using standard error estimated + with Blanche et al's method. + """ + + auc_se = self._auc_se() + + # get p-value + if torch.all(auc_se) >= torch.tensor(0.0): + p = torch.distributions.normal.Normal(0, 1).cdf( + (self.auc - null_value) / auc_se + ) + if alternative == "two_sided": + mask = self.auc >= torch.tensor(0.5) + p[mask] = torch.tensor(1.0) - p[mask] + p *= torch.tensor(2.0) + elif alternative == "greater": + p = torch.tensor(1.0) - p + else: + raise ValueError("The standard error of AUC must be a positive value.") + + return p + + def _p_value_bootstrap(self, alternative, n_bootstraps) -> torch.tensor: + """p-value for a one-sample hypothesis test of the AUC using + permutation of risk prediction to estimate sampling distribution under the null + hypothesis. + """ + + # auc boostraps given null distribution auc = 0.5 + auc0 = self._bootstrap_auc(metric="p_value", n_bootstraps=n_bootstraps) + + # intialize empty tensor to store p-values + p_values = torch.zeros_like(self.auc) + + # iterate over time + for index_t in range(len(self.auc)): + # Derive p-value + p = ( + torch.tensor(1.0) + torch.sum(auc0[:, index_t] <= self.auc[index_t]) + ) / torch.tensor(n_bootstraps + 1.0) + if alternative == "two_sided": + if self.auc[index_t] >= torch.tensor(0.5): + p = torch.tensor(1.0) - p + p *= torch.tensor(2.0) + p = torch.min( + torch.tensor(1.0, device=self.auc.device), p + ) # in case very small bootstrap sample size is used + elif alternative == "greater": + p = torch.tensor(1.0) - p + + p_values[index_t] = p + + return p_values + + def _compare_blanche(self, other): + """Student t-test for dependent samples given Blanche's standard error to + compare two AUCs. + """ + + # sample size + N = self.estimate.shape[0] + + # compute noether standard error + auc1_se = self._auc_se() + auc2_se = other._auc_se() + + # intialize empty vector to store p_values + p_values = torch.zeros_like(self.auc) + + # iterate over time + for index_t in range(len(self.auc)): + # compute spearman correlation between risk prediction + corr = regression.SpearmanCorrCoef()( + self.estimate[:, index_t], other.estimate[:, index_t] + ) + + # check for perfect positive monotonic relationship between two variables + if 1 - torch.abs(corr) < 1e-15: + p_values[index_t] = 1.0 + else: + # compute t-stat + t_stat = (self.auc[index_t] - other.auc[index_t]) / torch.sqrt( + auc1_se[index_t] ** 2 + + auc2_se[index_t] ** 2 + - 2 * corr * auc1_se[index_t] * auc2_se[index_t] + ) + + # p-value + p_values[index_t] = torch.tensor( + 1 + - stats.t.cdf( + t_stat, df=N - 1 + ), # student-t cdf not available on torch + dtype=self.auc.dtype, + device=self.auc.device, + ) + + return p_values + + def _compare_bootstrap(self, other, n_bootstraps): + """Boostrap two-sample test to compare two AUCs.""" + + # auc bootstraps given null hypothesis that auc1 and + # auc2 come from the same distribution + auc1_null = self._bootstrap_auc( + metric="compare", other=other, n_bootstraps=n_bootstraps + ) + auc2_null = self._bootstrap_auc( + metric="compare", other=other, n_bootstraps=n_bootstraps + ) + + # Bootsrapped test statistics + t_boot = auc1_null - auc2_null + + # observed test statistics + t_obs = self.auc - other.auc + + # intialize empty tensor to store p-values + p_values = torch.zeros_like(self.auc) + + # iterate over time + for index_t in range(len(self.auc)): + p_values[index_t] = 1 - ( + 1 + torch.sum(t_boot[:, index_t] <= t_obs[index_t]) + ) / (n_bootstraps + 1) + + return p_values + + def _auc_se(self): + """AUC's standard error estimated using Blanche et al's method.""" + + # sample size and length of time + n_samples, n_times = self.estimate.shape[0], self.new_time.shape[0] + + # number of effective subjects + N = torch.sum(self.weight) + + # survival distribution estimated with KM + km = KaplanMeierEstimator() + km(self.event, self.time) + S = km.predict(self.new_time) + + # Expand arrays to (n_samples, n_times) shape + time_long = torch.unsqueeze(self.time, dim=1).expand((n_samples, n_times)) + new_time_long = self.new_time.unsqueeze(0).expand(n_samples, n_times) + survival_long = S.unsqueeze(0).expand(n_samples, n_times) + + # element (i, t) = I(T_i > t) / S(t) + ipsw = (time_long >= new_time_long) / survival_long + + # element (i,k) = int_0^{T_i} M_Ck(t) / S dt, where M_Ck(t) = I(delta_k = 0, T_k <= t) - int_0^t dLambda_c(u) + integral_M_div_S = self._integral_censoring_martingale_divided_survival() + + # element (i, t) = f_i1t = I(T_i <= t, delta_i = 1) * W(T_i) (if incident, condition for case is T_i = t) + f = self.is_case * self.weight.unsqueeze(1).expand(-1, n_times) + + # element (t) = F_1t = 1/n * sum_i f_i1t + F = 1 / n_samples * torch.sum(f, dim=0) + + # initialize empty tensor to store standard error of auc + auc_se = torch.zeros_like(self.new_time) + + # iterate over time + for index_t in range(n_times): + # element(i,j) given t = h*_tij = I(T_i <= t, delta_i = 1) * I(U_j > t) * (I(M_i > M_j) + 0.5 * I(M_i > M_j)) * W(T_i) * W(t) + h_t = ( + self.is_case[:, index_t].unsqueeze(1) * self.is_control[:, index_t] + ).float() + h_t *= ( + self.estimate[:, index_t].unsqueeze(1) + > self.estimate[:, index_t].unsqueeze(0) + ).float() + 0.5 * ( + self.estimate[:, index_t].unsqueeze(1) + == self.estimate[:, index_t].unsqueeze(0) + ).float() + h_t *= self.weight.unsqueeze(1) + h_t *= self.weight_new_time[index_t] + + # h*_t = 1 / n^2 * sum_i sum_j h_tij + H_t = (1 / (n_samples**2)) * torch.sum(h_t) + + # phi*(t), eq.bottom page 3 of Supplementary Material of Blanche et al. (2013) + phi = Auc._phi_blanche( + h_t, + H_t, + f[:, index_t], + F[index_t], + S[index_t], + integral_M_div_S, + ipsw[:, index_t], + n_samples, + ) + + # sum of phi + sum_phi = ( + torch.sum( + phi, axis=(1, 2) + ) # sum_j sum_k phi_ijk = Les_sum_jk_a_i_fixe * n_samples in Blanche's code + + torch.sum( + phi, axis=(0, 2) + ) # sum_i sum_k phi_ijk = Les_sum_ik_a_j_fixe * n_samples in Blanche's code + + torch.sum( + phi, axis=(0, 1) + ) # sum_i sum_j phi_ijk = Les_sum_ij_a_k_fixe * n_samples in Blanche's code + ) + + # estimate of influence function + hat_IF = 1 / (n_samples**2) * sum_phi + + # estimate of auc standard error + auc_se[index_t] = torch.std(hat_IF) / (n_samples ** (1 / 2)) + + return auc_se + + def _integral_censoring_martingale_divided_survival(self) -> torch.tensor: + """Compute the integral of the censoring martingale divided by the survival distribution.""" + + # Number of samples + n_samples = len(self.time) + + # check that time is ordered + if torch.any(self.time != self.time[torch.argsort(self.time, dim=0)]): + raise ValueError( + "The 'time' values in `self.time` should be ordered in ascending order." + ) + + # find censoring events + censoring = self.event == 0.0 + + # Compute censoring hazard, denoted lambda_C in in Blanche et al's paper + censoring_hazard = censoring / torch.arange(n_samples, 0, -1) + + # cumulative censoring hazard, denoted Lambda_C in Blanche et al's paper + cumsum_censoring_hazard = torch.cumsum(censoring_hazard, dim=0) + + # censoring martingale, denoted M_C in in Blanche et al's paper + censoring_martingale = torch.zeros((n_samples, n_samples), dtype=torch.float32) + for i in range(n_samples): + censoring_martingale[:, i] = censoring[i].float() * ( + self.time[i] <= self.time + ).float() - torch.cat( + ( + cumsum_censoring_hazard[0:i], + torch.full((n_samples - i,), cumsum_censoring_hazard[i]), + ) + ) + + # derivative of censoring martingal, denoted d M_C in Blanche et al's paper + d_censoring_martingale = torch.cat( + ( + censoring_martingale[0, :].view(1, -1), + censoring_martingale[1:, :] - censoring_martingale[:-1, :], + ) + ) + + # divide by empirical survival function + d_censoring_martingale_div_S = torch.stack( + [ + ( + lambda v: v + / torch.cat( + (torch.tensor([1.0]), 1 - torch.arange(1, len(v)) / len(v)) + ) + )(d_censoring_martingale[:, i]) + for i in range(n_samples) + ], + dim=1, + ) + + return torch.cumsum(d_censoring_martingale_div_S, dim=0) + + @staticmethod + def _phi_blanche( + h_t: torch.Tensor, + H_t: torch.Tensor, + f_t: torch.Tensor, + F_t: torch.Tensor, + S_t: torch.Tensor, + integral_M_div_S: torch.Tensor, + ipsw_t: torch.Tensor, + n_samples: int, + ) -> torch.Tensor: + """Compute the three components of the influence function.""" + + phi = torch.zeros( + (n_samples, n_samples, n_samples), + dtype=h_t.dtype, + device=h_t.device, + ) + for i in range(n_samples): + _phi = 1 + integral_M_div_S[:, i] + _phi *= f_t + _phi -= F_t + _phi /= F_t + _phi += ipsw_t + _phi *= -H_t + _phi = _phi.unsqueeze(1).expand(-1, n_samples) + _phi = _phi + ( + h_t * ((1 + integral_M_div_S[:, i]).unsqueeze(1).expand(-1, n_samples)) + ) + _phi /= S_t * F_t + + phi[:, :, i] = _phi + + return phi + + def _bootstrap_auc( + self, metric: str, n_bootstraps: int, other=None + ) -> torch.tensor: + """Compute bootstrap samples of the AUC. + + Args: + metric (str): Must be one of the following: "p_value", "confidence_interval", "compare". + If "p_value", computes bootstrap samples of the AUC given the sampling distribution + under the null hypothesis (AUC = 0.5). If "confidence_interval", computes bootstrap + samples of the AUC given the data distribution. If "compare", computes + bootstrap samples of the AUC given the sampling distribution under the comparison test + null hypothesis (auc1 = auc2). + n_bootstraps (int): Number of boostrap samples. + other (optional, Auc): + Another instance of the Auc class representing auc2. + Only required for ``metric`` is equal to "compare". + + + Returns: + torch.tensor: Bootstrap samples of AUC. + """ + import copy + + # Initiate empty list to store auc + aucs = [] + + # Get the boostrap samples of auc + for _ in range(n_bootstraps): + if ( + metric == "p_value" + ): # bootstrap samples given null distribution (auc = 0.5) + estimate = copy.deepcopy(self.estimate) + estimate = estimate[ + torch.randperm(estimate.shape[0]), : + ] # Shuffle estimate + aucs.append( + self( + estimate, + self.event, + self.time, + self.auc_type, + self.weight, + self.new_time, + self.weight_new_time, + instate=False, + ) + ) # Run without saving internal state + elif ( + metric == "confidence_interval" + ): # bootstrap samples given data distribution + index = torch.randint( + low=0, + high=self.estimate.shape[0], + size=(self.estimate.shape[0] - 2,), + ) + # auc is evaluated at new_time: + # so need to keep the min and max time to ensure that new_time is within follow-up time + index_max_time = torch.argmax(self.time).unsqueeze(0) + index_min_time = torch.nonzero( + self.time == self.time[self.event].min() + ).squeeze(1) + index = torch.cat( + ( + index, + index_max_time, + index_min_time, + ), + dim=0, + ) + + aucs.append( + self( + self.estimate[index, :], + self.event[index], + self.time[index], + self.auc_type, + self.weight[index], + self.new_time, + self.weight_new_time, + instate=False, + ) + ) # Run without saving internal state + + elif ( + metric == "compare" + ): # bootstrap samples given null distribution (auc1 = auc2) + # index included in bootstrap samples + index = torch.randint( + low=0, + high=self.estimate.shape[0] * 2, + size=(self.estimate.shape[0] - 2,), + ) + + # auc is evaluated at new_time: need to keep the indices corresponding to min and max time + # to ensure that new_time is within follow-up time + # with prob 0.5, take the index corresponding to max time from self and with prob 0.5 from other + # same for min time + index_max_time = torch.argmax(self.time).unsqueeze(0) + index_max_time += (torch.rand(1) < 0.5) * self.estimate.shape[0] + index_min_time = torch.nonzero( + self.time == self.time[self.event].min() + ).squeeze(1) + index_min_time += (torch.rand(1) < 0.5) * self.estimate.shape[0] + index = torch.cat( + (index, index_min_time, index_max_time), + dim=0, + ) + + # with prob 0.5, take the weight_new_time from self and with prob 0.5 from other + weight_new_time = ( + self.weight_new_time + if torch.rand(1) < 0.5 + else other.weight_new_time + ) + + aucs.append( + self( # sample with replacement from pooled sample + torch.cat((self.estimate, other.estimate))[index, :], + torch.cat((self.event, other.event))[index], + torch.cat((self.time, other.time))[index], + self.auc_type, + torch.cat((self.weight, other.weight))[index], + self.new_time, + weight_new_time, + instate=False, + ) + ) + + aucs = torch.stack(aucs) + + if torch.any(torch.isnan(aucs)): + raise ValueError("The AUC computed using bootstrap should not be NaN.") + + return aucs + + @staticmethod + def _find_torch_unique_indices( + inverse_indices: torch.tensor, counts: torch.tensor + ) -> torch.tensor: + """return unique_sorted_indices such that + sorted_unique_tensor[inverse_indices] = original_tensor + original_tensor[unique_sorted_indices] = sorted_unique_tensor + + Usage: + _, inverse_indices, counts = torch.unique( + x, sorted=True, return_inverse=True, return_counts=True + ) + sorted_unique_indices = Auc._find_torch_unique_indices( + inverse_indices, counts + ) + """ + + _, ind_sorted = torch.sort(inverse_indices, stable=True) + cum_sum = counts.cumsum(0) + cum_sum = torch.cat((torch.tensor([0]), cum_sum[:-1])) + return ind_sorted[cum_sum] + + @staticmethod + def _validate_auc_inputs( + estimate, time, auc_type, new_time, weight, weight_new_time + ): + + # check new_time and weight are provided, weight_new_time should be provided + if all([new_time is not None, weight is not None, weight_new_time is None]): + raise ValueError( + "Please provide 'weight_new_time', the weight evaluated at 'new_time'." + ) + + # check if auc type is correct + if auc_type not in ["cumulative", "incident"]: + raise ValueError( + "The 'auc_type' parameter must be either 'cumulative' or 'incident'." + ) + + # check if new_time are not specified and time-dependent estimate are not evaluated at time + if new_time is None and estimate.ndim == 2 and estimate.shape[1] != 1: + if len(time) != estimate.shape[1]: + raise ValueError( + "Mismatched dimensions: The number of columns in 'estimate' does not match the length of 'time'. " + "Please provide the times at which 'estimate' is evaluated using the 'new_time' input." + ) + + @staticmethod + def _update_auc_new_time( + estimate: torch.tensor, + event: torch.tensor, + time: torch.tensor, + new_time: torch.tensor, + weight: torch.tensor, + weight_new_time: torch.tensor, + ) -> torch.tensor: + + # update new time + if ( + new_time is not None + ): # if new_time are specified: ensure it has the correct format + + # ensure that new_time are float + if isinstance(new_time, int): + new_time = torch.tensor([new_time]).float() + + # example if new_time is tensor(12), unsqueeze to tensor([12]) + if new_time.ndim == 0: + new_time = new_time.unsqueeze(0) + + else: # else: find new_time + + # if new_time are not specified, use unique event time + mask = event & (time < torch.max(time)) + new_time, inverse_indices, counts = torch.unique( + time[mask], sorted=True, return_inverse=True, return_counts=True + ) + sorted_unique_indices = Auc._find_torch_unique_indices( + inverse_indices, counts + ) + + # select weight corresponding at new time + if weight is not None: + weight_new_time = (weight[mask])[sorted_unique_indices] + + # for time-dependent estimate, select those corresponding to new time + if estimate.ndim == 2 and estimate.shape[1] > 1: + estimate = estimate[:, sorted_unique_indices] + + return estimate, new_time, weight, weight_new_time + + @staticmethod + def _update_auc_estimate( + estimate: torch.tensor, new_time: torch.tensor + ) -> torch.tensor: + + # squeeze estimate if shape = (n_samples, 1) + if estimate.ndim == 2 and estimate.shape[1] == 1: + estimate = estimate.squeeze(1) + + # Ensure estimate is (n_samples, n_times) shape + if estimate.ndim == 1: + estimate = estimate.unsqueeze(1).expand( + (estimate.shape[0], new_time.shape[0]) + ) + + return estimate + + @staticmethod + def _update_auc_weight( + time: torch.tensor, + new_time: torch.tensor, + weight: torch.tensor, + weight_new_time: torch.tensor, + ) -> torch.tensor: + + # if weight was not specified, weight of 1 + if weight is None: + weight = torch.ones_like(time) + weight_new_time = torch.ones_like(new_time) + + return weight, weight_new_time + + +if __name__ == "__main__": + import doctest + + # Run doctest + results = doctest.testmod() + if results.failed == 0: + print("All tests passed.") + else: + print("Some doctests failed.") + sys.exit(1) diff --git a/src/torchsurv/metrics/brier_score.py b/src/torchsurv/metrics/brier_score.py new file mode 100644 index 0000000..9553223 --- /dev/null +++ b/src/torchsurv/metrics/brier_score.py @@ -0,0 +1,902 @@ +import sys +from typing import Optional + +import torch +from scipy import stats + +from ..tools.validate_inputs import ( + validate_estimate, + validate_evaluation_time, + validate_survival_data, +) + + +class BrierScore: + def __init__(self, checks: bool = True): + """Initialize a BrierScore for survival class model evaluation. + + Args: + checks (bool): + Whether to perform input format checks. + Enabling checks can help catch potential issues in the input data. + Defaults to True. + + Examples: + >>> _ = torch.manual_seed(52) + >>> n = 10 + >>> time = torch.randint(low=5, high=250, size=(n,)).float() + >>> event = torch.randint(low=0, high=2, size=(n,)).bool() + >>> estimate = torch.rand((n,len(time))) + >>> brier_score = BrierScore() + >>> brier_score(estimate, event, time) + tensor([0.2463, 0.2740, 0.3899, 0.1964, 0.3608, 0.2821, 0.1932, 0.2978, 0.1950, + 0.1668]) + >>> brier_score.integral() # integrated brier score + tensor(0.2862) + >>> brier_score.confidence_interval() # default: parametric, two-sided + tensor([[0.1061, 0.0604, 0.2360, 0.0533, 0.1252, 0.0795, 0.0000, 0.1512, 0.0381, + 0.0051], + [0.3866, 0.4876, 0.5437, 0.3394, 0.5965, 0.4847, 0.4137, 0.4443, 0.3520, + 0.3285]]) + >>> brier_score.p_value() # default: bootstrap permutation test, two-sided + tensor([1.0000, 0.7860, 1.0000, 0.3840, 1.0000, 1.0000, 0.3840, 1.0000, 0.7000, + 0.2380]) + """ + self.checks = checks + + def __call__( + self, + estimate: torch.Tensor, + event: torch.Tensor, + time: torch.Tensor, + new_time: Optional[torch.Tensor] = None, + weight: Optional[torch.Tensor] = None, + weight_new_time: Optional[torch.Tensor] = None, + instate: bool = True, + ) -> torch.Tensor: + r"""Compute the Brier Score. + + Args: + estimate (torch.Tensor): + Estimated probability of remaining event-free (i.e., survival function). + Can be of shape = (n_samples, n_samples) if subject-specific survival is evaluated at ``time``, + or of shape = (n_samples, n_times) if subject-specific survival is evaluated at ``new_time``. + event (torch.Tensor, boolean): + Event indicator of size n_samples (= True if event occured) + time (torch.Tensor, float): + Time-to-event or censoring of size n_samples. + new_time (torch.Tensor, float, optional): + Time points at which to evaluate the Brier score of size n_times. + Defaults to unique ``time``. + weight (torch.Tensor, optional): + Optional sample weight evaluated at ``time`` of size n_samples. + Defaults to 1. + weight_new_time (torch.tensor, optional): + Optional sample weight evaluated at ``new_time`` of size n_times. + Defaults to 1. + + Returns: + torch.Tensor: Brier score evaluated at ``new_time``. + + Note: + The function evaluates the time-dependent Brier score at time :math:`t \in \{t_1, \cdots, t_T\}` (argument ``new_time``). + + For each subject :math:`i \in \{1, \cdots, N\}`, denote :math:`X_i` as the survival time and :math:`D_i` as the + censoring time. Survival data consist of the event indicator, :math:`\delta_i=(X_i\leq D_i)` + (argument ``event``) and the time-to-event or censoring, :math:`T_i = \min(\{ X_i,D_i \})` + (argument ``time``). + + The survival function, of subject :math:`i` + is specified through :math:`S_i: [0, \infty) \rightarrow [0,1]`. + The argument ``estimate`` is the estimated survival function. If ``new_time`` is specified, it should be of + shape = (N,T) (:math:`(i,k)` th element is :math:`\hat{S}_i(t_k)`); if ``new_time`` is not specified, + it should be of shape = (N,N) (:math:`(i,j)` th element is :math:`\hat{S}_i(T_j)`). + + The time-dependent Brier score :cite:p:`Graf1999` at time :math:`t` is the mean squared error of the event status + + .. math:: + + BS(t) = \mathbb{E}\left[\left(1\left(X > t\right) - \hat{S}(t)\right)^2\right] + + The default Brier score estimate is + + .. math:: + + \hat{BS}(t) = \frac{1}{n}\sum_i 1(T_i \leq t, \delta_i = 1) (0 - \hat{S}_i(t))^2 + 1(T_1 > t) (1- \hat{S}_i(t))^2 + + To account for the fact that the event time are censored, the + inverse probability weighting technique can be used. In this context, + each subject associated with time + :math:`t` is weighted by the inverse probability of censoring :math:`\omega(t) = 1 / \hat{D}(t)`, where + :math:`\hat{D}(t)` is the Kaplan-Meier estimate of the censoring distribution, :math:`P(D>t)`. + The censoring-adjusted Brier score is + + .. math:: + + \hat{BS}(t) = \frac{1}{n}\sum_i \omega(T_i) 1(T_i \leq t, \delta_i = 1) (0 - \hat{S}_i(t))^2 + \omega(t) 1(T_1 > t) (1- \hat{S}_i(t))^2 + + The censoring-adjusted Brier score can be obtained by specifying the argument + ``weight``, the weights evaluated at each ``time`` (:math:`\omega(T_1), \cdots, \omega(T_N)`). + If ``new_time`` is specified, the argument ``weight_new_time`` + should also be specified accordingly, the weights evaluated at each ``new_time`` + (:math:`\omega(t_1), \cdots, \omega(t_K)`). + In the context of train/test split, the weights should be derived from the censoring distribution estimated in the training data. + + + Examples: + >>> from torchsurv.stats.ipcw import get_ipcw + >>> _ = torch.manual_seed(52) + >>> n = 10 + >>> time = torch.randint(low=5, high=250, size=(n,)).float() + >>> event = torch.randint(low=0, high=2, size=(n,)).bool() + >>> estimate = torch.rand((n,len(time))) + >>> brier_score = BrierScore() + >>> brier_score(estimate, event, time) + tensor([0.2463, 0.2740, 0.3899, 0.1964, 0.3608, 0.2821, 0.1932, 0.2978, 0.1950, + 0.1668]) + >>> ipcw = get_ipcw(event, time) # ipcw at time + >>> brier_score(estimate, event, time, weight=ipcw) # censoring-adjusted brier-score + tensor([0.2463, 0.2740, 0.4282, 0.2163, 0.4465, 0.3826, 0.2630, 0.3888, 0.2219, + 0.1882]) + >>> new_time = torch.unique(torch.randint(low=5, high=time.max().int(), size=(n*2,)).float()) + >>> ipcw_new_time = get_ipcw(event, time, new_time) # ipcw at new_time + >>> estimate = torch.rand((n,len(new_time))) + >>> brier_score(estimate, event, time, new_time, ipcw, ipcw_new_time) # censoring-adjusted brier-score at new time + tensor([0.4036, 0.3014, 0.2517, 0.3947, 0.4200, 0.3908, 0.3766, 0.3737, 0.3596, + 0.2088, 0.4922, 0.3237, 0.2255, 0.1841, 0.3029, 0.6919, 0.2357, 0.3507, + 0.4364, 0.3312]) + + References: + + .. bibliography:: + :filter: False + + Graf1999 + + """ + + # mandatory input format checks + BrierScore._validate_brier_score_inputs( + estimate, time, new_time, weight, weight_new_time + ) + + # update inputs as required + estimate, new_time, weight, weight_new_time = ( + BrierScore._update_brier_score_new_time( + estimate, time, new_time, weight, weight_new_time + ) + ) + weight, weight_new_time = BrierScore._update_brier_score_weight( + time, new_time, weight, weight_new_time + ) + + # further input format checks + if self.checks: + validate_survival_data(event, time) + validate_evaluation_time(new_time, time, within_follow_up=False) + validate_estimate(estimate, time, new_time) + + # Calculating the residuals for each subject and time point + residuals = torch.zeros_like(estimate) + for i, t in enumerate(new_time): + est = estimate[:, i] + is_case = ((time <= t) & (event == True)).int() + is_control = (time > t).int() + + residuals[:, i] = ( + torch.square(est) * is_case * weight + + torch.square(1.0 - est) * is_control * weight_new_time[i] + ) + + # Calculating the brier scores at each time point + brier_score = torch.mean(residuals, axis=0) + + # Create/overwrite internal attributes states + if instate: + # sort all objects by time + self.order_time = torch.argsort(time, dim=0) + self.time = time[self.order_time] + self.event = event[self.order_time] + self.weight = weight[self.order_time] + self.new_time = new_time + self.weight_new_time = weight_new_time + self.estimate = torch.index_select(estimate, 0, self.order_time) + self.brier_score = brier_score + self.residuals = residuals + + return brier_score + + def integral(self): + r"""Compute the integrated Brier Score. + + Returns: + torch.Tensor: Integrated Brier Score. + + Examples: + >>> _ = torch.manual_seed(52) + >>> n = 10 + >>> time = torch.randint(low=5, high=250, size=(n,)).float() + >>> event = torch.randint(low=0, high=2, size=(n,)).bool() + >>> estimate = torch.rand((n,len(time))) + >>> brier_score = BrierScore() + >>> brier_score(estimate, event, time) + tensor([0.2463, 0.2740, 0.3899, 0.1964, 0.3608, 0.2821, 0.1932, 0.2978, 0.1950, + 0.1668]) + >>> brier_score.integral() # integrated brier score + tensor(0.2862) + + Note: + + The integrated Brier score is the integral of the time-dependent Brier score over the interval + :math:`[t_1, t_2]`, where :math:`t_1 = \min\left(\{T_i\}_{i = 1, \cdots, N}\right)` and :math:`t_2 = \max\left(\{T_i\}_{i = 1, \cdots, N}\right)`. + It is defined by :cite:p:`Graf1999` + + .. math:: + + \hat{IBS} = \int_{t_1}^{t_2} \hat{BS}(t) dW(t) + + where :math:`W(t) = t / t_2`. + + The integral is estimated with the trapzoidal rule. + + """ + + if len(self.new_time) == 1: + return self.brier_score[0] + else: + return torch.trapezoid(self.brier_score, self.new_time) / ( + self.new_time[-1] - self.new_time[0] + ) + + def confidence_interval( + self, + method: str = "parametric", + alpha: float = 0.05, + alternative: str = "two_sided", + n_bootstraps: int = 999, + ) -> torch.Tensor: + """Compute the confidence interval of the Brier Score. + + This function calculates either the pointwise confidence interval or the bootstrap + confidence interval for the Brier Score. The pointwise confidence interval is computed + assuming that the Brier score is normally distributed and using empirical standard errors. + The bootstrap confidence interval is constructed based on the distribution of bootstrap samples. + + Args: + method (str): + Method for computing confidence interval. Defaults to "parametric". + Must be one of the following: "parametric", "bootstrap". + alpha (float): + Significance level. Defaults to 0.05. + alternative (str): + Alternative hypothesis. Defaults to "two_sided". + Must be one of the following: "two_sided", "greater", "less". + n_bootstraps (int): + Number of bootstrap samples. Defaults to 999. + Ignored if ``method`` is not "bootstrap". + + Returns: + torch.Tensor([lower,upper]): + Lower and upper bounds of the confidence interval. + + Examples: + >>> _ = torch.manual_seed(52) + >>> n = 10 + >>> time = torch.randint(low=5, high=250, size=(n,)).float() + >>> event = torch.randint(low=0, high=2, size=(n,)).bool() + >>> estimate = torch.rand((n,len(time))) + >>> brier_score = BrierScore() + >>> brier_score(estimate, event, time) + tensor([0.2463, 0.2740, 0.3899, 0.1964, 0.3608, 0.2821, 0.1932, 0.2978, 0.1950, + 0.1668]) + >>> brier_score.confidence_interval() # default: parametric, two-sided + tensor([[0.1061, 0.0604, 0.2360, 0.0533, 0.1252, 0.0795, 0.0000, 0.1512, 0.0381, + 0.0051], + [0.3866, 0.4876, 0.5437, 0.3394, 0.5965, 0.4847, 0.4137, 0.4443, 0.3520, + 0.3285]]) + >>> brier_score.confidence_interval(method = "bootstrap", alternative = "greater") + tensor([[0.1455, 0.1155, 0.2741, 0.0903, 0.1985, 0.1323, 0.0245, 0.1938, 0.0788, + 0.0440], + [1.0000, 1.0000, 1.0000, 1.0000, 1.0000, 1.0000, 1.0000, 1.0000, 1.0000, + 1.0000]]) + + + """ + + assert ( + hasattr(self, "brier_score") and self.brier_score is not None + ), "Error: Please calculate brier score using `BrierScore()` before calling `confidence_interval()`." + + if alternative not in ["less", "greater", "two_sided"]: + raise ValueError( + "'alternative' parameter must be one of ['less', 'greater', 'two_sided']." + ) + + if method == "bootstrap": + return self._confidence_interval_bootstrap(alpha, alternative, n_bootstraps) + elif method == "parametric": + return self._confidence_interval_parametric(alpha, alternative) + else: + raise ValueError( + "Method not implemented. Please choose either 'parametric' or 'bootstrap'." + ) + + def p_value( + self, + method: str = "bootstrap", + alternative: str = "two_sided", + n_bootstraps: int = 999, + null_value: float = None, + ) -> torch.Tensor: + """Perform a one-sample hypothesis test on the Brier score. + + This function calculates either the pointwise p-value or the bootstrap p-value + for testing the null hypothesis that the estimated brier score is equal to + bs0, where bs0 is the brier score that would be expected if the survival model + was not providing accurate predictions beyond + random chance. The pointwise p-value is computed assuming that the + Brier score is normally distributed and using the empirical standard errors. + To obtain the pointwise p-value, the Brier score under the null, bs0, must + be provided. + The bootstrap p-value is derived by permuting survival function's predictions + to estimate the the sampling distribution under the null hypothesis. + + Args: + method (str): + Method for computing p-value. Defaults to "bootstrap". + Must be one of the following: "parametric", "bootstrap". + alternative (str): + Alternative hypothesis. Defaults to "two_sided". + Must be one of the following: "two_sided" (Brier score is not equal to bs0), + "greater" (Brier score is greater than bs0), "less" (Brier score is less than bs0). + n_bootstraps (int): + Number of bootstrap samples. Defaults to 999. + Ignored if ```method``` is not "bootstrap". + null_value (float): + The Brier score expected if the survival model was not + providing accurate predictions beyond what would be beyond + by random chance alone, i.e., bs0. + + + Returns: + torch.Tensor: p-value of the statistical test. + + Examples: + >>> _ = torch.manual_seed(52) + >>> n = 10 + >>> time = torch.randint(low=5, high=250, size=(n,)).float() + >>> event = torch.randint(low=0, high=2, size=(n,)).bool() + >>> new_time = torch.unique(time) + >>> estimate = torch.rand((n,len(new_time))) + >>> brier_score = BrierScore() + >>> brier_score(estimate, event, time, new_time) + tensor([0.3465, 0.5310, 0.4222, 0.4582, 0.3601, 0.3395, 0.2285, 0.1975, 0.3120, + 0.3883]) + >>> brier_score.p_value() # Default: bootstrap, two_sided + tensor([1.0000, 0.0560, 1.0000, 1.0000, 1.0000, 1.0000, 0.8320, 0.8620, 1.0000, + 1.0000]) + >>> brier_score.p_value(method = "parametric", alternative = "less", null_value = 0.3) # H0: bs = 0.3, Ha: bs < 0.3 + tensor([0.7130, 0.9964, 0.8658, 0.8935, 0.6900, 0.6630, 0.1277, 0.1128, 0.5383, + 0.8041]) + + """ + + assert ( + hasattr(self, "brier_score") and self.brier_score is not None + ), "Error: Please calculate the brier score using `BrierScore()` before calling `p_value()`." + + if alternative not in ["less", "greater", "two_sided"]: + raise ValueError( + "'alternative' parameter must be one of ['less', 'greater', 'two_sided']." + ) + + if method == "parametric" and null_value is None: + raise ValueError( + "Error: If the method is 'parametric', you must provide the 'null_value'." + ) + + if method == "parametric": + return self._p_value_parametric(alternative, null_value) + elif method == "bootstrap": + return self._p_value_bootstrap(alternative, n_bootstraps) + else: + raise ValueError( + "Method not implemented. Please choose either 'parametric' or 'bootstrap'." + ) + + def compare( + self, other, method: str = "parametric", n_bootstraps: int = 999 + ) -> torch.tensor: + """Compare two Brier scores. + + This function compares two Brier scores computed on the + same data with different risk scores. The statistical hypotheses are + formulated as follows, null hypothesis: brierscore1 = brierscore2 and alternative + hypothesis: brierscore1 < brierscore2. + The statistical test is either a Student t-test for paired samples or a two-sample bootstrap test. + The Student t-test for paired samples assumes that the Brier Scores are normally distributed + and uses the Brier scores' empirical standard errors. + + Args: + other (BrierScore): + Another instance of the BrierScore class representing brierscore2. + method (str): + Statistical test used to perform the hypothesis test. Defaults to "parametric". + Must be one of the following: "parametric", "bootstrap". + n_bootstraps (int): + Number of bootstrap samples. Defaults to 999. + Ignored if ``method`` is not "bootstrap". + + Returns: + torch.tensor: p-value of the statistical test. + + Examples: + >>> _ = torch.manual_seed(52) + >>> n = 10 + >>> time = torch.randint(low=5, high=250, size=(n,)).float() + >>> event = torch.randint(low=0, high=2, size=(n,)).bool() + >>> brier_score = BrierScore() + >>> brier_score(torch.rand((n,len(time))), event, time) + tensor([0.2463, 0.2740, 0.3899, 0.1964, 0.3608, 0.2821, 0.1932, 0.2978, 0.1950, + 0.1668]) + >>> brier_score2 = BrierScore() + >>> brier_score2(torch.rand((n,len(time))), event, time) + tensor([0.4136, 0.2750, 0.3002, 0.2826, 0.2030, 0.2643, 0.2525, 0.2964, 0.1804, + 0.3109]) + >>> brier_score.compare(brier_score2) # default: parametric + tensor([0.1793, 0.4972, 0.7105, 0.1985, 0.9254, 0.5591, 0.3455, 0.5060, 0.5437, + 0.0674]) + >>> brier_score.compare(brier_score2, method = "bootstrap") + tensor([0.1360, 0.5030, 0.7310, 0.2090, 0.8630, 0.5490, 0.3120, 0.5110, 0.5460, + 0.1030]) + + """ + + assert ( + hasattr(self, "brier_score") and self.brier_score is not None + ), "Error: Please calculate the brier score using `BrierScore()` before calling `compare()`." + + # assert that the same data were used to compute the two brier score + if torch.any(self.event != other.event) or torch.any(self.time != other.time): + raise ValueError( + "Mismatched survival data: 'time' and 'event' should be the same for both brier score computations." + ) + if torch.any(self.new_time != other.new_time): + raise ValueError( + "Mismatched evaluation times: 'new_time' should be the same for both brier score computations." + ) + + if method == "parametric": + return self._compare_parametric(other) + if method == "bootstrap": + return self._compare_bootstrap(other, n_bootstraps) + else: + raise ValueError( + "Method not implemented. Please choose either 'parametric' or 'bootstrap'." + ) + + def _brier_score_se(self): + """Brier Score's empirical standard errors.""" + + return torch.std(self.residuals, axis=0) / (self.time.shape[0] ** (1 / 2)) + + def _confidence_interval_parametric( + self, alpha: float, alternative: str + ) -> torch.Tensor: + """Confidence interval of Brier score assuming that the Brier score + is normally distributed and using empirical standard errors. + """ + + alpha = alpha / 2 if alternative == "two_sided" else alpha + + brier_score_se = self._brier_score_se() + + if torch.all(brier_score_se) > 0: + ci = ( + -torch.distributions.normal.Normal(0, 1).icdf(torch.tensor(alpha)) + * brier_score_se + ) + lower = torch.max(torch.tensor(0.0), self.brier_score - ci) + upper = torch.min(torch.tensor(1.0), self.brier_score + ci) + + if alternative == "less": + lower = torch.zeros_like(lower) + elif alternative == "greater": + upper = torch.ones_like(upper) + else: + raise ValueError( + "The standard error of the brier score must be a positive value." + ) + + return torch.stack([lower, upper], dim=0) + + def _confidence_interval_bootstrap( + self, alpha: float, alternative: str, n_bootstraps: int + ) -> torch.tensor: + """Bootstrap confidence interval of the Brier Score using Efron percentile method. + + References: + Efron, Bradley; Tibshirani, Robert J. (1993). + An introduction to the bootstrap, New York: Chapman & Hall, software. + """ + + # brier score given bootstrap distribution + brier_score_bootstrap = self._bootstrap_brier_score( + metric="confidence_interval", n_bootstraps=n_bootstraps + ) + + # intialize tensor to store confidence intervals + lower = torch.zeros_like(self.brier_score) + upper = torch.zeros_like(self.brier_score) + + # iterate over time + for index_t in range(len(self.brier_score)): + # obtain confidence interval + if alternative == "two_sided": + lower[index_t], upper[index_t] = torch.quantile( + brier_score_bootstrap[:, index_t], + torch.tensor( + [alpha / 2, 1 - alpha / 2], device=self.brier_score.device + ), + ) + elif alternative == "less": + upper[index_t] = torch.quantile( + brier_score_bootstrap[:, index_t], + torch.tensor(1 - alpha, device=self.brier_score.device), + ) + lower[index_t] = torch.tensor(0.0, device=self.brier_score.device) + elif alternative == "greater": + lower[index_t] = torch.quantile( + brier_score_bootstrap[:, index_t], + torch.tensor(alpha, device=self.brier_score.device), + ) + upper[index_t] = torch.tensor(1.0, device=self.brier_score.device) + + return torch.stack([lower, upper], dim=0) + + def _p_value_parametric( + self, alternative: str, null_value: float = 0.5 + ) -> torch.tensor: + """p-value for a one-sample hypothesis test of the Brier score + assuming that the Brier score is normally distributed and using empirical standard error. + """ + + brier_score_se = self._brier_score_se() + + # get p-value + if torch.all(brier_score_se) > 0: + p = torch.distributions.normal.Normal(0, 1).cdf( + (self.brier_score - null_value) / brier_score_se + ) + if alternative == "two_sided": + mask = self.brier_score >= 0.5 + p[mask] = 1 - p[mask] + p *= 2 + p = torch.min( + torch.tensor(1.0, device=self.brier_score.device), p + ) # in case critical value is below 0.5 + elif alternative == "greater": + p = 1 - p + else: + raise ValueError( + "The standard error of the brier score must be a positive value." + ) + + return p + + def _p_value_bootstrap(self, alternative, n_bootstraps) -> torch.tensor: + """p-value for a one-sample hypothesis test of the Brier score using + permutation of survival distribution prediction to estimate sampling distribution under the null + hypothesis. + """ + + # brier score bootstraps given null distribution + brierscore0 = self._bootstrap_brier_score( + metric="p_value", n_bootstraps=n_bootstraps + ) + + # intialize empty tensor to store p-values + p_values = torch.zeros_like(self.brier_score) + + # iterate over time + for index_t in range(len(self.brier_score)): + # Derive p-value + p = ( + 1 + torch.sum(brierscore0[:, index_t] <= self.brier_score[index_t]) + ) / (n_bootstraps + 1) + if alternative == "two_sided": + if self.brier_score[index_t] >= 0.5: + p = 1 - p + p *= 2 + p = torch.min( + torch.tensor(1.0, device=self.brier_score.device), p + ) # in case very small bootstrap sample size is used + elif alternative == "greater": + p = 1 - p + + p_values[index_t] = p + + return p_values + + def _compare_parametric(self, other): + """Student t-test for paired samples assuming that + the Brier scores are normally distributed and using + empirical standard errors.""" + + # sample size + n_samples = self.time.shape[0] + + # intialize empty vector to store p_values + p_values = torch.zeros_like(self.brier_score) + + # iterate over time + for index_t in range(len(self.brier_score)): + # compute standard error of the difference + paired_se = torch.std( + self.residuals[:, index_t] - other.residuals[:, index_t] + ) / (n_samples ** (1 / 2)) + + # compute t-stat + t_stat = ( + self.brier_score[index_t] - other.brier_score[index_t] + ) / paired_se + + # p-value + p_values[index_t] = torch.tensor( + stats.t.cdf( + t_stat, df=n_samples - 1 + ), # student-t cdf not available on torch + dtype=self.brier_score.dtype, + device=self.brier_score.device, + ) + + return p_values + + def _compare_bootstrap(self, other, n_bootstraps): + """Boostrap two-sample test to compare two Brier scores.""" + + # bootstrap brier scores given null hypothesis that brierscore1 and + # brierscore2 come from the same distribution + brier_score1_null = self._bootstrap_brier_score( + metric="compare", other=other, n_bootstraps=n_bootstraps + ) + brier_score2_null = self._bootstrap_brier_score( + metric="compare", other=other, n_bootstraps=n_bootstraps + ) + + # bootsrapped test statistics + t_boot = brier_score1_null - brier_score2_null + + # observed test statistics + t_obs = self.brier_score - other.brier_score + + # intialize empty tensor to store p-values + p_values = torch.zeros_like(self.brier_score) + + # iterate over time + for index_t in range(len(self.brier_score)): + p_values[index_t] = ( + 1 + torch.sum(t_boot[:, index_t] <= t_obs[index_t]) + ) / (n_bootstraps + 1) + + return p_values + + def _bootstrap_brier_score( + self, metric: str, n_bootstraps: int, other=None + ) -> torch.tensor: + """Compute bootstrap samples of the Brier Score. + + Args: + metric (str): Must be one of the following: "confidence_interval", "compare". + If "confidence_interval", computes bootstrap + samples of the Brier score given the data distribution. If "compare", computes + bootstrap samples of the Brier score given the sampling distribution under the comparison test + null hypothesis (brierscore1 = brierscore2). + n_bootstraps (int): Number of boostrap samples. + other (optional, BrierScore): + Another instance of the BrierScore class representing brierscore2. + Only required if ``metric`` is "compare". + + + Returns: + torch.tensor: Bootstrap samples of Brier score. + """ + import copy + + # Initiate empty list to store brier score + brier_scores = [] + + # Get the bootstrap samples of brier score + for _ in range(n_bootstraps): + if ( + metric == "confidence_interval" + ): # bootstrap samples given data distribution + index = torch.randint( + low=0, + high=self.estimate.shape[0], + size=(self.estimate.shape[0],), + ) + brier_scores.append( + self( + self.estimate[index, :], + self.event[index], + self.time[index], + self.new_time, + self.weight[index], + self.weight_new_time, + instate=False, + ) + ) # Run without saving internal state + elif ( + metric == "compare" + ): # bootstrap samples given null distribution (brierscore1 = brierscore2) + index = torch.randint( + low=0, + high=self.estimate.shape[0] * 2, + size=(self.estimate.shape[0],), + ) + + # with prob 0.5, take the weight_new_time from self and with prob 0.5 from other + weight_new_time = ( + self.weight_new_time + if torch.rand(1) < 0.5 + else other.weight_new_time + ) + + brier_scores.append( + self( # sample with replacement from pooled sample + torch.cat((self.estimate, other.estimate))[index, :], + torch.cat((self.event, other.event))[index], + torch.cat((self.time, other.time))[index], + self.new_time, + torch.cat((self.weight, other.weight))[index], + weight_new_time, + instate=False, + ) + ) + elif ( + metric == "p_value" + ): # bootstrap samples given null distribution (estimate are not informative) + estimate = copy.deepcopy(self.estimate) + estimate = estimate[ + torch.randperm(estimate.shape[0]), : + ] # Shuffle estimate + brier_scores.append( + self( + estimate, + self.event, + self.time, + self.new_time, + self.weight, + self.weight_new_time, + instate=False, + ) + ) # Run without saving internal state + + brier_scores = torch.stack(brier_scores, dim=0) + + if torch.any(torch.isnan(brier_scores)): + raise ValueError( + "The brier score computed using bootstrap should not be NaN." + ) + + return brier_scores + + @staticmethod + def _find_torch_unique_indices( + inverse_indices: torch.tensor, counts: torch.tensor + ) -> torch.tensor: + """return unique_sorted_indices such that + sorted_unique_tensor[inverse_indices] = original_tensor + original_tensor[unique_sorted_indices] = sorted_unique_tensor + + Usage: + _, inverse_indices, counts = torch.unique( + x, sorted=True, return_inverse=True, return_counts=True + ) + sorted_unique_indices = Auc._find_torch_unique_indices( + inverse_indices, counts + ) + """ + + _, ind_sorted = torch.sort(inverse_indices, stable=True) + cum_sum = counts.cumsum(0) + cum_sum = torch.cat((torch.tensor([0]), cum_sum[:-1])) + return ind_sorted[cum_sum] + + @staticmethod + def _validate_brier_score_inputs( + estimate: torch.tensor, + time: torch.tensor, + new_time: torch.tensor, + weight: torch.tensor, + weight_new_time: torch.tensor, + ) -> torch.tensor: + + # check new_time and weight are provided, weight_new_time should be provided + if all([new_time is not None, weight is not None, weight_new_time is None]): + raise ValueError( + "Please provide 'weight_new_time', the weight evaluated at 'new_time'." + ) + + # check that estimate has 2 dimensions estimate are probabilities + if torch.any(estimate < 0) or torch.any(estimate > 1): + raise ValueError( + "The 'estimate' input should contain estimated survival probabilities between 0 and 1." + ) + + # check if estimate is of the correct dimension + if estimate.ndim != 2: + raise ValueError("The 'estimate' input should have two dimensions.") + + # check if new_time are not specified and estimate are not evaluated at time + if new_time is None and len(time) != estimate.shape[1]: + raise ValueError( + "Mismatched dimensions: The number of columns in 'estimate' does not match the length of 'time'. " + "Please provide the times at which 'estimate' is evaluated using the 'new_time' input." + ) + + @staticmethod + def _update_brier_score_new_time( + estimate: torch.tensor, + time: torch.tensor, + new_time: torch.tensor, + weight: torch.tensor, + weight_new_time: torch.tensor, + ) -> torch.tensor: + + # check format of new_time + if ( + new_time is not None + ): # if new_time are specified: ensure it has the correct format + if isinstance(new_time, int): + new_time = torch.tensor([new_time]).float() + + if new_time.ndim == 0: + new_time = new_time.unsqueeze(0) + + else: # else: find new_time + + # if new_time are not specified, use unique time + new_time, inverse_indices, counts = torch.unique( + time, sorted=True, return_inverse=True, return_counts=True + ) + sorted_unique_indices = BrierScore._find_torch_unique_indices( + inverse_indices, counts + ) + + # for time-dependent estimate, select those corresponding to new time + estimate = estimate[:, sorted_unique_indices] + + if weight is not None: + # select weight corresponding at new time + weight_new_time = weight[sorted_unique_indices] + + return estimate, new_time, weight, weight_new_time + + @staticmethod + def _update_brier_score_weight( + time: torch.tensor, + new_time: torch.tensor, + weight: torch.tensor, + weight_new_time: torch.tensor, + ) -> torch.tensor: + + # if weight was not specified, weight of 1 + if weight is None: + weight = torch.ones_like(time) + weight_new_time = torch.ones_like(new_time) + + return weight, weight_new_time + + +if __name__ == "__main__": + import doctest + + # Run doctest + results = doctest.testmod() + if results.failed == 0: + print("All tests passed.") + else: + print("Some doctests failed.") + sys.exit(1) diff --git a/src/torchsurv/metrics/cindex.py b/src/torchsurv/metrics/cindex.py new file mode 100644 index 0000000..1c0e6a5 --- /dev/null +++ b/src/torchsurv/metrics/cindex.py @@ -0,0 +1,884 @@ +import copy +import sys +from typing import Optional, Tuple + +import torch +from scipy import stats +from torchmetrics import regression + +from ..tools.validate_inputs import validate_estimate, validate_survival_data + + +class ConcordanceIndex: + def __init__( + self, + tied_tol: float = 1e-8, + checks: bool = True, + ) -> dict: + """Initialize a ConcordanceIndex for survival class model evaluation. + + Args: + tied_tol (float): + Tolerance for tied risk scores. + Defaults to 1e-8. + checks (bool): + Whether to perform input format checks. + Enabling checks can help catch potential issues in the input data. + Defaults to True. + + Examples: + >>> _ = torch.manual_seed(42) + >>> n = 64 + >>> time = torch.randint(low=5, high=250, size=(n,)).float() + >>> event = torch.randint(low=0, high=2, size=(n,)).bool() + >>> estimate = torch.randn((n,)) + >>> cindex = ConcordanceIndex() + >>> cindex(estimate, event, time) + tensor(0.5337) + >>> cindex.confidence_interval() # default: Noether, two_sided + tensor([0.3251, 0.7423]) + >>> cindex.p_value(method='bootstrap', alternative='greater') + tensor(0.2620) + """ + self.tied_tol = tied_tol + self.checks = checks + + def __call__( + self, + estimate: torch.Tensor, + event: torch.Tensor, + time: torch.Tensor, + weight: Optional[torch.Tensor] = None, + tmax: Optional[torch.Tensor] = None, + instate: bool = True, + ) -> torch.Tensor: + r"""Compute the Concordance Index (C-index). + + The concordance index is the probability that a model correctly predicts + which of two comparable samples will experience an event first based on their + estimated risk scores. + + Args: + estimate (torch.Tensor): + Estimated risk of event occurrence (i.e., risk score). + Can be of shape = (n_samples,) if subject-specific risk score is time-independent, + or of shape = (n_samples, n_samples) if subject-specific risk score is evaluated at ``time``. + event (torch.Tensor, boolean): + Event indicator of size n_samples (= True if event occured). + time (torch.Tensor, float): + Time-to-event or censoring of size n_samples. + weight (torch.Tensor, optional): + Optional sample weight of size n_samples. Defaults to 1. + tmax (torch.Tensor, optional): + Truncation time. Defaults to None. + ``tmax`` should be chosen such that the probability of + being censored after time ``tmax`` is non-zero. If ``tmax`` is None, no truncation + is performed. + instate (bool): + Whether to create/overwrite internal attributes states. + Defaults to True. + + Returns: + torch.Tensor: Concordance-index + + Note: + + The concordance index provides a global assessment of a fitted survival model over the entire observational + period rather than focussing on the prediction for a fixed time (e.g., 10-year mortality). + It is recommended to use AUC instead of the concordance index for such time-dependent predictions, as + AUC is proper in this context, while the concordance index is not :cite:p:`Blanche2018`. + + For each subject :math:`i \in \{1, \cdots, N\}`, denote :math:`X_i` as the survival time and :math:`D_i` as the + censoring time. Survival data consist of the event indicator, :math:`\delta_i=(X_i\leq D_i)` + (argument ``event``) and the time-to-event or censoring, :math:`T_i = \min(\{ X_i,D_i \})` + (argument ``time``). + + The risk score measures the risk (or a proxy thereof) that a subject has an event. + The function accepts time-dependent risk score and time-independent risk score. The time-dependent risk score + of subject :math:`i` is specified through a function :math:`q_i: [0, \infty) \rightarrow \mathbb{R}`. + The time-independent risk score of subject :math:`i` is specified by a constant :math:`q_i`. + The argument ``estimate`` is the estimated risk score. + For time-dependent risk score, the argument ``estimate`` should be a tensor of shape = (N,N) + (:math:`(i,j)` th element is :math:`\hat{q}_i(T_j)`). For time-independent risk score, the argument ``estimate`` + should be a tensor of size N (:math:`i` th element is :math:`\hat{q}_i`). + + For a pair :math:`(i,j)`, we say that the pair is comparable if the event of :math:`i` has occured before + the event of :math:`j`, i.e., :math:`X_i < X_j`. Given that the pair is comparable, we say that the pair is + concordant if :math:`q_i(X_i) > q_j(X_i)`. + + The concordance index measures the probability that, for a pair of randomly selected comparable samples, + the one that experiences an event first has a higher risk. The concordance index is defined as + + .. math:: + + C = p(q_i(X_i) > q_j(X_i) \: | \: X_i < X_j) + + The default concordance index estimate is the popular nonparametric estimation proposed by :cite:t:`Harrell1996` + + .. math:: + + \hat{C} = \frac{\sum_i\sum_j \delta_i \: I(T_i < T_j)\left(I \left( \hat{q}_i(T_i) > \hat{q}_j(T_i) \right) + \frac{1}{2} I\left(\hat{q}_i(T_i) = \hat{q}_j(T_i)\right)\right)}{\sum_i\sum_j \delta_i\: I\left(T_i < T_j\right)} + + When the event time are censored, the Harrell's concordance index converges to an association measure that + involves the censoring distribution. + To address this shortcoming, :cite:t:`Uno2011` proposed to employ the + inverse probability weighting technique. In this context, each subject with event time at + :math:`t` is weighted by the inverse probability of censoring :math:`\omega(t) = 1 / \hat{D}(t)`, where + :math:`\hat{D}(t)` is the Kaplan-Meier estimate of the censoring distribution, :math:`P(D>t)`. + Let :math:`\omega(T_i)` be the weight associated with subject time :math:`i` (argument ``weight``). + The concordance index estimate with weight is, + + .. math:: + + \hat{C} = \frac{\sum_i\sum_j \delta_i \: \omega(T_i)^2 \: I(T_i < T_j)\left(I \left( \hat{q}_i(T_i) > \hat{q}_j(T_i) \right) + \frac{1}{2} I\left(\hat{q}_i(T_i) = \hat{q}_j(T_i)\right)\right)}{\sum_i\sum_j \delta_i \: \omega(T_i)^2\: I\left(T_i < T_j\right)} + + In the context of train/test split, the weights should be derived from the censoring distribution estimated in the training data. + Specifically, the censoring distribution is estimated using the training set and then evaluated at the subject time within the test set. + + Examples: + >>> from torchsurv.stats.ipcw import get_ipcw + >>> _ = torch.manual_seed(42) + >>> n = 64 + >>> time = torch.randint(low=5, high=250, size=(n,)).float() + >>> event = torch.randint(low=0, high=2, size=(n,)).bool() + >>> estimate = torch.randn((n,)) + >>> cindex = ConcordanceIndex() + >>> cindex(estimate, event, time) # Harrell's c-index + tensor(0.5337) + >>> ipcw = get_ipcw(event, time) # ipcw at subject time + >>> cindex(estimate, event, time, weight=ipcw) # Uno's c-index + tensor(0.5453) + + References: + + .. bibliography:: + :filter: False + + Blanche2018 + Harrell1996 + Uno2011 + + """ + # update inputs if necessary + estimate = ConcordanceIndex._update_cindex_estimate(estimate) + weight = ConcordanceIndex._update_weight(time, weight, tmax) + + # square the weight + weight_squared = torch.square(weight) + + # Inputs checks + if self.checks: + validate_survival_data(event, time) + validate_estimate(estimate, time) + + # find comparable pairs + comparable = self._get_comparable_and_tied_time(event, time) + + # get order index by time + order = torch.argsort(time) + + # Initialize variables to count concordant, discordant, and tied risk pairs + concordant, discordant, tied_risk = [], [], [] + + # Initialize numerator and denominator for calculating the concordance index + numerator, denominator = 0.0, 0.0 + + # Iterate through the comparable items over time + # (dictionary with indices that have an event occured at time and boolean masks of comparable pair a time) + for ind, mask in comparable.items(): + # Extract risk score, event indicator and weight for the current sample + est_i, event_i, w_i = ( + estimate[order[ind], order[ind]], + event[order[ind]], + weight_squared[order[ind]], + ) + + # Extract risk score of comparable pairs and the number of comparable samples + est_j, N = estimate[order[mask], order[ind]], mask.sum() + + # Check that the current sample is uncensored + assert ( + event_i + ), f"Got censored sample at index {order[ind]}, but expected uncensored" + + # Identify tied pairs based on a tolerance (ties) + ties = ( + torch.absolute(est_j.float() - est_i.float()) <= self.tied_tol + ) # ties + n_ties = ties.sum() + + # Identify concordant pairs + con = est_j < est_i + n_con = con[~ties].sum() + + # Update numerator and denominator for concordance index calculation + numerator += w_i * n_con + 0.5 * w_i * n_ties + denominator += w_i * N + + # Update counts for tied, concordant, and discordant pairs + tied_risk.append(w_i * n_ties) + concordant.append(w_i * n_con) + discordant.append(w_i * N - w_i * n_con - w_i * n_ties) + + # Create/overwrite internal attributes states + if instate: + self.time = time + self.event = event + self.estimate = estimate + self.cindex = numerator / denominator + self.concordant = torch.stack(concordant, dim=0) + self.discordant = torch.stack(discordant, dim=0) + self.tied_risk = torch.stack(tied_risk, dim=0) + self.weight = weight + self.weight_squared = weight_squared + self.tmax = tmax + + return numerator / denominator # cindex + + def confidence_interval( + self, + method: str = "noether", + alpha: float = 0.05, + alternative: str = "two_sided", + n_bootstraps: int = 999, + ) -> torch.Tensor: + """Compute the confidence interval of the Concordance index. + + This function calculates either the pointwise confidence interval or the bootstrap + confidence interval for the concordance index. The pointwise confidence interval is computed + assuming that the concordance index is normally distributed and using the standard error estimated with either the Noether or + the conservative method :cite:p:`Pencina2004`. + The bootstrap confidence interval is constructed based on the distribution of bootstrap samples. + + Args: + method (str): + Method for computing confidence interval. Defaults to "noether". + Must be one of the following: "noether", "conservative", "bootstrap". + alpha (float): + Significance level. Defaults to 0.05. + alternative (str): + Alternative hypothesis. Defaults to "two_sided". + Must be one of the following: "two_sided", "greater", "less". + n_bootstraps (int): + Number of bootstrap samples. Defaults to 999. + Ignored if ``method`` is not "bootstrap". + + Returns: + torch.Tensor([lower,upper]): + Lower and upper bounds of the confidence interval. + + Examples: + >>> _ = torch.manual_seed(42) + >>> n = 64 + >>> time = torch.randint(low=5, high=250, size=(n,)).float() + >>> event = torch.randint(low=0, high=2, size=(n,)).bool() + >>> estimate = torch.randn((n,)) + >>> cindex = ConcordanceIndex() + >>> cindex(estimate, event, time) + tensor(0.5337) + >>> cindex.confidence_interval() # default: Noether, two_sided + tensor([0.3251, 0.7423]) + >>> cindex.confidence_interval(method="bootstrap", alternative="greater") + tensor([0.4459, 1.0000]) + >>> cindex.confidence_interval(method="conservative", alternative="less") + tensor([0.0000, 0.7558]) + + References: + .. bibliography:: + :filter: False + + Pencina2004 + """ + + assert ( + hasattr(self, "cindex") and self.cindex is not None + ), "Error: Please calculate the concordance index using `ConcordanceIndex()` before calling `confidence_interval()`." + + if alternative not in ["less", "greater", "two_sided"]: + raise ValueError( + "'alternative' parameter must be one of ['less', 'greater', 'two_sided']." + ) + + if method == "noether": + return self._confidence_interval_noether(alpha, alternative) + elif method == "bootstrap": + return self._confidence_interval_bootstrap(alpha, alternative, n_bootstraps) + elif method == "conservative": + return self._confidence_interval_conservative(alpha, alternative) + else: + raise ValueError( + "Method not implemented. Please choose either 'noether', 'conservative' or 'bootstrap'." + ) + + def p_value( + self, + method: str = "noether", + alternative: str = "two_sided", + n_bootstraps: int = 999, + ) -> torch.Tensor: + """Perform one-sample hypothesis test on the Concordance index. + + This function calculates either the pointwise p-value or the bootstrap p-value + for testing the null hypothesis that the concordance index is equal to 0.5. + The pointwise p-value is computed assuming that the concordance index is normally distributed and using the + standard error estimated using the Noether's method :cite:p:`Pencina2004`. + The bootstrap p-value is derived by permuting risk predictions to estimate + the sampling distribution under the null hypothesis. + + Args: + method (str): + Method for computing p-value. Defaults to "noether". + Must be one of the following: "noether", "bootstrap". + alternative (str): + Alternative hypothesis. Defaults to "two_sided". + Must be one of the following: "two_sided" (concordance index is not equal to 0.5), + "greater" (concordance index is greater than 0.5), "less" (concordance index is less than 0.5). + n_bootstraps (int): + Number of bootstrap samples. Defaults to 999. + Ignored if ``method`` is not "bootstrap". + + Returns: + torch.Tensor: p-value of statistical test. + + Examples: + >>> _ = torch.manual_seed(42) + >>> n = 64 + >>> time = torch.randint(low=5, high=250, size=(n,)).float() + >>> event = torch.randint(low=0, high=2, size=(n,)).bool() + >>> estimate = torch.randn((n,)) + >>> cindex = ConcordanceIndex() + >>> cindex(estimate, event, time) + tensor(0.5337) + >>> cindex.p_value() # default: Noether, two_sided + tensor(0.7516) + >>> cindex.p_value(method="bootstrap", alternative="greater") + tensor(0.2620) + + """ + + assert ( + hasattr(self, "cindex") and self.cindex is not None + ), "Error: Please calculate the concordance index using `ConcordanceIndex()` before calling `p_value()`." + + if alternative not in ["less", "greater", "two_sided"]: + raise ValueError( + "'alternative' parameter must be one of ['less', 'greater', 'two_sided']." + ) + + if method == "noether": + return self._p_value_noether(alternative) + elif method == "bootstrap": + return self._p_value_bootstrap(alternative, n_bootstraps) + else: + raise ValueError( + "Method not implemented. Please choose either 'noether' or 'bootstrap'." + ) + + def compare( + self, other, method: str = "noether", n_bootstraps: int = 999 + ) -> torch.tensor: + """Compare two Concordance indices. + + This function compares two concordance indices computed on the + same data with different risk scores. The statistical hypotheses are + formulated as follows, null hypothesis: cindex1 = cindex2 and alternative + hypothesis: cindex1 > cindex2. + The statistical test is either a Student t-test for dependent samples or + a two-sample bootstrap test. The Student t-test assumes that the concordance index is normally distributed + and uses standard errors estimated with the Noether's method :cite:p:`Pencina2004`. + + Args: + other (ConcordanceIndex): + Another instance of the ConcordanceIndex class representing cindex2. + method (str): + Statistical test used to perform the hypothesis test. Defaults to "noether". + Must be one of the following: "noether", "bootstrap". + n_bootstraps (int): + Number of bootstrap samples. Defaults to 999. + Ignored if ``method`` is not "bootstrap". + + Returns: + torch.tensor: p-value of the statistical test. + + Examples: + >>> _ = torch.manual_seed(42) + >>> n = 64 + >>> time = torch.randint(low=5, high=250, size=(n,)).float() + >>> event = torch.randint(low=0, high=2, size=(n,)).bool() + >>> cindex1 = ConcordanceIndex() + >>> cindex1(torch.randn((n,)), event, time) + tensor(0.5337) + >>> cindex2 = ConcordanceIndex() + >>> cindex2(torch.randn((n,)), event, time) + tensor(0.5047) + >>> cindex1.compare(cindex2) # default: Noether + tensor(0.4267) + >>> cindex1.compare(cindex2, method = "bootstrap") + tensor(0.3620) + + """ + + assert ( + hasattr(self, "cindex") and self.cindex is not None + ), "Error: Please calculate the concordance index using `ConcordanceIndex()` before calling `compare()`." + + # assert that the same data were used to compute the two c-index + if torch.any(self.event != other.event) or torch.any(self.time != other.time): + raise ValueError( + "Mismatched survival data: 'time' and 'event' should be the same for both concordance index computations." + ) + + if self.tmax != other.tmax: + raise ValueError( + "Mismatched truncation time: 'tmax' should be the same for both concordance index computations." + ) + + if method == "noether": + return self._compare_noether(other) + if method == "bootstrap": + return self._compare_bootstrap(other, n_bootstraps) + else: + raise ValueError( + "Method not implemented. Please choose either 'noether' or 'bootstrap'." + ) + + def _confidence_interval_noether(self, alpha, alternative) -> torch.Tensor: + """Confidence interval of Concordance index assuming that the concordance index + is normally distributed and using standard errors estimated using Noether's method. + """ + + alpha = alpha / 2 if alternative == "two_sided" else alpha + + cindex_se = self._concordance_index_se() + + if cindex_se > 0: + ci = ( + -torch.distributions.normal.Normal(0, 1).icdf( + torch.tensor(alpha, device=self.cindex.device) + ) + * cindex_se + ) + lower = torch.max( + torch.tensor(0.0, device=self.cindex.device), self.cindex - ci + ) + upper = torch.min( + torch.tensor(1.0, device=self.cindex.device), self.cindex + ci + ) + + if alternative == "less": + lower = torch.tensor(0.0, device=self.cindex.device) + elif alternative == "greater": + upper = torch.tensor(1.0, device=self.cindex.device) + else: + raise ValueError( + "The standard error of the concordance index must be a positive value." + ) + + return torch.stack([lower, upper], dim=0) + + def _confidence_interval_conservative(self, alpha, alternative) -> torch.tensor: + """Confidence interval of Concordance index assuming that the concordance index + is normally distributed and using the conservative method. + """ + alpha = alpha / 2 if alternative == "two_sided" else alpha + + N = torch.sum(self.weight) + + pc = (1 / (N * (N - 1))) * torch.sum(self.concordant) + pd = (1 / (N * (N - 1))) * torch.sum(self.discordant) + + w = ( + ( + torch.distributions.normal.Normal(0, 1).icdf( + torch.tensor(alpha, device=self.cindex.device) + ) + ** 2 + ) + * 2 + ) / (N * (pc + pd)) + + ci = torch.sqrt(w**2 + 4 * w * self.cindex * (1 - self.cindex)) / (2 * (1 + w)) + point = (w + 2 * self.cindex) / (2 * (1 + w)) + + lower = point - ci + upper = point + ci + + if alternative == "less": + lower = torch.tensor(0.0, device=self.cindex.device) + elif alternative == "greater": + upper = torch.tensor(1.0, device=self.cindex.device) + + return torch.stack([lower, upper]) + + def _confidence_interval_bootstrap( + self, alpha: float, alternative: str, n_bootstraps: int + ) -> torch.tensor: + """Bootstrap confidence interval of the Concordance index using + Efron's percentile method. + + References: + Efron, Bradley; Tibshirani, Robert J. (1993). + An introduction to the bootstrap, New York: Chapman & Hall, software. + """ + + # c-index bootstraps given bootstrap distribution + cindex_bootstrap = self._bootstrap_cindex( + metric="confidence_interval", n_bootstraps=n_bootstraps + ) + + # obtain confidence interval + if alternative == "two_sided": + lower, upper = torch.quantile( + cindex_bootstrap, + torch.tensor([alpha / 2, 1 - alpha / 2], device=self.cindex.device), + ) + elif alternative == "less": + upper = torch.quantile( + cindex_bootstrap, torch.tensor(1 - alpha, device=self.cindex.device) + ) + lower = torch.tensor(0.0, device=self.cindex.device) + elif alternative == "greater": + lower = torch.quantile( + cindex_bootstrap, torch.tensor(alpha, device=self.cindex.device) + ) + upper = torch.tensor(1.0, device=self.cindex.device) + + return torch.stack([lower, upper]) + + def _p_value_noether(self, alternative, null_value: float = 0.5) -> torch.tensor: + """p-value for a one-sample hypothesis test of the Concordance index + assuming that the concordance index is normally distributed and using standard + errors estimated with Noether's method. + """ + + cindex_se = self._concordance_index_se() + + # get p-value + if cindex_se > 0: + p = torch.distributions.normal.Normal(0, 1).cdf( + (self.cindex - null_value) / cindex_se + ) + if alternative == "two_sided": + if self.cindex >= torch.tensor(0.5): + p = torch.tensor(1.0) - p + p *= torch.tensor(2.0) + elif alternative == "greater": + p = torch.tensor(1.0) - p + else: + raise ValueError( + "The standard error of concordance index must be a positive value." + ) + + return p + + def _p_value_bootstrap(self, alternative, n_bootstraps) -> torch.tensor: + """p-value for a one-sample hypothesis test of the Concordance Index using + permutation of risk prediction to estimate sampling distribution under the null + hypothesis. + """ + + # c-index boostraps given null distribution cindex = 0.5 + cindex0 = self._bootstrap_cindex(metric="p_value", n_bootstraps=n_bootstraps) + + # Derive p-value + p = (torch.tensor(1) + torch.sum(cindex0 <= self.cindex)) / torch.tensor( + n_bootstraps + 1 + ) + if alternative == "two_sided": + if self.cindex >= torch.tensor(0.5): + p = torch.tensor(1.0) - p + p *= torch.tensor(2.0) + p = torch.min( + torch.tensor(1.0, device=self.cindex.device), p + ) # in case very small bootstrap sample size is used + elif alternative == "greater": + p = torch.tensor(1.0) - p + + return p + + def _compare_noether(self, other): + """Student t-test for dependent samples given Noether's standard error to + compare two concordance indices. + """ + + # sample size + N = sum(self.weight) + + # compute noether standard error + cindex1_se = self._concordance_index_se() + cindex2_se = other._concordance_index_se() + + # compute spearman correlation between risk prediction + corr = regression.SpearmanCorrCoef()( + self.estimate.reshape(-1), other.estimate.reshape(-1) + ) + + # check for perfect positive monotonic relationship between two variables + if 1 - torch.abs(corr) < 1e-15: + return 1.0 + + # compute t-stat + t_stat = (self.cindex - other.cindex) / torch.sqrt( + cindex1_se**2 + cindex2_se**2 - 2 * corr * cindex1_se * cindex2_se + ) + + # return p-value + return torch.tensor( + 1 - stats.t.cdf(t_stat, df=N - 1), + dtype=self.cindex.dtype, + device=self.cindex.device, + ) # student-t cdf not available on torch + + def _compare_bootstrap(self, other, n_bootstraps): + """Boostrap two-sample test to compare two concordance indices.""" + + # c-index bootstraps given null hypothesis that cindex1 + # and cindex2 come from the same distribution + cindex1_null = self._bootstrap_cindex( + metric="compare", other=other, n_bootstraps=n_bootstraps + ) + cindex2_null = self._bootstrap_cindex( + metric="compare", other=other, n_bootstraps=n_bootstraps + ) + + # bootsrapped test statistics + t_boot = cindex1_null - cindex2_null + + # observed test statistics + t_obs = self.cindex - other.cindex + + # return p-value + return torch.tensor(1) - ( + torch.tensor(1) + torch.sum(t_boot <= t_obs) + ) / torch.tensor(n_bootstraps + 1) + + def _concordance_index_se(self): + """Standard error of concordance index using Noether's method.""" + + N = sum(self.weight) + + pc = (1 / (N * (N - 1))) * torch.sum(self.concordant) + pd = (1 / (N * (N - 1))) * torch.sum(self.discordant) + pcc = (1 / (N * (N - 1) * (N - 2))) * torch.sum( + self.concordant * (self.concordant - 1) + ) + pdd = (1 / (N * (N - 1) * (N - 2))) * torch.sum( + self.discordant * (self.discordant - 1) + ) + pcd = (1 / (N * (N - 1) * (N - 2))) * torch.sum( + self.concordant * self.discordant + ) + varp = (4 / (pc + pd) ** 4) * (pd**2 * pcc - 2 * pc * pd * pcd + pc**2 * pdd) + + return torch.sqrt(varp / N) + + def _bootstrap_cindex( + self, metric: str, n_bootstraps: int, other=None + ) -> torch.tensor: + """Compute bootstrap samples of the Concordance Index (C-index). + + Args: + metric (str): Must be one of the following: "p_value", "confidence_interval", "compare". + If "p_value", computes bootstrap samples of the concordance index given the sampling distribution + under the null hypothesis (c-index = 0.5). If "confidence_interval", computes bootstrap + samples of the c-index given the data distribution. If "compare", computes + bootstrap samples of the c-index given the sampling distribution under the comparison test + null hypothesis (c-index1 = cindex2). + n_bootstraps (int): Number of boostrap samples. + other (optional, ConcordanceIndex): + Another instance of the ConcordanceIndex class representing cindex2. + Only required for the ``metric`` is "compare". + + + Returns: + torch.tensor: bootstrap samples of Concordance index. + """ + + # Initiate empty list to store concordance index + cindexes = [] + + # Get the boostrap samples of concordance index + for _ in range(n_bootstraps): + if ( + metric == "p_value" + ): # bootstrap samples given null distribution (cindex = 0.5) + estimate = copy.deepcopy(self.estimate) + estimate = estimate[ + torch.randperm(len(estimate)), : + ] # Shuffle estimate + cindexes.append( + self( + estimate, + self.event, + self.time, + self.weight, + self.tmax, + instate=False, + ) + ) # Run Concordance index, without saving internal state + elif ( + metric == "confidence_interval" + ): # bootstrap samples given data distribution + index = torch.randint( + low=0, + high=len(self.event), + size=( + len( + self.event, + ), + ), + ) + cindexes.append( + self( # sample with replacement from sample + self.estimate[index, :][:, index], + self.event[index], + self.time[index], + self.weight, + self.tmax, + instate=False, + ) + ) # Run Concordance index, without saving internal state + elif ( + metric == "compare" + ): # bootstrap samples given null distribution (cindex1 = cindex2) + index = torch.randint( + low=0, + high=len(self.event) * 2, + size=( + len( + self.event, + ), + ), + ) + estimate = torch.cat( + ( + torch.cat((self.estimate, self.estimate), dim=1), + torch.cat((other.estimate, other.estimate), dim=1), + ), + dim=0, + ) # create n_samples*2, n_samples*2 tensor + cindexes.append( + self( # sample with replacement from pooled sample + estimate[index, :][:, index], + torch.cat((self.event, other.event))[index], + torch.cat((self.time, other.time))[index], + torch.cat((self.weight, other.weight))[index], + self.tmax, + instate=False, + ) + ) + + return torch.stack(cindexes) + + @staticmethod + def _get_comparable_and_tied_time( + event, + time, + ) -> Tuple[torch.Tensor, torch.Tensor]: + """Identify comparable pairs and count tied time pairs. + The function iterates through the sorted time points to identify comparable samples + (those with the same time point) and count the number of tied time points. + + Returns: + Tuple[torch.Tensor, torch.Tensor]: + - comparable (torch.Tensor): Dictionary containing indices as keys + and boolean masks as values, indicating which samples are comparable. + - tied_time (torch.Tensor): Number of tied time points. + + Note: + - 'comparable' dictionary maps indices to boolean masks, where True indicates + that the corresponding sample is comparable to others at the same time point. + - 'tied_time' counts the total number of tied time points. + + """ + # Number of samples + n_samples = len(time) + + # Sort indices based on time + order = torch.argsort(time) + + # Initalize dictionary to store comparable samples + comparable = {} + + # Initalize count + tied_time = 0 + + # Initialize index for storing unique values + i = 0 + + # Iterate through the sorted time points + while i < n_samples - 1: + time_i = time[order[i]] + + # Find the range of samples with the same time point + start = i + 1 + end = start + while end < n_samples and time[order[end]] == time_i: + end += 1 + + # check for tied event times + event_at_same_time = event[order[i:end]] + censored_at_same_time = torch.logical_not(event_at_same_time) + + # Iterate through the sample with the same time point + for j in range(i, end): + # If event occured at time + if event[order[j]]: + # Create a boolean mask for comparability + mask = torch.zeros_like(time).bool() + mask[end:] = True + + # Store the comparability mask for the event + mask[i:end] = censored_at_same_time + comparable[j] = mask + tied_time += censored_at_same_time.sum() + i = end + + if len(comparable) == 0: + raise ValueError("No comparable pairs, denominator is 0.") + else: + return comparable + + @staticmethod + def _update_weight( + time: torch.Tensor, + weight: torch.Tensor, + tmax: Optional[torch.Tensor] = None, + ) -> torch.Tensor: + """Obtain subject-specific weight.""" + + # If weight is not provided, use ones instead. + weight_updated = torch.zeros_like(time) + + # If tmax is provided, truncate time after tmax (mask = False) + masks = torch.ones_like(time).bool() if tmax is None else time < tmax + weight_updated[masks] = ( + torch.tensor(1.0, dtype=weight_updated.dtype, device=time.device) + if weight is None + else weight[masks] + ) + + return weight_updated + + @staticmethod + def _update_cindex_estimate(estimate: torch.Tensor) -> torch.Tensor: + # Ensure estimate is (n_samples, n_samples) shape + if estimate.ndim == 1: + estimate = estimate.unsqueeze(1) + + if estimate.shape[1] == 1: + estimate = estimate.expand((estimate.shape[0], estimate.shape[0])) + + return estimate + + +if __name__ == "__main__": + import doctest + + # Run doctest + results = doctest.testmod() + if results.failed == 0: + print("All tests passed.") + else: + print("Some doctests failed.") + sys.exit(1) diff --git a/src/torchsurv/metrics/weight.py b/src/torchsurv/metrics/weight.py new file mode 100644 index 0000000..e69de29 diff --git a/src/torchsurv/stats/ipcw.py b/src/torchsurv/stats/ipcw.py new file mode 100644 index 0000000..66e76c4 --- /dev/null +++ b/src/torchsurv/stats/ipcw.py @@ -0,0 +1,117 @@ +import sys +import warnings +from typing import Optional + +import torch + +from ..tools.validate_inputs import validate_survival_data +from .kaplan_meier import KaplanMeierEstimator + + +def get_ipcw( + event: torch.tensor, + time: torch.tensor, + new_time: Optional[torch.tensor] = None, + checks: bool = True, +) -> torch.Tensor: + """Calculate the inverse probability censoring weights (IPCW). + + Args: + event (torch.Tensor, boolean): + Event indicator of size n_samples (= True if event occured). + time (torch.Tensor, float): + Time-to-event or censoring of size n_samples. + new_time (torch.Tensor, float, optional): + New time at which to evaluate the IPCW. + Defaults to ``time``. + checks (bool): + Whether to perform input format checks. + Enabling checks can help catch potential issues in the input data. + Defaults to True. + Returns: + torch.Tensor: IPCW evaluated at ``new_time``. + + Examples: + >>> _ = torch.manual_seed(42) + >>> n = 5 + >>> event = torch.randint(low=0, high=2, size=(n,)).bool() + >>> time = torch.randint(low=1, high=100, size=(n,)).float() + >>> new_time = torch.randint(low=1, high=100, size=(n*2,)) + >>> get_ipcw(event, time) # ipcw evaluated at time + tensor([1.8750, 1.2500, 3.7500, 0.0000, 1.2500]) + >>> get_ipcw(event, time, new_time) # ipcw evaluated at new_time + tensor([1.8750, 1.8750, 3.7500, 3.7500, 0.0000, 1.2500, 0.0000, 1.2500, 1.2500, + 1.2500]) + + Note: + The inverse probability of censoring weight at time :math:`t` is defined by + + .. math:: + \omega(t) = 1 / \hat{D}(t), + + where :math:`\hat{D}(t)` is the Kaplan-Meier estimate of the censoring distribution, :math:`P(D>t)`. + + + """ + + if checks: + validate_survival_data(event, time) + + # time on which to evaluate IPCW + if new_time is None: # if none, return ipcw of same size as time + new_time = time + + # fit KM censoring estimator + km = KaplanMeierEstimator() + km(event, time, censoring_dist=True) + + # predict censoring distribution at time + ct = km.predict(new_time) + + # caclulate ipcw + mask = ct > 0 + ipcw = torch.zeros_like(new_time, dtype=time.dtype) + ipcw[mask] = _inverse_censoring_dist(ct[mask]) + + return ipcw + + +def _inverse_censoring_dist(ct: torch.Tensor) -> torch.Tensor: + """Compute inverse of the censoring distribution. + + Args: + ct (torch.Tensor): + Estimated censoring distribution. + Must be strictly positive. + + Returns: + torch.Tensor: 1/ct if ct > 0, else 1. + + Examples: + >>> _ = torch.manual_seed(42) + >>> ct = torch.randn((4,)) + >>> _inverse_censoring_dist(ct) + tensor([2.9701, 7.7634, 4.2651, 4.3415]) + + """ + if torch.any(ct.eq(0.0)): + warnings.warn( + "Censoring distribution zero at one or more time points. Returning ones as weight" + ) + return torch.ones_like(ct, dtype=ct.dtype) + else: + weight = torch.ones(1, dtype=ct.dtype) / ct + + return weight + + +if __name__ == "__main__": + import doctest + + # Run doctest + results = doctest.testmod() + if results.failed == 0: + print("All tests passed.") + else: + print("Some doctests failed.") + sys.exit(1) diff --git a/src/torchsurv/stats/kaplan_meier.py b/src/torchsurv/stats/kaplan_meier.py new file mode 100644 index 0000000..d1ff9ed --- /dev/null +++ b/src/torchsurv/stats/kaplan_meier.py @@ -0,0 +1,211 @@ +import itertools +import sys +from typing import Tuple + +import torch + +from ..tools.validate_inputs import validate_survival_data + + +class KaplanMeierEstimator: + def __call__( + self, + event: torch.tensor, + time: torch.tensor, + censoring_dist: bool = False, + check: bool = True, + ): + """Kaplan-Meier estimate of survival or censoring distribution for right-censored data :cite:p:`Kaplan1958`. + + Args: + event (torch.tensor, bool): + Event indicator of size n_samples (= True if event occured). + time (torch.tensor, float): + Time-to-event or censoring of size n_samples. + censoring_dist (bool, optional): + If False, returns the Kaplan-Meier estimate of the survival distribution. + If True, returns the Kaplan-Meier estimate of the censoring distribution. + Defaults to False. + check (bool): + Whether to perform input format checks. + Enabling checks can help catch potential issues in the input data. + Defaults to True. + + Examples: + >>> _ = torch.manual_seed(42) + >>> n = 32 + >>> time = torch.randint(low=0, high=8, size=(n,)).float() + >>> event = torch.randint(low=0, high=2, size=(n,)).bool() + >>> s = KaplanMeierEstimator() # estimate survival distribution + >>> s(event, time) + >>> s.km_est + tensor([1.0000, 1.0000, 0.8214, 0.7143, 0.6391, 0.6391, 0.5113, 0.2556]) + >>> c = KaplanMeierEstimator() # estimate censoring distribution + >>> c(event, time, censoring_dist = True) + >>> c.km_est + tensor([0.9688, 0.8750, 0.8750, 0.8312, 0.6357, 0.4890, 0.3667, 0.0000]) + + References: + + .. bibliography:: + :filter: False + + Kaplan1958 + """ + + # create attribute state + self.event = event + self.time = time + + # Check input validity if required + if check: + validate_survival_data(event, time) + + # Compute the counts of events, censorings, and the number at risk at each unique time + uniq_times, n_events, n_at_risk, n_censored = self._compute_counts() + + # If 'censoring_dist' is True, estimate the censoring distribution instead of the survival distribution + if censoring_dist: + n_at_risk -= n_events + n_events = n_censored + + # Compute the Kaplan-Meier estimator + ratio = torch.where( + n_events != 0, # Check if the number of events is not equal to zero + n_events + / n_at_risk, # Element-wise division when the number of events is not zero + torch.zeros_like( + n_events, dtype=torch.float + ), # Set to zero when the number of events is zero to avoid division by zero + ) + values = ( + 1.0 - ratio + ) # Compute the survival (or censoring) probabilities at each unique time + y = torch.cumprod( + values, dim=0 + ) # Cumulative product to get the Kaplan-Meier estimator + + # Keep track of the unique times and Kaplan-Meier estimator values + self.time = uniq_times + self.km_est = y + + def predict(self, new_time: torch.Tensor) -> torch.Tensor: + """Predicts the Kaplan-Meier estimate on new time points. + If the new time points do not match any times used to fit, the left-limit is used. + + Args: + new_time (torch.tensor): + New time points at which to predict the Kaplan-Meier estimate. + + Returns: + Kaplan-Meier estimate evaluated at ``new_time``. + + Examples: + >>> _ = torch.manual_seed(42) + >>> n = 8 + >>> time = torch.randint(low=1, high=10, size=(n * 4,)).float() + >>> event = torch.randint(low=0, high=2, size=(n * 4,)).bool() + >>> km = KaplanMeierEstimator() + >>> km(event, time) + >>> km.predict(torch.randint(low=0, high=10, size=(n,))) # predict survival distribution + tensor([1.0000, 0.9062, 0.8700, 1.0000, 0.9062, 0.9062, 0.4386, 0.0000]) + + """ + + # add probability of 1 of survival before time 0 + ref_time = torch.cat((-torch.tensor([torch.inf]), self.time), dim=0) + km_est_ = torch.cat((torch.ones(1), self.km_est)) + + # Check if newtime is beyond the last observed time point + extends = new_time > torch.max(ref_time) + if km_est_[torch.argmax(ref_time)] > 0 and extends.any(): + raise ValueError( + "Cannot predict survival/censoring distribution after the largest observed training event time point: {}".format( + ref_time[-1].item() + ) + ) + + # beyond last time point is zero probability + km_pred = torch.zeros_like(new_time, dtype=km_est_.dtype) + km_pred[extends] = 0.0 + + # find new time points that match train time points + idx = torch.searchsorted(ref_time, new_time[~extends], side="left") + + # For non-exact matches, take the left limit (shift the index to the left) + eps = torch.finfo(ref_time.dtype).eps + idx[torch.abs(ref_time[idx] - new_time[~extends]) >= eps] -= 1 + + # predict + km_pred[~extends] = km_est_[idx] + + return km_pred + + def _compute_counts( + self, + ) -> Tuple[torch.tensor, torch.tensor, torch.tensor, torch.tensor]: + """Compute the counts of events, censorings and risk set at ``time``. + + Returns: Tuple[torch.tensor, torch.tensor, torch.tensor, torch.tensor] + unique times + number of events at unique times + number at risk at unique times + number of censored at unique times + """ + # Get the number of samples + n_samples = len(self.event) + + # Sort indices based on time + order = torch.argsort(self.time, dim=0) + + # Initialize arrays to store unique times, event counts, and total counts + uniq_times = torch.empty_like(self.time) + uniq_events = torch.empty_like(self.time, dtype=torch.long) + uniq_counts = torch.empty_like(self.time, dtype=torch.long) + + # Group indices by unique time values + groups = itertools.groupby( + range(len(self.time)), key=lambda i: self.time[order[i]] + ) + + # Initialize index for storing unique values + j = 0 + + # Iterate through unique times + for _, group_indices in groups: + group_indices = list(group_indices) + + # Count events and total occurrences + count_event = sum(self.event[order[i]].item() for i in group_indices) + count = len(group_indices) + + # Store unique time, event count, and total count + uniq_times[j] = self.time[order[group_indices[0]]].item() + uniq_events[j] = count_event + uniq_counts[j] = count + j += 1 + + # Extract valid values based on the index + times = uniq_times[:j] + n_events = uniq_events[:j] + total_count = uniq_counts[:j] + n_censored = total_count - n_events + + # Offset cumulative sum by one to get the number at risk + n_at_risk = n_samples - torch.cumsum( + torch.cat([torch.tensor([0]), total_count]), dim=0 + ) + + return times, n_events, n_at_risk[:-1], n_censored + + +if __name__ == "__main__": + import doctest + + # Run doctest + results = doctest.testmod() + if results.failed == 0: + print("All tests passed.") + else: + print("Some doctests failed.") + sys.exit(1) diff --git a/src/torchsurv/tools/validate_inputs.py b/src/torchsurv/tools/validate_inputs.py new file mode 100644 index 0000000..1d19023 --- /dev/null +++ b/src/torchsurv/tools/validate_inputs.py @@ -0,0 +1,125 @@ +import torch + + +def validate_survival_data(event, time): + """Perform format and validity checks for survival data. + + Args: + event (torch.Tensor, boolean): + Event indicator of size n_samples (= True if event occured). + time (torch.Tensor, float): + Event or censoring time of size n_samples. + + Raises: + TypeError: If ``event`` or ``time`` are not tensors. + ValueError: If ``event`` is not boolean. + ValueError: If ``event`` and ``time`` are not of the same length. + ValueError: If all ``event`` are False. + ValueError: If any ``time`` are negative. + """ + if not torch.is_tensor(event) or not torch.is_tensor(time): + raise TypeError("Inputs 'event' and 'time' should be tensors") + + if not event.dtype == torch.bool: + raise ValueError("Input 'event' should be of boolean type.") + + if not torch.is_floating_point(time): + raise ValueError("Input 'time' should be of float type.") + + if len(event) != len(time): + raise ValueError( + "Dimension mismatch: Incompatible length between inputs 'time' and 'event'." + ) + + if torch.sum(event) <= 0: + raise ValueError("All samples are censored.") + + if torch.any(time < 0.0): + raise ValueError("Input 'time' should be non-negative.") + + +def validate_evaluation_time(new_time, time, within_follow_up=True): + """Perform format and validity checks for evaluation time. + + Args: + new_time (torch.Tensor, optional): + Time points for metric computation of size n_times. + time (torch.Tensor, float): + Event or censoring time of size n_samples. + within_follow_up (bool, optional): + Whether values of ``new_time`` must be within values in ``time``. + Defaults to True. + + Raises: + ValueError: If ``new_time`` contains duplicate values. + ValueError: If ``new_time`` is not sorted. + TypeError: If ``new_time`` is not a tensor. + ValueError: If ``new_time`` is not of floating-point type. + ValueError: + If ``new_time`` is not within the range of follow-up in ``time``. + Assessed only if ``within_follow_up`` is True. + """ + new_time_sorted, indices = torch.unique(new_time, return_inverse=True) + + if len(new_time_sorted) != len(new_time): + raise ValueError("'Value error: Input 'new_time' should contain unique values.") + + if not torch.all(indices == torch.arange(len(new_time))): + raise ValueError( + "Value error: Input 'new_time' should be sorted from the smallest time to the largest." + ) + + if not torch.is_tensor(new_time): + raise TypeError("Type error: Input 'new_time' should be a tensor.") + + if not torch.is_floating_point(new_time): + raise ValueError( + "Value error: Input 'new_time' should be of floating-point type." + ) + + if within_follow_up: + if new_time.max() >= time.max() or new_time.min() < time.min(): + raise ValueError( + "Value error: All new_time must be within follow-up time of test data: [{}; {}[".format( + time.min(), time.max() + ) + ) + + +def validate_estimate(estimate, time, new_time=None) -> None: + """Perform format and validity checks for estimate. + + Args: + estimate (torch.Tensor): + Estimates of shape = (n_samples,) or (n_samples, n_times). + time (torch.Tensor, float): + Time of event or censoring of size n_samples. + new_time (torch.Tensor, optional): + Time points for metric computation of size n_times. + + Raises: + TypeError: If ``estimate`` is not a tensor. + ValueError: If ``estimate`` has more than 2 dimensions. + ValueError: If number of rows of ``estimate`` is not n_samples. + ValueError: + If number of columns of ``estimate`` is not n_times. + Assessed only if ``new_time`` is not None. + """ + if not torch.is_tensor(estimate): + raise TypeError("Type error: Input 'estimate' should be a tensor.") + + if estimate.ndim > 2: + raise ValueError("Value error: Input 'estimate' should have 1 or 2 dimensions.") + + if estimate.shape[0] != time.shape[0]: + raise ValueError( + "Dimension mismatch: Inconsistent number of samples between inputs 'time' and 'estimate'." + ) + + if not new_time is None: + if estimate.ndim == 2 and estimate.shape[1] != new_time.shape[0]: + raise ValueError( + "Dimension mismatch: Expected inputs 'estimate' with {} columns, but got {}".format( + new_time.shape[0], estimate.shape[1] + ) + ) diff --git a/tests/README.md b/tests/README.md new file mode 100644 index 0000000..e6a5549 --- /dev/null +++ b/tests/README.md @@ -0,0 +1,79 @@ +# Unit Tests + +## Structure + +Comprehensive tests on API functionalities help maintain their reliability, accuracy, and robustness. Each functionality of the API is thoroughly tested in separate files named `test_$FUNCTIONALITY.py`. The tests cover various aspects: + +- **Value Comparison:** The values returned by the functions are compared against benchmarks on real data (e.g., North Central Cancer Treatment Group's [lung dataset](https://lifelines.readthedocs.io/en/latest/lifelines.datasets.html#lifelines.datasets.load_lung) and the German Breast Cancer Study Group [gbsg dataset](https://lifelines.readthedocs.io/en/latest/lifelines.datasets.html#lifelines.datasets.load_gbsg2)) as well as simulated data, including edge cases. This ensures that the functions produce accurate results across different scenarios. + +- **Output Format:** The expected format of the function outputs is rigorously tested to ensure consistency and compatibility with other parts of the system or downstream processes. + +- **Error Handling:** Input or edge cases that should raise errors are explicitly tested to verify that the functions behave as expected. + + +## Benchmark Comparison + +The values obtained from the unit tests are compared against benchmarks generated using R and Python packages. Below is a table indicating the packages used for benchmarking each functionality: + +| `torchsurv` functionality | R Package | Python Package | File name | +|---------------------------------|------------------|------------------|---------------------| +| `loss.cox` | `survival` | / | `tests/test_cox.py` | +| `loss.weibull` | `survival` | `lifelines` | `tests/test_weibull.py` | +| `metrics.auc` | `survAUC`, `RiskRegression`, `timeROC` | `sksurv` | `tests/test_auc.py` | +| `metrics.cindex` | `survival`, `survcomp`, `survAUC`, `survC1` | `sksurv` |`tests/test_cindex.py` | +| `metrics.brier_score` | `survAUC`, `survMetrics` | `sksurv` |`tests/test_brier_score.py` | +| `stats.ipcw` | `pec` | `sksurv` |`tests/test_ipcw.py` | +| `stats.kaplan_meier` | `survival` | `sksurv` |`tests/test_kaplan_meier.py` | + + +## Obtaining Benchmarks on R + +Benchmark values from R packages are obtained using R Scripts in `benchmark_script/` and are saved in `benchmark_data/`. Make sure to install the following R libraries before running the scripts: + +- `jsonlite`, v.1.8.7 +- `survival`, v3.5-7 (2023-08-14) +- `riskRegression`, v.2023.12.21 (2023-12-19) +- `timeROC`, v.0.4 (2019-12-18) +- `survAUC`, v.1.2-0 (2023-03-21) +- `SurvMetrics`, v.0.5.0 (2022-09-03) +- `survcomp`, v.1.52.0 (2023-10-24) +- `survC1`, v.1.0-3 (2021-02-10) +- `pec`, v.2023.04.12 (2023-04-11) + +## Benchmark Comparison Figures + +Below are the comparison figures showing the values of the API functionalities against benchmarks generated using different packages: + +### `loss.cox`: Partial log likelihood of Cox proportional hazards model + +The partial log likelihood of Cox proportional hazards models fitted on two real datasets. Models are parameterized with one, two, or all covariates. The standard Cox partial log likelihood was evaluated using only observations with unique time-to-event (without ties), while Efron's and Breslow's corrections were applied using all observations, accounting for ties in event times. + +![](../docs/source/benchmark_cox.png) + +### `loss.weibull`: Log likelihood of Weibull accelerated failure time (AFT) model + +The log likelihood of Weibull Accelerated Failure Time (AFT) models fitted to two real datasets. Models are parameterized with one, two, or all covariates. In the 'scale only' model, only the scale parameter was estimated with a fixed shape, while in the 'shape and scale' model, both the scale and shape parameters were estimated. + + + + +### `metrics.auc`: Area Under the Receiver Operating Characteristic Curve (AUC) + +Time-dependent Uno's AUC evaluated using the log hazard estimated with a Cox proportional hazards model fitted on the 'lung' dataset. In the unit tests, the AUC evaluated on other model specifications (with one, two, or all covariates) and a second dataset were also compared to this benchmark. + + + +### `metrics.cindex`: Concordance index + +Harrell's and Uno's C-index evaluated using the log hazard estimated with a Cox proportional hazards model fitted on the 'lung' dataset. In the unit tests, the C-index evaluated on other model specifications (with one, two, or all covariates) and a second dataset were also compared to this benchmark. + + + + + +### `metrics.brier_score`: Brier score + +Time-dependent Brier score evaluated using the survival function estimated with a Weibull AFT model fitted on the 'lung' dataset. In the unit tests, the Brier score evaluated on other model specifications (with one, two, or all covariates) and a second dataset were also compared to this benchmark. + + + diff --git a/tests/benchmark_data/benchmark_auc.json b/tests/benchmark_data/benchmark_auc.json new file mode 100644 index 0000000..76a5935 --- /dev/null +++ b/tests/benchmark_data/benchmark_auc.json @@ -0,0 +1 @@ +[{"train_time":[306,455,1010,210,883,1022,310,361,218,166,170,654,728,71,567,144,613,707,61,88,301,81,624,371,394,520,574,118,390,12,473,26,533,107,53,122,814,965,93,731,460,153,433,145,583,95,303,519,643,765,735,189,53,246,689,65,5,132,687,345,444,223,175,60,163,65,208,821,428,230,840,305,11,132,226,426,705,363,11,176,791,95,196,167,806,284,641,147,740,163,655,239,88,245,588,30,179,310,477,166,559,450,364,107,177,156,529,11,429,351,15,181,283,201],"train_status":[true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,false,true,false,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,true,true],"test_time":[524,13,212,524,288,363,442,199,550,54,558,207,92,60,551,543,293,202,353,511,267,511,371,387,457,337,201,404,222,62,458,356,353,163,31,340,229,444,315,182,156,329,364,291,179,376,384,268,292,142,413,266,194,320,181,285,301,348,197,382,303,296,180,186,145,269,300,284,350,272,292,332,285,259,110,286,270,81,131,225,269,225,243,279,276,135,79,59,240,202,235,105,224,239,237,173,252,221,185,92,13,222,192,183,211,175,197,203,116,188,191,105,174,177],"test_status":[true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,false,true,true,true,false,true,false,true,true,true,true,true,false,true,true,false,false,true,true,true,true,true,false,false,true,true,true,false,true,true,false,false,true,false,true,false,false,true,true,true,true,false,true,true,false,false,false,true,true,true,false,false,false,true,false,false,false,true,false,true,true,true,true,true,false,true,false,false,false,false,true,true,true,false,false,false,true,false,true,false,false,false,false,false,false,true,false,false,true,false,false,false,false,true,false,false,false,false,false],"estimate":[-0.2196,0.302,-0.3382,0.1123,0.0649,0.3968,0.2783,-0.0774,0.136,0.2071,0.1597,0.0649,-0.3145,0.0175,0.3257,-0.3619,-0.1011,-0.2433,-0.3856,-0.1959,0.0886,0.2546,-0.1248,-0.1722,-0.2196,-0.1722,0.2308,0.2546,0.302,0.0412,-0.1485,-0.2433,0.1834,-0.2196,0.4442,-0.1011,0.1597,-0.0774,-0.0299,-0.2433,-0.1959,0.136,0.1123,-0.0299,-0.0062,-0.1722,-0.0299,-0.4567,0.136,-0.0062,0.0175,-0.1485,-0.0774,-0.4093,-0.0537,0.0412,-0.0537,-0.1248,-0.1722,-0.4804,-0.2433,-0.1011,-0.1722,-0.1959,-0.2433,0.2546,-0.0774,-0.5753,0.0649,0.0412,-0.2907,-0.433,0.2071,-0.1248,0.0175,-0.2433,0.2071,-0.267,-0.3145,0.0175,0.1834,0.1597,-0.0062,0.0175,-0.267,-0.0774,0.0175,0.2308,-0.0062,-0.3145,-0.0062,-0.0299,-0.1959,-0.3145,0.136,-0.1011,-0.0774,0.0886,0.136,0.0175,0.0412,0.0412,-0.5278,0.302,0.1597,-0.1485,0.0886,0.1834,0.302,0.3257,-0.5753,0.2783,0.0649,-0.1248],"times":[13,31,54,59,60,62,79,81,92,105,110,116,131,135,142,145,156,163,179,180,181,182,183,186,194,197,199,201,202,207,212,222,229,239,267,268,269,270,285,286,288,291,293,320,329,337,340,348,350,353,363,371,387,442,457,524,550],"surv.prob":[0.9825,0.9737,0.9649,0.9561,0.9474,0.9386,0.9298,0.9211,0.9123,0.9034,0.8945,0.8855,0.8766,0.8676,0.8587,0.8498,0.8408,0.8319,0.8225,0.8132,0.8038,0.7945,0.7851,0.7757,0.7659,0.756,0.7461,0.7361,0.7262,0.716,0.7056,0.6951,0.6838,0.6723,0.6596,0.6469,0.6342,0.6213,0.593,0.5789,0.5648,0.5507,0.5358,0.5185,0.5012,0.4833,0.4654,0.4475,0.4296,0.3938,0.3751,0.3553,0.3316,0.304,0.2736,0.1824,0.1216],"auc_cd_survAUC":[0.7969,0.8694,0.8716,0.8789,0.8333,0.8091,0.7842,0.7116,0.6485,0.6404,0.6383,0.6678,0.6254,0.6134,0.6104,0.5827,0.5624,0.5419,0.5406,0.5274,0.5243,0.5061,0.5298,0.5198,0.5094,0.5023,0.4987,0.5173,0.495,0.5076,0.4918,0.5198,0.5367,0.5236,0.5307,0.5083,0.5306,0.5465,0.5593,0.5439,0.5526,0.5542,0.5482,0.509,0.5224,0.4953,0.4894,0.4815,0.4909,0.4798,0.4958,0.498,0.4298,0.4968,0.4521,0.3708,0.1352],"iauc_cd_survAUC":[0.5061],"auc_id_sz_survAUC":[0.5613,0.5613,0.5613,0.5613,0.5613,0.5613,0.5614,0.5614,0.5614,0.5614,0.5614,0.5614,0.5614,0.5614,0.5614,0.5614,0.5614,0.5614,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615,0.5615],"i_auc_id_sz_survAUC":[0.5615],"auc_cd_Uno_riskRegression":[0.7969,0.8694,0.8716,0.8789,0.8333,0.8091,0.7842,0.7116,0.6485,0.6403,0.6382,0.6681,0.625,0.613,0.6099,0.5819,0.5615,0.5408,0.5397,0.5259,0.5228,0.504,0.5285,0.518,0.5074,0.4998,0.4961,0.5159,0.4927,0.5059,0.4887,0.5186,0.5372,0.5214,0.5302,0.5037,0.5288,0.5478,0.5646,0.5455,0.5551,0.5569,0.55,0.5043,0.5207,0.4908,0.4848,0.4762,0.4865,0.475,0.4971,0.498,0.4261,0.5035,0.4532,0.3604,0.1201],"auc_cd_Uno_se_riskRegression":[0.1127,0.0927,0.0697,0.0566,0.0646,0.0618,0.0611,0.0868,0.0975,0.0903,0.0838,0.0813,0.0856,0.0813,0.0771,0.0772,0.0757,0.0745,0.0711,0.0693,0.0671,0.0666,0.0669,0.0659,0.0656,0.0645,0.0631,0.063,0.0633,0.0622,0.0625,0.063,0.0625,0.0631,0.0629,0.0637,0.0637,0.0635,0.0642,0.0646,0.0644,0.0643,0.0653,0.0697,0.0703,0.0712,0.0723,0.0736,0.0755,0.0764,0.0771,0.0815,0.089,0.0984,0.1099,0.1766,0.0713],"times_se":[119,161.6,184.2,202,255.8,286.4,335.4],"auc_cd_Uno_timeROC":[0.6681,0.5615,0.5285,0.5048,0.5228,0.5455,0.5045],"auc_cd_Uno_se_timeROC":[0.0813,0.0757,0.067,0.0647,0.065,0.0695,0.0826]},{"train_time":[306,455,1010,210,883,1022,310,361,218,166,170,654,728,71,567,144,613,707,61,88,301,81,624,371,394,520,574,118,390,12,473,26,533,107,53,122,814,965,93,731,460,153,433,145,583,95,303,519,643,765,735,189,53,246,689,65,5,132,687,345,444,223,175,60,163,65,208,821,428,230,840,305,11,132,226,426,705,363,11,176,791,95,196,167,806,284,641,147,740,163,655,239,88,245,588,30,179,310,477,166,559,450,364,107,177,156,529,11,429,351,15,181,283,201],"train_status":[true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,false,true,false,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,true,true],"test_time":[524,13,212,524,288,363,442,199,550,54,558,207,92,60,551,543,293,202,353,511,267,511,371,387,457,337,201,404,222,62,458,356,353,163,31,340,229,444,315,182,156,329,364,291,179,376,384,268,292,142,413,266,194,320,181,285,301,348,197,382,303,296,180,186,145,269,300,284,350,272,292,332,285,259,110,286,270,81,131,225,269,225,243,279,276,135,79,59,240,202,235,105,224,239,237,173,252,221,185,92,13,222,192,183,211,175,197,203,116,188,191,105,174,177],"test_status":[true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,false,true,true,true,false,true,false,true,true,true,true,true,false,true,true,false,false,true,true,true,true,true,false,false,true,true,true,false,true,true,false,false,true,false,true,false,false,true,true,true,true,false,true,true,false,false,false,true,true,true,false,false,false,true,false,false,false,true,false,true,true,true,true,true,false,true,false,false,false,false,true,true,true,false,false,false,true,false,true,false,false,false,false,false,false,true,false,false,true,false,false,false,false,true,false,false,false,false,false],"estimate":[-0.2245,0.6534,-0.0008,0.4596,0.4111,0.7504,0.6292,-0.0791,0.139,0.5565,0.5081,0.4111,0.0234,0.3627,0.3329,-0.3698,-0.1033,0.0961,-0.0493,-0.2002,0.4354,0.2602,-0.1275,0.1688,0.1204,0.1688,0.2359,0.605,0.6534,0.0421,0.193,-0.2487,0.5323,0.1204,0.7988,-0.1033,0.5081,0.2657,-0.0306,-0.2487,0.1446,0.4838,0.1148,0.3142,0.3384,-0.176,-0.0306,-0.4668,0.4838,0.3384,0.3627,-0.1518,-0.0791,-0.0735,0.29,0.3869,0.29,-0.1275,0.1688,-0.491,0.0961,-0.1033,0.1688,-0.2002,-0.2487,0.2602,0.2657,-0.2431,0.0663,0.0421,-0.2972,-0.4425,0.2117,0.2173,0.3627,0.0961,0.5565,0.0719,0.0234,0.3627,0.5323,0.5081,-0.0064,0.3627,-0.2729,0.2657,0.0179,0.5808,-0.0064,-0.3214,-0.0064,0.3142,-0.2002,-0.3214,0.4838,-0.1033,-0.0791,0.4354,0.4838,0.0179,0.3869,0.3869,-0.5395,0.6534,0.1632,-0.1518,0.4354,0.1875,0.6534,0.6777,-0.2431,0.2844,0.4111,-0.1275],"times":[13,31,54,59,60,62,79,81,92,105,110,116,131,135,142,145,156,163,179,180,181,182,183,186,194,197,199,201,202,207,212,222,229,239,267,268,269,270,285,286,288,291,293,320,329,337,340,348,350,353,363,371,387,442,457,524,550],"surv.prob":[0.9825,0.9737,0.9649,0.9561,0.9474,0.9386,0.9298,0.9211,0.9123,0.9034,0.8945,0.8855,0.8766,0.8676,0.8587,0.8498,0.8408,0.8319,0.8225,0.8132,0.8038,0.7945,0.7851,0.7757,0.7659,0.756,0.7461,0.7361,0.7262,0.716,0.7056,0.6951,0.6838,0.6723,0.6596,0.6469,0.6342,0.6213,0.593,0.5789,0.5648,0.5507,0.5358,0.5185,0.5012,0.4833,0.4654,0.4475,0.4296,0.3938,0.3751,0.3553,0.3316,0.304,0.2736,0.1824,0.1216],"auc_cd_survAUC":[0.8549,0.9084,0.9136,0.9211,0.8904,0.8204,0.763,0.7249,0.6874,0.6872,0.6921,0.7187,0.6942,0.6911,0.6934,0.6557,0.6472,0.6381,0.6369,0.6319,0.6342,0.6077,0.6287,0.6115,0.5934,0.596,0.5808,0.5823,0.5706,0.583,0.5735,0.6044,0.6251,0.6055,0.6017,0.5782,0.5965,0.614,0.6164,0.6111,0.6238,0.6308,0.6181,0.597,0.6147,0.6022,0.5854,0.5666,0.5582,0.5667,0.5832,0.5589,0.4871,0.5772,0.5823,0.5436,0.2988],"iauc_cd_survAUC":[0.5978],"auc_id_sz_survAUC":[0.5858,0.5859,0.5859,0.5859,0.5859,0.5859,0.5859,0.5859,0.5859,0.5859,0.5859,0.5859,0.5859,0.5859,0.5859,0.5859,0.5859,0.5859,0.5859,0.5859,0.5859,0.5859,0.5859,0.5859,0.5859,0.5859,0.5859,0.5858,0.5858,0.5858,0.5858,0.5858,0.5858,0.5858,0.5857,0.5857,0.5857,0.5857,0.5857,0.5857,0.5857,0.5857,0.5857,0.5855,0.5855,0.5855,0.5855,0.5855,0.5855,0.5854,0.5854,0.5853,0.5853,0.5849,0.5847,0.5843,0.5842],"i_auc_id_sz_survAUC":[0.5857],"auc_cd_Uno_riskRegression":[0.8549,0.9084,0.9136,0.9211,0.8904,0.8204,0.763,0.7249,0.6874,0.6872,0.6921,0.7191,0.6943,0.691,0.6933,0.6553,0.6466,0.6375,0.6365,0.6312,0.6337,0.6061,0.6278,0.6096,0.5905,0.593,0.5769,0.5787,0.5667,0.5799,0.5699,0.6023,0.6248,0.6016,0.6,0.5716,0.5927,0.6132,0.6171,0.6102,0.6243,0.632,0.6164,0.5916,0.6125,0.5994,0.579,0.5562,0.5461,0.557,0.5778,0.5502,0.4771,0.5766,0.5771,0.5342,0.2751],"auc_cd_Uno_se_riskRegression":[0.0786,0.0646,0.0486,0.0396,0.0454,0.0762,0.0863,0.0856,0.0855,0.0779,0.0721,0.0698,0.07,0.0662,0.0629,0.069,0.0665,0.0646,0.0631,0.0614,0.0596,0.0621,0.0617,0.0627,0.0637,0.0622,0.062,0.0607,0.0604,0.0595,0.0592,0.059,0.0585,0.0607,0.0613,0.0632,0.0628,0.0622,0.0625,0.0626,0.0621,0.062,0.0636,0.0684,0.0683,0.0704,0.0717,0.0729,0.0746,0.0768,0.076,0.0803,0.0875,0.0894,0.1039,0.1523,0.0863],"times_se":[119,161.6,184.2,202,255.8,286.4,335.4],"auc_cd_Uno_timeROC":[0.7191,0.6466,0.6278,0.5718,0.5891,0.6102,0.5996],"auc_cd_Uno_se_timeROC":[0.0698,0.0665,0.0617,0.0625,0.0639,0.069,0.0858]},{"train_time":[455,210,1022,310,361,218,166,170,567,613,707,61,301,81,371,520,574,118,390,12,473,26,107,53,814,965,93,731,460,153,433,583,95,303,519,643,765,53,246,689,5,687,345,444,223,60,163,65,821,428,230,840,305,11,226,426,705,363,176,791,95,196,167,806,284,641,147,740,163,655,88,245,30,477,559,450,156,529,429,351,15,181,283],"train_status":[true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,false,true,false,true,true,true,false,true,true,true,true,true,true,false,true,true,false,true,true,true,true,true],"test_time":[13,212,524,288,363,199,550,54,558,207,92,60,551,293,353,267,511,457,337,201,404,222,62,458,353,163,31,229,156,291,179,376,384,268,292,142,413,266,320,181,285,301,348,197,382,303,296,180,145,269,300,284,292,332,285,259,110,286,270,225,269,225,243,276,135,79,59,240,202,235,239,252,221,185,222,183,211,175,197,203,191,105,174,177],"test_status":[true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,false,true,true,true,false,true,true,false,true,true,true,true,true,true,true,false,false,true,false,true,false,false,true,true,true,false,true,true,false,false,false,true,true,false,false,false,false,false,true,false,true,true,true,false,true,false,false,false,true,true,true,false,false,false,true,false,false,false,false,true,false,false,false,false,false,false,false,false],"estimate":[1.2774,0.6121,0.5245,1.0722,0.7426,0.3718,-0.1494,0.9963,-0.1382,0.3304,0.1392,0.2153,1.3093,-0.3147,-0.4473,0.2192,0.9531,0.2782,-0.4225,0.9607,0.7088,1.0981,-0.1048,-0.1162,0.4354,0.2805,0.5888,0.4092,1.1141,0.9804,0.5388,-0.3638,-0.5605,-0.7822,0.2894,0.641,0.5221,-0.7784,-0.519,0.5002,0.1037,0.3486,-0.6853,0.5851,-0.706,0.2572,-0.3819,0.2135,-0.3807,-0.015,-0.1657,-0.6263,-0.837,-1.2162,0.5795,-0.3629,0.5346,-0.6076,0.4837,0.5582,0.6618,0.0611,-0.1073,-0.4459,0.6081,0.1582,-0.0613,-0.7172,-0.682,-0.1539,0.0137,-0.2434,0.5766,0.8947,0.7263,1.6784,1.4051,-0.9245,0.1838,0.0689,-1.172,0.539,0.4366,-0.2922],"times":[13,31,54,59,60,62,79,92,110,135,142,145,156,163,179,180,181,183,197,199,201,207,212,222,229,239,267,268,269,270,285,286,288,291,293,320,337,348,353,363,457,524,550],"surv.prob":[0.9881,0.9762,0.9643,0.9524,0.9405,0.9286,0.9167,0.9048,0.8927,0.8806,0.8686,0.8565,0.8444,0.8324,0.8198,0.8072,0.7945,0.7819,0.7689,0.7556,0.7424,0.7286,0.7146,0.7003,0.6851,0.6695,0.6519,0.6343,0.6167,0.5985,0.5599,0.5406,0.5213,0.502,0.4811,0.4558,0.429,0.4021,0.3485,0.3217,0.2758,0.2068,0.1379],"auc_cd_survAUC":[0.9639,0.872,0.893,0.7656,0.7139,0.656,0.6289,0.6069,0.6231,0.6438,0.6641,0.6256,0.6582,0.6532,0.6544,0.6455,0.6499,0.6792,0.6916,0.6913,0.7102,0.7,0.7257,0.7642,0.7709,0.7569,0.7228,0.6913,0.7047,0.711,0.6981,0.6718,0.7002,0.7273,0.7027,0.6633,0.6163,0.5789,0.551,0.5868,0.5109,0.5523,0.41],"iauc_cd_survAUC":[0.6387],"auc_id_sz_survAUC":[0.6669,0.6663,0.6661,0.6661,0.6656,0.6654,0.6652,0.6647,0.6638,0.6635,0.6635,0.6635,0.6628,0.6625,0.6611,0.6611,0.6608,0.6608,0.6608,0.6608,0.6608,0.6608,0.6606,0.6603,0.6597,0.6594,0.6588,0.6588,0.6588,0.6588,0.6582,0.6582,0.6582,0.6582,0.6582,0.6569,0.6569,0.6566,0.6562,0.6555,0.6517,0.6488,0.6488],"i_auc_id_sz_survAUC":[0.6605],"auc_cd_Uno_riskRegression":[0.9639,0.872,0.893,0.7656,0.7139,0.656,0.6289,0.6069,0.6232,0.6441,0.6645,0.6257,0.6585,0.6534,0.6548,0.6455,0.6499,0.68,0.6926,0.6921,0.7117,0.7009,0.7271,0.7669,0.773,0.7573,0.7209,0.6815,0.6965,0.7034,0.6907,0.6584,0.6902,0.7199,0.6912,0.6447,0.5906,0.543,0.5115,0.5511,0.4693,0.5243,0.3655],"auc_cd_Uno_se_riskRegression":[0.0206,0.071,0.0508,0.118,0.1069,0.1054,0.096,0.089,0.0803,0.0752,0.0712,0.0751,0.074,0.0705,0.068,0.0664,0.0641,0.0635,0.062,0.0607,0.059,0.0596,0.0577,0.0547,0.0545,0.0565,0.0628,0.0686,0.0682,0.0681,0.0718,0.0743,0.0722,0.0699,0.0748,0.0855,0.0902,0.0912,0.0969,0.0987,0.1344,0.2141,0.2535],"times_se":[120,160.2,182.6,207,244.6,276,292.2],"auc_cd_Uno_timeROC":[0.6232,0.6585,0.6499,0.7051,0.7464,0.6955,0.7121],"auc_cd_Uno_se_timeROC":[0.0803,0.074,0.0641,0.062,0.0627,0.08,0.0909]},{"train_time":[1838,403,1603,177,1855,842,293,42,564,1093,436,238,723,503,448,359,1720,1306,942,370,959,552,392,698,249,2051,1356,530,1150,956,679,1820,1013,1225,417,343,488,1862,1763,1587,446,344,63,1483,827,296,1701,2014,2030,722,286,184,1469,276,797,2128,1177,1449,1108,1460,533,1434,168,525,180,471,350,1167,855,449,745,544,186,308,1856,1965,546,1183,1826,360,797,375,779,336,578,463,526,502,540,721,1729,275,2030,72,17,420,2027,891,1352,1192,737,936,1089,377,1655,740,650,1981,742,1977,628,624,733,177,1207,542,1756,515,1459,233,455,379,223,622,426,227,1100,1693,1977,717,1434,973,498,557,650,1751,160,770,1441,424,1730,65,1387,242,792,500,1653,338,731,426,772,1884,1185,359,369,2007,2372,2353,1388,1193,358,175,1366,1163,2233,595,529,1472,2372,410,281,1675,1077,251,541,1192,859,518,548,1140,535,2024,1826,1094,29,2239,1589,504,308,657,1502,624,586,316,120,550,181,1685,828,114,2456,855,632,918,1195,272,2205,548,918,71,1317,195,790,1093,15,870,2034,490,859,486,974,1463,631,2052,1637,2126,1230,1838,758,476,1918,972,307,563,329,191,357,1735,429,729,1557,727,1841,1036,747,825,1363,1560,577,1157,1842,465,2612,964,559,1483,1641,1280,1280,571,1604,567,473,420,370,615,1331,1863,169,1182,415,594,854,305,1854,766,281,1521,945,893,2009,98,2563,1666,1208,859,2467,552,1459,1582,1956,575,853,1443,579,1091,544,247,663,348,2401,740,888,1090,148,730,372,1231,1253,1062,772,1349,1965,1240,1789,2551,1164,972,1868,1866,751,1598,113,1756,491,646,491,1684,16,2059,460,2048,883,890,1043,353,1833,1905,338,241,2144,2014,670],"train_status":[0,1,0,0,0,1,1,0,1,1,1,1,0,1,1,1,0,1,0,1,1,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,0,1,1,1,1,0,0,1,0,0,0,1,1,1,1,0,0,1,0,0,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,1,0,0,0,1,0,1,1,1,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,1,0,1,0,1,1,1,1,1,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,1,1,1,0,0,0,1,1,0,1,0,1,1,1,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,1,1,1,1,0,0,1,0,0,1,1,1,0,0,1,1,1,1,1,1,0,0,0,1,1,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,1,1,1,1,1,0,0,1,0,1,0,1,1,0,1,0,1,1,0,1,0,1,1,0,1,1,1,1,0,0,1,1,1,0,0,0,1,0,1,1,0,1,0,0,1,1,1,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,1,1,1,0,0,1,0,1,1,1,1,0,0,1,1,0,0,1],"test_time":[1222,858,675,2438,1502,229,598,1570,940,1296,855,967,1342,1401,495,836,2227,573,1601,1624,1080,754,867,769,1722,1722,1481,1357,1089,1525,768,1277,2234,1343,537,1904,918,2161,806,623,1814,877,456,936,288,956,995,945,712,1219,981,1729,2153,173,2156,1212,1059,1600,1878,2015,536,2057,1078,687,1807,1632,2018,67,1243,857,675,1976,1959,1852,1702,960,1714,1232,272,1786,371,1990,374,1351,2192,933,798,1989,545,18,1170,1807,547,1753,2170,1420,707,1730,1264,1105,1109,1791,1475,889,761,648,1113,1645,1528,857,1499,1355,838,1693,1979,481,8,637,1441,171,1527,2296,2011,801,1806,1120,819,1341,1514,566,554,1707,46,1174,1246,1493,612,1162,2177,753,841,1219,734,805,969,1897,1095,2217,310,1358,1722,1703,1743,1821,662,1146,385,2380,1701,195,1818,748,1692,1679,1490,2388,1833,1629,732,795,1781,2370,867,1861,1627,1371,2297,1642,2056,2138,2065,2049,1296,974,1337,623,695,1645,986,1680,594,1717,273,1717,1926,876,1840,1095,1922,1765,596,1323,1002,741,2017,322,776,554,1329,1233,57,1356,1502,2320,548,491,2172,550,1352,1701,1152,784,916,475,2161,2556,529,629,1666,652,1117,2132,1218,368,1427,1858,1340,1938,1818,1114,1846,1329,866,2195,1853,2237,1169,2456,476,1088,1721,1984,432,1751,205,747,1771,2010,861,1675,1090,1472,285,1847,1171,2659,2539,2449,2093,2286,762,1435,1105,1624,982,865,1720,1432,2271,1926,755,2009,1625,1343,1119,285,692,1933,17,651,1499,1834,2471,570,600,637,2039,438,2388,1250,1486,714,799,1767,2237,2175,319,1125,892,394,1279,1205,1505,1975,1617,2372,1350,970,213,1094,1364,2148,338,177,983,1283,1869,461,1814,740,1703,1578,722,553,991,967,1499,1222,1760,1152,1342,629,758],"test_status":[0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,1,1,0,1,0,1,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,1,1,0,0,0,1,0,0,1,1,1,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,1,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0,1,1,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0],"estimate":[0.0201,0.0237,0.0735,-0.0226,-0.0618,-0.0333,-0.0333,0.0735,0.0237,0.0344,0.0486,0.0201,-0.019,0.0201,-0.0155,-0.0155,0.013,-0.0546,-0.0404,0.0166,-0.0297,-0.0261,-0.044,0.0059,-0.0155,0.0237,-0.0155,-0.0012,0.0201,-0.0119,-0.0297,0.0023,0.0344,-0.0119,-0.0297,-0.0368,-0.0404,0.0201,-0.0368,0.0522,-0.0618,0.0201,-0.0155,0.0629,0.0451,-0.019,0.0201,-0.0582,-0.019,-0.0119,0.0557,-0.0012,-0.0475,0.0735,0.0059,0.0273,-0.0404,-0.0333,0.0237,0.013,0.0913,0.0201,0.0059,-0.0261,-0.0226,-0.0938,-0.0119,0.013,-0.0083,-0.0368,-0.019,-0.0083,0.0273,0.0379,-0.0261,0.07,0.0023,-0.0404,0.0237,0.013,0.0593,-0.0582,-0.0333,0.0237,-0.0012,0.0273,-0.0155,-0.019,0.0593,-0.0333,-0.0012,0.0379,-0.019,0.0059,-0.0261,0.0023,0.0486,0.013,0.0095,-0.0083,0.0095,0.0237,0.0273,-0.0261,-0.0155,0.013,-0.044,-0.0653,-0.0368,-0.044,-0.0226,-0.0333,-0.0226,-0.0618,0.0059,-0.0012,0.0095,0.0344,-0.0155,0.0059,0.0059,-0.0261,0.0166,0.0059,-0.0867,-0.0511,0.07,-0.0083,-0.0653,0.013,0.0095,-0.0475,-0.0333,0.0237,0.0415,-0.0261,0.0522,0.0664,0.0557,-0.0261,0.013,0.0308,-0.0618,-0.0297,0.0237,0.0023,-0.0083,0.0201,0.0308,-0.0119,-0.0119,0.013,-0.0475,-0.0618,-0.0119,0.0201,-0.0261,-0.0261,-0.0083,0.0059,0.013,0.0237,0.0237,-0.0404,-0.0368,-0.0618,0.0344,0.0201,0.0379,-0.019,-0.0582,0.0273,0.0059,-0.044,0.0166,-0.0048,0.0095,-0.0261,0.0166,-0.0048,0.0522,0.0201,-0.0582,-0.0297,0.0522,-0.0333,-0.0618,-0.0368,-0.0048,0.0379,-0.044,0.0308,0.013,0.013,0.0201,-0.0582,-0.0226,0.0273,0.013,0.0557,-0.0261,0.0201,-0.0155,0.0166,0.0059,0.0059,0.0201,-0.0796,-0.0155,0.0557,0.0344,0.0308,0.0237,0.0273,-0.0297,-0.0368,-0.0226,0.0095,-0.0261,-0.0155,-0.0297,-0.0404,0.0201,0.0308,-0.044,0.0201,0.0273,-0.0333,0.0201,-0.0404,0.0451,0.0344,-0.0404,-0.0511,0.0664,0.0166,-0.0048,-0.044,-0.0012,-0.0261,-0.0368,-0.0404,0.0451,-0.0689,0.0344,0.0166,0.0557,0.0095,-0.0333,0.0237,-0.019,0.0415,-0.019,0.0201,0.0557,-0.0796,0.0166,0.0059,0.0985,-0.0475,0.013,-0.0012,0.0379,-0.0368,0.0023,-0.0333,0.0201,-0.0119,0.0451,-0.0582,-0.0083,-0.0261,0.0308,0.0166,0.0166,-0.0083,0.0451,0.0095,0.013,-0.044,0.0166,-0.0404,0.0201,-0.0012,0.0273,0.0771,0.0308,0.013,0.0059,0.0308,0.013,0.0522,-0.0404,-0.0404,-0.0012,-0.044,0.013,0.0379,-0.0511,-0.044,-0.0012,-0.0261,-0.0404,-0.0261,-0.0404,0.0237,-0.0297,0.0201,0.0095,-0.0475,0.0201,-0.0012,-0.0511,-0.076,0.0344,-0.076,-0.0297,-0.0475,-0.0155,0.0059,0.0308,-0.0368,0.0771,-0.0404,0.0023,-0.0297,0.0522,0.0059,0.0237,-0.0226,0.0201,0.0166,-0.0404,-0.0226,-0.044,-0.044,0.0344,-0.0511,0.0059,-0.0404,-0.0155,0.0308,-0.0974],"times":[171,173,177,205,272,285,288,338,371,374,385,394,438,456,475,476,481,491,495,536,537,545,547,548,550,554,573,594,598,600,612,629,637,648,662,675,687,707,712,714,732,748,754,755,762,769,776,784,795,799,801,805,819,836,838,855,857,861,865,866,867,876,889,918,956,960,981,982,983,991,1002,1059,1080,1090,1105,1120,1146,1162,1170,1174,1218,1219,1246,1279,1296,1329,1337,1343,1352,1371,1420,1481,1493,1502,1525,1528,1601,1675,1679,1701,1753,1806,1807,1814,1975,1989,1990,2015,2018,2039,2093,2286],"surv.prob":[1,0.997,0.9941,0.9911,0.9881,0.9851,0.9791,0.9761,0.9731,0.97,0.967,0.964,0.9609,0.9579,0.9548,0.9518,0.9487,0.9456,0.9426,0.9395,0.9364,0.9334,0.9303,0.9272,0.9242,0.9211,0.9149,0.9118,0.9087,0.9056,0.9025,0.8994,0.8963,0.8931,0.89,0.8868,0.8836,0.8804,0.8772,0.874,0.8708,0.8676,0.8643,0.861,0.8577,0.8544,0.8511,0.8477,0.8444,0.8411,0.8378,0.8344,0.8311,0.8277,0.8244,0.821,0.8177,0.8143,0.8109,0.8075,0.8041,0.8007,0.7973,0.7939,0.7904,0.7869,0.7834,0.7798,0.7762,0.7726,0.769,0.7654,0.7618,0.7581,0.7544,0.747,0.7431,0.7393,0.7354,0.7315,0.7276,0.7236,0.7196,0.7155,0.7113,0.7071,0.7028,0.6986,0.6942,0.6897,0.6851,0.6804,0.6755,0.6706,0.6656,0.6604,0.6552,0.6499,0.644,0.6382,0.6321,0.625,0.6172,0.6093,0.5935,0.5823,0.5704,0.5585,0.5459,0.5329,0.5199,0.5054],"auc_cd_survAUC":[0.5491,0.7679,0.5655,0.6637,0.6867,0.7627,0.783,0.8086,0.8257,0.7717,0.7323,0.6823,0.6987,0.6784,0.6901,0.6628,0.6536,0.6293,0.6174,0.6383,0.6205,0.6375,0.6259,0.6106,0.61,0.5862,0.5663,0.5502,0.5387,0.5373,0.551,0.5418,0.5291,0.5322,0.5286,0.5251,0.5185,0.5298,0.5251,0.5188,0.5281,0.5326,0.5256,0.5295,0.5254,0.5252,0.5305,0.521,0.5167,0.5076,0.5085,0.5022,0.5125,0.5093,0.505,0.5156,0.5051,0.5177,0.5158,0.525,0.5238,0.5135,0.5094,0.5032,0.5015,0.5121,0.5192,0.5226,0.5226,0.5141,0.5122,0.5048,0.4998,0.5045,0.5122,0.5037,0.5096,0.5164,0.5181,0.5242,0.5184,0.5253,0.5331,0.5366,0.5402,0.5333,0.5425,0.5407,0.5359,0.5365,0.5377,0.5396,0.5326,0.5258,0.5166,0.5105,0.5055,0.4948,0.4862,0.4844,0.4926,0.4821,0.4815,0.4763,0.4603,0.464,0.4406,0.4505,0.4503,0.4605,0.5297,0.5351],"iauc_cd_survAUC":[0.535],"auc_id_sz_survAUC":[0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101,0.5101],"i_auc_id_sz_survAUC":[0.5101],"auc_cd_Uno_riskRegression":[0.5491,0.7679,0.5664,0.664,0.687,0.763,0.7833,0.8091,0.8262,0.7717,0.732,0.6818,0.6982,0.6779,0.6897,0.6623,0.6532,0.629,0.6172,0.6379,0.6203,0.6372,0.6257,0.6106,0.61,0.5863,0.5665,0.5504,0.539,0.5375,0.5512,0.542,0.5294,0.5324,0.5289,0.5255,0.5189,0.5302,0.5255,0.5192,0.5284,0.5326,0.5258,0.5296,0.5256,0.5254,0.5305,0.5214,0.5172,0.5085,0.5093,0.5033,0.5132,0.5101,0.506,0.516,0.5059,0.5178,0.5161,0.5247,0.5235,0.5138,0.51,0.5043,0.5029,0.5127,0.519,0.5222,0.5222,0.5143,0.5127,0.5057,0.5012,0.5057,0.5128,0.5049,0.5105,0.5168,0.5184,0.5243,0.5191,0.5254,0.5324,0.5357,0.5387,0.5324,0.541,0.5394,0.5348,0.5355,0.5367,0.5389,0.5324,0.5265,0.5175,0.5118,0.5073,0.4974,0.4892,0.4877,0.4958,0.4856,0.485,0.4797,0.4678,0.4723,0.4524,0.4594,0.4599,0.4672,0.5212,0.5376],"auc_cd_Uno_se_riskRegression":[0.0266,0.1544,0.1942,0.1679,0.1357,0.1067,0.0951,0.0872,0.0801,0.0895,0.0904,0.0962,0.0905,0.0867,0.0819,0.0815,0.0776,0.0771,0.0742,0.073,0.0718,0.0704,0.0685,0.0675,0.0649,0.0641,0.0646,0.0643,0.0631,0.0613,0.0607,0.0599,0.0595,0.0579,0.0566,0.0555,0.0545,0.0544,0.0533,0.0525,0.0522,0.0517,0.051,0.05,0.0492,0.0482,0.0475,0.0473,0.0466,0.0464,0.0456,0.0452,0.0455,0.0449,0.0444,0.0443,0.0443,0.0445,0.0439,0.0438,0.0433,0.0434,0.043,0.0428,0.0426,0.0427,0.043,0.0425,0.042,0.0419,0.0415,0.0414,0.0412,0.0407,0.0401,0.0403,0.04,0.0402,0.0399,0.0396,0.0396,0.0394,0.0396,0.0394,0.0395,0.0395,0.0395,0.0392,0.0392,0.0391,0.0388,0.0389,0.039,0.0394,0.0395,0.0396,0.0398,0.0407,0.0407,0.041,0.0426,0.0439,0.0441,0.0444,0.049,0.0506,0.0505,0.0521,0.0535,0.0542,0.0571,0.0784],"times_se":[547.2,652.2,764.8,856,981.6,1167.6,1367.2],"auc_cd_Uno_timeROC":[0.6257,0.5321,0.5256,0.516,0.519,0.5168,0.5369],"auc_cd_Uno_se_timeROC":[0.0685,0.058,0.0492,0.0444,0.0432,0.0407,0.0411]},{"train_time":[1838,403,1603,177,1855,842,293,42,564,1093,436,238,723,503,448,359,1720,1306,942,370,959,552,392,698,249,2051,1356,530,1150,956,679,1820,1013,1225,417,343,488,1862,1763,1587,446,344,63,1483,827,296,1701,2014,2030,722,286,184,1469,276,797,2128,1177,1449,1108,1460,533,1434,168,525,180,471,350,1167,855,449,745,544,186,308,1856,1965,546,1183,1826,360,797,375,779,336,578,463,526,502,540,721,1729,275,2030,72,17,420,2027,891,1352,1192,737,936,1089,377,1655,740,650,1981,742,1977,628,624,733,177,1207,542,1756,515,1459,233,455,379,223,622,426,227,1100,1693,1977,717,1434,973,498,557,650,1751,160,770,1441,424,1730,65,1387,242,792,500,1653,338,731,426,772,1884,1185,359,369,2007,2372,2353,1388,1193,358,175,1366,1163,2233,595,529,1472,2372,410,281,1675,1077,251,541,1192,859,518,548,1140,535,2024,1826,1094,29,2239,1589,504,308,657,1502,624,586,316,120,550,181,1685,828,114,2456,855,632,918,1195,272,2205,548,918,71,1317,195,790,1093,15,870,2034,490,859,486,974,1463,631,2052,1637,2126,1230,1838,758,476,1918,972,307,563,329,191,357,1735,429,729,1557,727,1841,1036,747,825,1363,1560,577,1157,1842,465,2612,964,559,1483,1641,1280,1280,571,1604,567,473,420,370,615,1331,1863,169,1182,415,594,854,305,1854,766,281,1521,945,893,2009,98,2563,1666,1208,859,2467,552,1459,1582,1956,575,853,1443,579,1091,544,247,663,348,2401,740,888,1090,148,730,372,1231,1253,1062,772,1349,1965,1240,1789,2551,1164,972,1868,1866,751,1598,113,1756,491,646,491,1684,16,2059,460,2048,883,890,1043,353,1833,1905,338,241,2144,2014,670],"train_status":[0,1,0,0,0,1,1,0,1,1,1,1,0,1,1,1,0,1,0,1,1,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,0,1,1,1,1,0,0,1,0,0,0,1,1,1,1,0,0,1,0,0,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,1,0,0,0,1,0,1,1,1,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,1,0,1,0,1,1,1,1,1,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,1,1,1,0,0,0,1,1,0,1,0,1,1,1,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,1,1,1,1,0,0,1,0,0,1,1,1,0,0,1,1,1,1,1,1,0,0,0,1,1,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,1,1,1,1,1,0,0,1,0,1,0,1,1,0,1,0,1,1,0,1,0,1,1,0,1,1,1,1,0,0,1,1,1,0,0,0,1,0,1,1,0,1,0,0,1,1,1,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,1,1,1,0,0,1,0,1,1,1,1,0,0,1,1,0,0,1],"test_time":[1222,858,675,2438,1502,229,598,1570,940,1296,855,967,1342,1401,495,836,2227,573,1601,1624,1080,754,867,769,1722,1722,1481,1357,1089,1525,768,1277,2234,1343,537,1904,918,2161,806,623,1814,877,456,936,288,956,995,945,712,1219,981,1729,2153,173,2156,1212,1059,1600,1878,2015,536,2057,1078,687,1807,1632,2018,67,1243,857,675,1976,1959,1852,1702,960,1714,1232,272,1786,371,1990,374,1351,2192,933,798,1989,545,18,1170,1807,547,1753,2170,1420,707,1730,1264,1105,1109,1791,1475,889,761,648,1113,1645,1528,857,1499,1355,838,1693,1979,481,8,637,1441,171,1527,2296,2011,801,1806,1120,819,1341,1514,566,554,1707,46,1174,1246,1493,612,1162,2177,753,841,1219,734,805,969,1897,1095,2217,310,1358,1722,1703,1743,1821,662,1146,385,2380,1701,195,1818,748,1692,1679,1490,2388,1833,1629,732,795,1781,2370,867,1861,1627,1371,2297,1642,2056,2138,2065,2049,1296,974,1337,623,695,1645,986,1680,594,1717,273,1717,1926,876,1840,1095,1922,1765,596,1323,1002,741,2017,322,776,554,1329,1233,57,1356,1502,2320,548,491,2172,550,1352,1701,1152,784,916,475,2161,2556,529,629,1666,652,1117,2132,1218,368,1427,1858,1340,1938,1818,1114,1846,1329,866,2195,1853,2237,1169,2456,476,1088,1721,1984,432,1751,205,747,1771,2010,861,1675,1090,1472,285,1847,1171,2659,2539,2449,2093,2286,762,1435,1105,1624,982,865,1720,1432,2271,1926,755,2009,1625,1343,1119,285,692,1933,17,651,1499,1834,2471,570,600,637,2039,438,2388,1250,1486,714,799,1767,2237,2175,319,1125,892,394,1279,1205,1505,1975,1617,2372,1350,970,213,1094,1364,2148,338,177,983,1283,1869,461,1814,740,1703,1578,722,553,991,967,1499,1222,1760,1152,1342,629,758],"test_status":[0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,1,1,0,1,0,1,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,1,1,0,0,0,1,0,0,1,1,1,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,1,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0,1,1,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0],"estimate":[0.1861,-0.0439,0.0463,-0.1133,-0.1579,-0.1255,-0.2258,-0.0038,0.023,0.1187,-0.1158,-0.0646,0.0579,-0.2318,-0.1888,-0.0216,0.0108,-0.3337,-0.1503,0.0985,-0.0378,0.0498,-0.3884,-0.0809,0.0118,0.3573,-0.2723,-0.0555,0.1861,-0.0008,0.4636,0.333,0.0352,0.4003,0.0959,-0.1462,0.0336,-0.1482,-0.2465,-0.0783,-0.2248,0.1025,-0.1052,0.0676,0.2145,0.4089,0.6876,-0.2207,0.0579,0.0159,0.1431,-0.089,-0.2253,-0.0874,-0.2982,-0.1735,-0.1336,0.4596,-0.1609,-0.1563,-0.0337,0.1527,0.2033,-0.1842,-0.247,-0.2278,-0.3184,-0.1563,-0.3144,-0.1797,-0.2263,0.1537,-0.1401,0.0392,0.3005,-0.175,0.1157,-0.1336,0.1066,-0.173,-0.02,-0.2541,0.1085,-0.1274,-0.1893,0.5285,-0.2222,-0.2263,0.1638,-0.1756,-0.089,-0.3118,0.3086,-0.1644,-0.1174,-0.1685,0.135,-0.1396,0.1739,0.1035,-0.1437,-0.0606,-0.3073,-0.2845,-0.3225,1.1809,-0.0541,-0.3291,-0.1295,-0.1376,-0.0297,-0.0419,-0.1467,-0.3251,-0.2814,-0.1725,-0.0099,-0.015,-0.2723,-0.0809,-0.1811,-0.0338,0.1486,-0.1979,-0.2699,-0.1625,-0.0079,-0.2642,-0.3124,-0.1062,-0.1102,-0.0581,-0.209,0.1066,0.2104,1.1363,-0.0281,-0.1791,0.0595,-0.0003,-0.0895,-0.1026,-0.2749,0.0625,0.0564,-0.3356,0.0534,-0.2819,0.0311,-0.3853,-0.168,-0.2399,-0.1751,-0.2081,0.183,0.0189,0.0498,-0.1174,-0.1305,0.0027,-0.0895,-0.094,-0.1776,0.0503,-0.3301,-0.3083,-0.2824,-0.2151,0.2064,0.0579,-0.1539,0.3614,0.1699,-0.2546,0.0149,-0.0094,-0.1269,-0.1508,-0.1857,-0.0596,-0.0449,-0.2318,-0.1204,-0.088,-0.1451,-0.3428,-0.2916,-0.0459,0.0741,-0.1112,-0.1042,-0.136,-0.1563,-0.0727,0.1192,-0.2374,0.4383,0.1608,-0.2566,-0.1912,-0.0003,0.2195,-0.0885,-0.2358,-0.2313,-0.0809,0.8213,0.2397,0.0787,0.3938,0.0686,-0.2196,-0.2779,1.1971,-0.1716,0.4555,-0.3975,0.0068,-0.2678,-0.1721,0.1293,-0.1001,0.1861,-0.0692,-0.2881,0.0189,0.0271,-0.092,-0.0646,-0.3174,-0.2034,-0.1153,-0.1503,-0.3129,0.0717,-0.0854,-0.1432,-0.3884,-0.3397,-0.1675,0.0209,-0.2673,0.2145,-0.2997,0.2023,-0.0687,-0.0241,0.2074,0.0083,0.2737,-0.009,-0.291,-0.1092,-0.2652,0.1431,-0.3286,0.0149,-0.131,-0.0256,-0.3088,0.0108,0.2955,0.2064,-0.0794,-0.0682,-0.1756,0.2697,-0.3351,0.1309,-0.204,-0.1305,0.0832,-0.0859,0.2656,0.5163,0.5715,0.0473,-0.0099,-0.2065,-0.1543,0.0985,-0.3007,0.2697,0.1116,0.0271,0.0504,-0.0023,0.4454,0.337,0.1983,-0.0226,0.0722,-0.1503,-0.1169,0.7468,-0.1878,-0.173,-0.2617,-0.2795,0.414,0.2453,-0.0839,-0.0166,-0.3347,-0.2004,0.1066,-0.1214,-0.1482,0.0904,0.1425,0.0189,-0.2896,0.1718,-0.0906,0.0017,-0.2577,-0.0378,-0.0915,-0.2389,0.0027,-0.019,0.2048,0.5853,-0.05,-0.2186,-0.1214,0.5736,-0.4319,-0.1442,0.221,0.6876,0.0985,0.0336,-0.13,-0.2212,-0.2714,-0.132,-0.1123,0.0027,-0.1169,0.062,-0.1193,-0.4993],"times":[171,173,177,205,272,285,288,338,371,374,385,394,438,456,475,476,481,491,495,536,537,545,547,548,550,554,573,594,598,600,612,629,637,648,662,675,687,707,712,714,732,748,754,755,762,769,776,784,795,799,801,805,819,836,838,855,857,861,865,866,867,876,889,918,956,960,981,982,983,991,1002,1059,1080,1090,1105,1120,1146,1162,1170,1174,1218,1219,1246,1279,1296,1329,1337,1343,1352,1371,1420,1481,1493,1502,1525,1528,1601,1675,1679,1701,1753,1806,1807,1814,1975,1989,1990,2015,2018,2039,2093,2286],"surv.prob":[1,0.997,0.9941,0.9911,0.9881,0.9851,0.9791,0.9761,0.9731,0.97,0.967,0.964,0.9609,0.9579,0.9548,0.9518,0.9487,0.9456,0.9426,0.9395,0.9364,0.9334,0.9303,0.9272,0.9242,0.9211,0.9149,0.9118,0.9087,0.9056,0.9025,0.8994,0.8963,0.8931,0.89,0.8868,0.8836,0.8804,0.8772,0.874,0.8708,0.8676,0.8643,0.861,0.8577,0.8544,0.8511,0.8477,0.8444,0.8411,0.8378,0.8344,0.8311,0.8277,0.8244,0.821,0.8177,0.8143,0.8109,0.8075,0.8041,0.8007,0.7973,0.7939,0.7904,0.7869,0.7834,0.7798,0.7762,0.7726,0.769,0.7654,0.7618,0.7581,0.7544,0.747,0.7431,0.7393,0.7354,0.7315,0.7276,0.7236,0.7196,0.7155,0.7113,0.7071,0.7028,0.6986,0.6942,0.6897,0.6851,0.6804,0.6755,0.6706,0.6656,0.6604,0.6552,0.6499,0.644,0.6382,0.6321,0.625,0.6172,0.6093,0.5935,0.5823,0.5704,0.5585,0.5459,0.5329,0.5199,0.5054],"auc_cd_survAUC":[0.5119,0.5045,0.522,0.601,0.6385,0.6869,0.7143,0.745,0.7304,0.7379,0.737,0.7451,0.7005,0.6841,0.6733,0.6727,0.6508,0.669,0.6471,0.6448,0.6517,0.6616,0.6748,0.659,0.6595,0.6619,0.6375,0.6313,0.6166,0.6305,0.6296,0.6227,0.6117,0.6249,0.6331,0.6208,0.6105,0.6164,0.6203,0.6178,0.6265,0.6206,0.6242,0.6291,0.6209,0.6209,0.6316,0.628,0.6314,0.6307,0.6215,0.6252,0.6247,0.6249,0.6192,0.6153,0.6095,0.6099,0.6192,0.6263,0.6306,0.6211,0.6115,0.6172,0.6288,0.6219,0.6269,0.6356,0.6273,0.6203,0.6215,0.6177,0.62,0.6266,0.6342,0.6272,0.629,0.6241,0.6235,0.6287,0.6211,0.6206,0.6299,0.6419,0.6462,0.6422,0.6385,0.6486,0.6396,0.6398,0.6329,0.6274,0.6394,0.6335,0.637,0.6331,0.638,0.6348,0.6407,0.6316,0.649,0.634,0.6183,0.6065,0.6303,0.6083,0.5882,0.5822,0.5434,0.5337,0.5653,0.4825],"iauc_cd_survAUC":[0.6214],"auc_id_sz_survAUC":[0.5685,0.5685,0.5684,0.568,0.5673,0.5671,0.567,0.5663,0.5653,0.5652,0.565,0.5649,0.5642,0.5639,0.5637,0.5636,0.5636,0.5634,0.5634,0.5624,0.5624,0.5622,0.5621,0.562,0.5619,0.5618,0.5614,0.5609,0.5608,0.5608,0.5608,0.5606,0.5606,0.5605,0.5604,0.5603,0.5602,0.5602,0.5602,0.5602,0.5598,0.5596,0.5596,0.5596,0.5596,0.5596,0.5596,0.5595,0.5594,0.5593,0.5593,0.5593,0.5593,0.5592,0.5592,0.559,0.559,0.559,0.559,0.559,0.559,0.5588,0.5587,0.5585,0.5583,0.5582,0.5581,0.5581,0.5581,0.5581,0.5581,0.558,0.558,0.558,0.5578,0.5577,0.5576,0.5574,0.5573,0.5573,0.5569,0.5569,0.5568,0.5567,0.5566,0.5564,0.5564,0.5564,0.5564,0.5562,0.5559,0.5555,0.5555,0.5555,0.5553,0.5553,0.5551,0.5549,0.5549,0.5548,0.5546,0.5544,0.5544,0.5544,0.5542,0.5539,0.5539,0.5539,0.5539,0.553,0.553,0.553],"i_auc_id_sz_survAUC":[0.5588],"auc_cd_Uno_riskRegression":[0.5119,0.5045,0.522,0.6007,0.6384,0.6868,0.7143,0.7452,0.7305,0.738,0.7371,0.7452,0.7006,0.6841,0.6732,0.6727,0.6507,0.6689,0.6471,0.6448,0.6517,0.6615,0.6746,0.659,0.6595,0.6619,0.6375,0.6314,0.6167,0.6305,0.6297,0.6228,0.6118,0.625,0.6332,0.621,0.6108,0.6167,0.6206,0.618,0.6266,0.6209,0.6244,0.6291,0.6211,0.6211,0.6315,0.628,0.6313,0.6306,0.6218,0.6254,0.6248,0.6251,0.6196,0.6159,0.6103,0.6108,0.6195,0.6262,0.6303,0.6213,0.6124,0.618,0.629,0.6226,0.6272,0.6353,0.6277,0.6213,0.6226,0.6191,0.6213,0.6278,0.6352,0.6285,0.6302,0.6256,0.6251,0.63,0.6228,0.6224,0.6313,0.643,0.6471,0.6436,0.6401,0.65,0.6414,0.6415,0.6347,0.63,0.6412,0.6357,0.6391,0.6353,0.6405,0.6384,0.6439,0.635,0.6524,0.6376,0.6222,0.6102,0.6337,0.6152,0.5987,0.5945,0.5634,0.5556,0.5779,0.5015],"auc_cd_Uno_se_riskRegression":[0.0272,0.0275,0.0299,0.0702,0.067,0.0588,0.0572,0.0579,0.0545,0.0502,0.0465,0.0438,0.0584,0.057,0.0548,0.0519,0.0535,0.0532,0.0548,0.0524,0.0506,0.0493,0.0486,0.0491,0.0475,0.0459,0.0494,0.0484,0.0489,0.0489,0.0476,0.0467,0.0467,0.0467,0.0461,0.0465,0.0464,0.0457,0.0448,0.044,0.0435,0.0431,0.0423,0.0417,0.0415,0.0409,0.0409,0.0404,0.0398,0.0392,0.0394,0.0389,0.0385,0.038,0.0378,0.0374,0.0372,0.0368,0.0368,0.0366,0.0364,0.0368,0.0373,0.0369,0.0368,0.0369,0.0366,0.0365,0.0367,0.0369,0.0366,0.0364,0.0361,0.0358,0.0353,0.0353,0.0351,0.0352,0.035,0.0348,0.0349,0.0348,0.0348,0.0346,0.0345,0.0349,0.0349,0.0349,0.0353,0.0355,0.0357,0.0365,0.0365,0.0368,0.0368,0.0369,0.037,0.0385,0.0384,0.0391,0.0408,0.043,0.0438,0.0443,0.0502,0.052,0.0529,0.0549,0.0563,0.0571,0.0601,0.0922],"times_se":[547.2,652.2,764.8,856,981.6,1167.6,1367.2],"auc_cd_Uno_timeROC":[0.6746,0.6252,0.6211,0.6159,0.6272,0.6256,0.6397],"auc_cd_Uno_se_timeROC":[0.0486,0.0468,0.0415,0.0375,0.0369,0.0361,0.0386]},{"train_time":[1838,403,1603,177,1855,842,293,42,564,1093,436,238,723,503,448,359,1720,1306,942,370,959,552,392,698,249,2051,1356,530,1150,956,679,1820,1013,1225,417,343,488,1862,1763,1587,446,344,63,1483,827,296,1701,2014,2030,722,286,184,1469,276,797,2128,1177,1449,1108,1460,533,1434,168,525,180,471,350,1167,855,449,745,544,186,308,1856,1965,546,1183,1826,360,797,375,779,336,578,463,526,502,540,721,1729,275,2030,72,17,420,2027,891,1352,1192,737,936,1089,377,1655,740,650,1981,742,1977,628,624,733,177,1207,542,1756,515,1459,233,455,379,223,622,426,227,1100,1693,1977,717,1434,973,498,557,650,1751,160,770,1441,424,1730,65,1387,242,792,500,1653,338,731,426,772,1884,1185,359,369,2007,2372,2353,1388,1193,358,175,1366,1163,2233,595,529,1472,2372,410,281,1675,1077,251,541,1192,859,518,548,1140,535,2024,1826,1094,29,2239,1589,504,308,657,1502,624,586,316,120,550,181,1685,828,114,2456,855,632,918,1195,272,2205,548,918,71,1317,195,790,1093,15,870,2034,490,859,486,974,1463,631,2052,1637,2126,1230,1838,758,476,1918,972,307,563,329,191,357,1735,429,729,1557,727,1841,1036,747,825,1363,1560,577,1157,1842,465,2612,964,559,1483,1641,1280,1280,571,1604,567,473,420,370,615,1331,1863,169,1182,415,594,854,305,1854,766,281,1521,945,893,2009,98,2563,1666,1208,859,2467,552,1459,1582,1956,575,853,1443,579,1091,544,247,663,348,2401,740,888,1090,148,730,372,1231,1253,1062,772,1349,1965,1240,1789,2551,1164,972,1868,1866,751,1598,113,1756,491,646,491,1684,16,2059,460,2048,883,890,1043,353,1833,1905,338,241,2144,2014,670],"train_status":[0,1,0,0,0,1,1,0,1,1,1,1,0,1,1,1,0,1,0,1,1,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,0,1,1,1,1,0,0,1,0,0,0,1,1,1,1,0,0,1,0,0,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,1,0,0,0,1,0,1,1,1,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,1,0,1,0,1,1,1,1,1,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,1,1,1,0,0,0,1,1,0,1,0,1,1,1,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,1,1,1,1,0,0,1,0,0,1,1,1,0,0,1,1,1,1,1,1,0,0,0,1,1,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,1,1,1,1,1,0,0,1,0,1,0,1,1,0,1,0,1,1,0,1,0,1,1,0,1,1,1,1,0,0,1,1,1,0,0,0,1,0,1,1,0,1,0,0,1,1,1,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,1,1,1,0,0,1,0,1,1,1,1,0,0,1,1,0,0,1],"test_time":[1222,858,675,2438,1502,229,598,1570,940,1296,855,967,1342,1401,495,836,2227,573,1601,1624,1080,754,867,769,1722,1722,1481,1357,1089,1525,768,1277,2234,1343,537,1904,918,2161,806,623,1814,877,456,936,288,956,995,945,712,1219,981,1729,2153,173,2156,1212,1059,1600,1878,2015,536,2057,1078,687,1807,1632,2018,67,1243,857,675,1976,1959,1852,1702,960,1714,1232,272,1786,371,1990,374,1351,2192,933,798,1989,545,18,1170,1807,547,1753,2170,1420,707,1730,1264,1105,1109,1791,1475,889,761,648,1113,1645,1528,857,1499,1355,838,1693,1979,481,8,637,1441,171,1527,2296,2011,801,1806,1120,819,1341,1514,566,554,1707,46,1174,1246,1493,612,1162,2177,753,841,1219,734,805,969,1897,1095,2217,310,1358,1722,1703,1743,1821,662,1146,385,2380,1701,195,1818,748,1692,1679,1490,2388,1833,1629,732,795,1781,2370,867,1861,1627,1371,2297,1642,2056,2138,2065,2049,1296,974,1337,623,695,1645,986,1680,594,1717,273,1717,1926,876,1840,1095,1922,1765,596,1323,1002,741,2017,322,776,554,1329,1233,57,1356,1502,2320,548,491,2172,550,1352,1701,1152,784,916,475,2161,2556,529,629,1666,652,1117,2132,1218,368,1427,1858,1340,1938,1818,1114,1846,1329,866,2195,1853,2237,1169,2456,476,1088,1721,1984,432,1751,205,747,1771,2010,861,1675,1090,1472,285,1847,1171,2659,2539,2449,2093,2286,762,1435,1105,1624,982,865,1720,1432,2271,1926,755,2009,1625,1343,1119,285,692,1933,17,651,1499,1834,2471,570,600,637,2039,438,2388,1250,1486,714,799,1767,2237,2175,319,1125,892,394,1279,1205,1505,1975,1617,2372,1350,970,213,1094,1364,2148,338,177,983,1283,1869,461,1814,740,1703,1578,722,553,991,967,1499,1222,1760,1152,1342,629,758],"test_status":[0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,1,1,0,1,0,1,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,1,1,0,0,0,1,0,0,1,1,1,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,1,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0,1,1,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0],"estimate":[-0.57,-0.6738,0.2024,-0.803,-0.8422,-1.0151,-1.3572,-0.5674,-0.558,-0.4451,-0.7504,-0.8867,-0.8684,-0.7589,-0.6794,-0.456,-0.5871,-0.7125,-0.7982,-0.7656,-0.2254,0.0172,-0.7718,-0.3659,-1.0352,0.094,-0.9433,-0.0539,-0.7658,-0.9456,3.0062,-0.5146,-0.6379,-0.5019,0.3424,-0.7601,-0.9483,-0.8793,-1.1405,-0.17,-0.8395,-0.8515,-0.771,-0.7283,-0.5304,-0.4391,-0.7731,-1.3265,-0.6059,-1.1141,-0.3966,-0.902,-0.9303,-0.6033,-1.086,-1.1221,-1.0268,-1.1145,-0.358,-0.8238,-0.9136,-0.8706,-0.7095,-1.3087,-1.0524,-1.5093,-0.8562,-0.6204,-1.1225,-0.722,-1.3156,-1.1415,-1.0031,-0.6936,-0.6078,1.5195,-0.9543,-0.7317,-0.6204,-1.1746,-1.0149,-1.4131,-1.2411,-1.0283,-1.282,-0.9976,-0.9107,-1.5268,-1.1312,-0.8808,-0.3816,-1.0549,-0.7668,-1.2832,-1.5992,-1.4126,-1.1024,-1.0287,-1.2333,-1.3679,-1.6353,-0.3725,-1.3185,-1.35,-1.5363,1.2871,-1.4027,-1.0363,-1.5365,-1.3835,-1.3843,-1.7974,-1.3522,-1.5904,-1.1665,-1.3465,-1.4581,-1.3378,-1.5124,-0.2831,-1.4558,-1.5676,-1.2361,-1.6314,-1.3287,-1.5404,-0.8683,-1.5008,-1.914,-1.4312,-1.1681,-1.518,-1.8118,-1.3095,-1.4346,-0.9088,-1.4961,-1.256,-1.4988,-1.8451,-0.8564,-1.5484,-2.0169,-1.3019,-1.6011,-1.5366,-1.425,-1.8629,-1.1556,-1.7198,-1.7389,-1.6886,-2.0172,-1.8662,-1.944,-1.3981,-1.6812,-1.6575,-1.1451,-1.7634,-1.9244,-1.6973,-2.1942,-2.0101,-2.2337,-2.0074,-2.192,-1.8135,-1.152,-1.7215,-2.3919,-1.9645,-1.373,-1.9678,-2.1343,-1.9627,-2.1477,-2.0556,-2.1615,-1.7114,-2.1164,-1.8964,-2.2154,-2.088,-1.5953,-1.8649,-2.6065,-2.2196,-2.0012,-2.0322,-2.0228,-1.9673,-2.1623,-2.212,-1.9709,-2.2875,-2.3653,0.5974,-2.3024,-2.4163,-1.7637,-2.067,-2.5665,-2.3373,-2.2789,-2.5916,-1.2366,-2.55,-2.514,-2.0987,-2.3734,-2.4937,-2.3562,-2.0947,-2.535,-1.4174,-2.7344,-2.6342,-2.8481,-2.6462,-1.7414,-2.7395,-2.2295,-2.3528,-2.7717,-2.8749,-2.78,-1.898,-2.7954,-3.0757,-2.8579,-2.8597,-2.9471,-3.3988,-2.9432,-3.1612,-2.907,-3.1847,-3.1607,-3.2612,-2.5306,-3.3338,-2.6463,-3.6398,-3.2188,-3.4017,-3.3556,-3.4606,-3.1534,-2.7385,-3.3598,-3.4325,-3.6588,-3.172,-3.0961,-4.059,-2.3274,-3.4011,-3.2533,-3.5896,-3.4836,-2.9816,-2.7106,-3.3346,-3.5069,-3.8222,-3.6363,-4.0399,-3.6486,-3.4285,-3.8489,-4.1354,-3.9274,-4.3349,-3.9835,-4.0203,-4.3395,-4.3863,-4.3014,-4.4847,-4.687,-4.8289,-4.4554,-4.4673,-4.41,-4.5394,-4.2933,-4.8312,-4.4238,-4.5861,-4.9572,-4.3006,-4.7325,-4.9242,-3.3629,-4.946,-5.1128,-4.759,-5.1626,-4.4046,-5.145,-5.0047,-5.4399,-5.6678,-5.3273,-4.9217,-5.3869,-4.87,-5.5031,-4.8606,-5.5561,-5.1442,-5.2866,-5.0701,-5.8519,-6.4482,-5.9758,-6.4726,-6.6964,-6.6039,-6.679,-6.807,-6.4419,-6.5101,-7.251,-6.8174,-7.7914,-8.5072,-8.0746,-9.3162,-9.795,-11.1009,-10.9594,-11.2296,-12.0544,-12.2763,-12.3854,-14.5729,-14.6664,-17.8394,-19.0492,-20.1583,-30.3406],"times":[171,173,177,205,272,285,288,338,371,374,385,394,438,456,475,476,481,491,495,536,537,545,547,548,550,554,573,594,598,600,612,629,637,648,662,675,687,707,712,714,732,748,754,755,762,769,776,784,795,799,801,805,819,836,838,855,857,861,865,866,867,876,889,918,956,960,981,982,983,991,1002,1059,1080,1090,1105,1120,1146,1162,1170,1174,1218,1219,1246,1279,1296,1329,1337,1343,1352,1371,1420,1481,1493,1502,1525,1528,1601,1675,1679,1701,1753,1806,1807,1814,1975,1989,1990,2015,2018,2039,2093,2286],"surv.prob":[1,0.997,0.9941,0.9911,0.9881,0.9851,0.9791,0.9761,0.9731,0.97,0.967,0.964,0.9609,0.9579,0.9548,0.9518,0.9487,0.9456,0.9426,0.9395,0.9364,0.9334,0.9303,0.9272,0.9242,0.9211,0.9149,0.9118,0.9087,0.9056,0.9025,0.8994,0.8963,0.8931,0.89,0.8868,0.8836,0.8804,0.8772,0.874,0.8708,0.8676,0.8643,0.861,0.8577,0.8544,0.8511,0.8477,0.8444,0.8411,0.8378,0.8344,0.8311,0.8277,0.8244,0.821,0.8177,0.8143,0.8109,0.8075,0.8041,0.8007,0.7973,0.7939,0.7904,0.7869,0.7834,0.7798,0.7762,0.7726,0.769,0.7654,0.7618,0.7581,0.7544,0.747,0.7431,0.7393,0.7354,0.7315,0.7276,0.7236,0.7196,0.7155,0.7113,0.7071,0.7028,0.6986,0.6942,0.6897,0.6851,0.6804,0.6755,0.6706,0.6656,0.6604,0.6552,0.6499,0.644,0.6382,0.6321,0.625,0.6172,0.6093,0.5935,0.5823,0.5704,0.5585,0.5459,0.5329,0.5199,0.5054],"auc_cd_survAUC":[0.9673,0.9448,0.6515,0.5626,0.6326,0.5229,0.5758,0.5185,0.545,0.56,0.5596,0.5261,0.4972,0.5227,0.5123,0.4984,0.5081,0.5148,0.5356,0.5491,0.5711,0.5792,0.5927,0.583,0.5735,0.57,0.5817,0.5774,0.5805,0.5694,0.5712,0.5696,0.5558,0.5703,0.5665,0.5721,0.5759,0.5799,0.5903,0.5775,0.5804,0.5765,0.5884,0.5768,0.5656,0.579,0.5826,0.5764,0.5755,0.5648,0.5649,0.5682,0.5759,0.5855,0.5877,0.5968,0.6002,0.595,0.5864,0.5815,0.5852,0.5817,0.5857,0.5893,0.6043,0.614,0.6209,0.6125,0.6008,0.5889,0.5864,0.5916,0.6026,0.5968,0.5931,0.5916,0.5921,0.5933,0.6011,0.6028,0.597,0.5994,0.6054,0.5979,0.6041,0.5973,0.598,0.5917,0.5866,0.5865,0.5918,0.5946,0.599,0.6019,0.6059,0.6081,0.6199,0.6076,0.6057,0.6096,0.6293,0.6338,0.6465,0.6404,0.6143,0.6283,0.6362,0.6576,0.6782,0.6438,0.6262,0.673],"iauc_cd_survAUC":[0.6011],"auc_id_sz_survAUC":[0.8212,0.8212,0.8182,0.8116,0.8014,0.7998,0.7983,0.793,0.7883,0.7878,0.7871,0.7869,0.7852,0.7846,0.7841,0.784,0.784,0.7837,0.7837,0.7826,0.7826,0.7824,0.7823,0.7822,0.7821,0.7821,0.7818,0.7815,0.7815,0.7815,0.7815,0.7814,0.7814,0.7814,0.7813,0.7813,0.7813,0.7813,0.7813,0.7813,0.7812,0.7811,0.7811,0.7811,0.7811,0.7811,0.7811,0.7811,0.7811,0.7811,0.7811,0.7811,0.7811,0.7811,0.7811,0.7811,0.7811,0.7811,0.7811,0.7811,0.7811,0.7811,0.7811,0.7812,0.7812,0.7812,0.7813,0.7813,0.7813,0.7813,0.7813,0.7813,0.7813,0.7813,0.7814,0.7814,0.7815,0.7815,0.7816,0.7816,0.7818,0.7818,0.7819,0.7819,0.782,0.7822,0.7822,0.7822,0.7822,0.7823,0.7825,0.7829,0.7829,0.7829,0.7831,0.7831,0.7833,0.7835,0.7835,0.7837,0.7839,0.7841,0.7841,0.7841,0.7844,0.7848,0.7848,0.7848,0.7848,0.7861,0.7861,0.7861],"i_auc_id_sz_survAUC":[0.7845],"auc_cd_Uno_riskRegression":[0.9673,0.9448,0.6527,0.5638,0.6337,0.5236,0.5764,0.5187,0.5454,0.5604,0.56,0.5262,0.4973,0.5228,0.5125,0.4985,0.5082,0.5149,0.5356,0.5491,0.571,0.5791,0.5924,0.5828,0.5735,0.5699,0.5816,0.5773,0.5805,0.5693,0.5711,0.5696,0.5558,0.5703,0.5666,0.5721,0.5758,0.5799,0.5903,0.5774,0.5803,0.5765,0.588,0.5768,0.5658,0.579,0.5824,0.5765,0.5756,0.5654,0.5655,0.5687,0.5762,0.5853,0.5875,0.5961,0.5994,0.5947,0.5867,0.5821,0.5856,0.5823,0.5862,0.5894,0.6039,0.613,0.6193,0.6116,0.6009,0.5898,0.5876,0.5925,0.6029,0.5976,0.5943,0.5928,0.5932,0.5942,0.6014,0.603,0.5977,0.6001,0.606,0.5991,0.6049,0.5985,0.5991,0.5932,0.5883,0.5882,0.5934,0.5958,0.5996,0.602,0.6056,0.6077,0.6189,0.6074,0.6057,0.6093,0.629,0.6334,0.646,0.6399,0.6188,0.6316,0.6378,0.6542,0.6712,0.6492,0.6431,0.6962],"auc_cd_Uno_se_riskRegression":[0.0097,0.0193,0.2391,0.1951,0.1685,0.1384,0.1305,0.1277,0.1176,0.1078,0.0988,0.0967,0.0937,0.0907,0.0858,0.0819,0.0779,0.0742,0.0732,0.0709,0.0706,0.068,0.0664,0.0645,0.0628,0.0595,0.0587,0.057,0.0552,0.0546,0.0531,0.0519,0.0522,0.0523,0.0511,0.05,0.049,0.0481,0.0478,0.0482,0.0474,0.0466,0.0465,0.0467,0.0466,0.0467,0.0459,0.0454,0.0447,0.045,0.0443,0.0436,0.0432,0.0431,0.0425,0.0422,0.0416,0.0415,0.0415,0.0411,0.0406,0.0402,0.0398,0.0395,0.0395,0.0394,0.0395,0.0396,0.0401,0.0406,0.0403,0.04,0.0399,0.0399,0.0397,0.0393,0.039,0.0388,0.0388,0.0385,0.0385,0.0381,0.038,0.0385,0.0385,0.0385,0.0382,0.0386,0.0386,0.0385,0.0383,0.0384,0.0383,0.0385,0.0385,0.0383,0.0383,0.0393,0.0392,0.0393,0.0403,0.0411,0.041,0.0422,0.0475,0.0485,0.0488,0.0494,0.0493,0.0512,0.0539,0.0637],"times_se":[547.2,652.2,764.8,856,981.6,1167.6,1367.2],"auc_cd_Uno_timeROC":[0.5924,0.5686,0.5658,0.5961,0.6193,0.5942,0.5889],"auc_cd_Uno_se_timeROC":[0.0664,0.0523,0.0467,0.0423,0.0398,0.0395,0.0411]}] diff --git a/tests/benchmark_data/benchmark_brier_score.json b/tests/benchmark_data/benchmark_brier_score.json new file mode 100644 index 0000000..7ed2ecc --- /dev/null +++ b/tests/benchmark_data/benchmark_brier_score.json @@ -0,0 +1 @@ +[{"train_time":[306,455,1010,210,883,1022,310,361,218,166,170,654,728,71,567,144,613,707,61,88,301,81,624,371,394,520,574,118,390,12,473,26,533,107,53,122,814,965,93,731,460,153,433,145,583,95,303,519,643,765,735,189,53,246,689,65,5,132,687,345,444,223,175,60,163,65,208,821,428,230,840,305,11,132,226,426,705,363,11,176,791,95,196,167,806,284,641,147,740,163,655,239,88,245,588,30,179,310,477,166,559,450,364,107,177,156,529,11,429,351,15,181,283,201],"train_status":[true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,false,true,false,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,true,true],"test_time":[524,13,212,524,288,363,442,199,550,54,558,207,92,60,551,543,293,202,353,511,267,511,371,387,457,337,201,404,222,62,458,356,353,163,31,340,229,444,315,182,156,329,364,291,179,376,384,268,292,142,413,266,194,320,181,285,301,348,197,382,303,296,180,186,145,269,300,284,350,272,292,332,285,259,110,286,270,81,131,225,269,225,243,279,276,135,79,59,240,202,235,105,224,239,237,173,252,221,185,92,13,222,192,183,211,175,197,203,116,188,191,105,174,177],"test_status":[true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,false,true,true,true,false,true,false,true,true,true,true,true,false,true,true,false,false,true,true,true,true,true,false,false,true,true,true,false,true,true,false,false,true,false,true,false,false,true,true,true,true,false,true,true,false,false,false,true,true,true,false,false,false,true,false,false,false,true,false,true,true,true,true,true,false,true,false,false,false,false,true,true,true,false,false,false,true,false,true,false,false,false,false,false,false,true,false,false,true,false,false,false,false,true,false,false,false,false,false],"estimate":[[0.9728,0.9365,0.8919,0.8825,0.8807,0.877,0.846,0.8424,0.823,0.8006,0.7922,0.7822,0.7577,0.7514,0.7403,0.7356,0.7187,0.7081,0.6845,0.6831,0.6816,0.6802,0.6787,0.6744,0.6631,0.6589,0.6561,0.6533,0.652,0.6451,0.6383,0.6249,0.6157,0.6028,0.5681,0.5669,0.5657,0.5645,0.5469,0.5457,0.5434,0.54,0.5377,0.5078,0.4982,0.4899,0.4868,0.4786,0.4766,0.4735,0.4636,0.4558,0.4406,0.3922,0.3799,0.3297,0.312],[0.9572,0.901,0.8339,0.82,0.8173,0.8118,0.7667,0.7615,0.7339,0.7025,0.6908,0.677,0.6437,0.6351,0.6203,0.6141,0.5918,0.578,0.5477,0.5459,0.5441,0.5422,0.5404,0.535,0.5208,0.5156,0.5121,0.5087,0.507,0.4985,0.4902,0.474,0.4629,0.4476,0.4074,0.406,0.4047,0.4033,0.3835,0.3822,0.3796,0.3758,0.3733,0.3409,0.3307,0.322,0.3187,0.3103,0.3082,0.3051,0.295,0.2872,0.2721,0.2262,0.215,0.1717,0.1573],[0.9755,0.9426,0.9022,0.8936,0.8919,0.8885,0.8602,0.8569,0.8391,0.8186,0.8108,0.8016,0.779,0.7731,0.7628,0.7585,0.7428,0.7329,0.7109,0.7095,0.7082,0.7068,0.7055,0.7015,0.6909,0.6869,0.6843,0.6817,0.6804,0.6739,0.6676,0.6549,0.6463,0.6341,0.6011,0.6,0.5988,0.5977,0.5808,0.5797,0.5775,0.5742,0.572,0.5433,0.5341,0.526,0.523,0.5151,0.5131,0.5102,0.5006,0.493,0.4782,0.4306,0.4185,0.3683,0.3505],[0.9637,0.9157,0.8577,0.8456,0.8432,0.8384,0.7989,0.7943,0.7699,0.742,0.7315,0.7191,0.6891,0.6813,0.6679,0.6622,0.6418,0.6292,0.6012,0.5995,0.5978,0.5961,0.5944,0.5894,0.5761,0.5712,0.568,0.5648,0.5632,0.5552,0.5474,0.5321,0.5216,0.507,0.4682,0.4668,0.4655,0.4642,0.4448,0.4436,0.441,0.4373,0.4348,0.4027,0.3925,0.3837,0.3804,0.3719,0.3698,0.3666,0.3564,0.3484,0.3329,0.2847,0.2728,0.2255,0.2094],[0.9652,0.919,0.8631,0.8515,0.8491,0.8445,0.8063,0.8019,0.7782,0.7511,0.741,0.729,0.6998,0.6922,0.6791,0.6736,0.6537,0.6413,0.614,0.6123,0.6106,0.609,0.6073,0.6024,0.5894,0.5846,0.5814,0.5782,0.5766,0.5688,0.5611,0.5461,0.5357,0.5213,0.483,0.4817,0.4804,0.4791,0.4599,0.4587,0.4562,0.4525,0.45,0.4181,0.4079,0.3991,0.3959,0.3874,0.3852,0.3821,0.3718,0.3638,0.3483,0.2998,0.2878,0.2398,0.2234],[0.9536,0.8928,0.8207,0.8059,0.8029,0.7971,0.749,0.7436,0.7142,0.6811,0.6687,0.6542,0.6193,0.6103,0.5948,0.5884,0.5651,0.5509,0.5195,0.5176,0.5158,0.5139,0.512,0.5064,0.4918,0.4864,0.4829,0.4794,0.4776,0.469,0.4605,0.4439,0.4327,0.4172,0.3765,0.3752,0.3738,0.3724,0.3525,0.3513,0.3487,0.3449,0.3424,0.3102,0.3001,0.2915,0.2883,0.28,0.2779,0.2749,0.265,0.2574,0.2428,0.1985,0.1879,0.1471,0.1337],[0.9581,0.903,0.8371,0.8234,0.8207,0.8153,0.7709,0.7659,0.7386,0.7077,0.6961,0.6825,0.6496,0.6411,0.6265,0.6203,0.5983,0.5846,0.5546,0.5528,0.551,0.5492,0.5474,0.542,0.5279,0.5227,0.5193,0.5159,0.5142,0.5058,0.4975,0.4814,0.4704,0.4552,0.4151,0.4137,0.4124,0.411,0.3912,0.3899,0.3874,0.3835,0.381,0.3486,0.3384,0.3296,0.3264,0.3179,0.3158,0.3127,0.3026,0.2947,0.2796,0.2333,0.222,0.1781,0.1635],[0.9693,0.9282,0.8783,0.8678,0.8658,0.8616,0.8271,0.8232,0.8017,0.7771,0.7678,0.7568,0.73,0.723,0.711,0.7059,0.6875,0.676,0.6505,0.6489,0.6474,0.6458,0.6443,0.6396,0.6275,0.623,0.62,0.617,0.6155,0.6082,0.6009,0.5867,0.5769,0.5632,0.5265,0.5253,0.524,0.5228,0.5043,0.503,0.5006,0.497,0.4947,0.4636,0.4537,0.445,0.4418,0.4334,0.4314,0.4283,0.4181,0.4101,0.3947,0.3458,0.3336,0.284,0.2668],[0.963,0.9139,0.8549,0.8426,0.8402,0.8353,0.7951,0.7905,0.7656,0.7373,0.7267,0.7141,0.6837,0.6758,0.6622,0.6565,0.6358,0.623,0.5948,0.593,0.5913,0.5896,0.5879,0.5828,0.5694,0.5645,0.5612,0.558,0.5563,0.5483,0.5404,0.525,0.5144,0.4997,0.4607,0.4593,0.458,0.4567,0.4372,0.436,0.4334,0.4297,0.4272,0.395,0.3848,0.376,0.3727,0.3642,0.362,0.3589,0.3486,0.3406,0.3252,0.2772,0.2654,0.2185,0.2026],[0.9606,0.9086,0.8462,0.8333,0.8307,0.8256,0.7833,0.7785,0.7524,0.7228,0.7117,0.6986,0.667,0.6588,0.6447,0.6387,0.6174,0.6041,0.575,0.5732,0.5714,0.5697,0.5679,0.5627,0.5489,0.5439,0.5405,0.5372,0.5355,0.5273,0.5192,0.5034,0.4926,0.4776,0.438,0.4367,0.4353,0.434,0.4143,0.413,0.4105,0.4067,0.4042,0.3718,0.3616,0.3528,0.3495,0.341,0.3389,0.3357,0.3255,0.3176,0.3022,0.255,0.2434,0.1979,0.1826],[0.9622,0.9122,0.8521,0.8395,0.8371,0.8321,0.7912,0.7865,0.7613,0.7325,0.7217,0.709,0.6782,0.6702,0.6564,0.6506,0.6297,0.6168,0.5882,0.5865,0.5848,0.583,0.5813,0.5761,0.5626,0.5577,0.5544,0.5511,0.5495,0.5414,0.5334,0.5178,0.5072,0.4924,0.4532,0.4518,0.4505,0.4491,0.4296,0.4283,0.4258,0.422,0.4195,0.3873,0.3771,0.3682,0.365,0.3564,0.3543,0.3512,0.3409,0.3329,0.3175,0.2697,0.258,0.2115,0.1958],[0.9652,0.919,0.8631,0.8515,0.8491,0.8445,0.8063,0.8019,0.7782,0.7511,0.741,0.729,0.6998,0.6922,0.6791,0.6736,0.6537,0.6413,0.614,0.6123,0.6106,0.609,0.6073,0.6024,0.5894,0.5846,0.5814,0.5782,0.5766,0.5688,0.5611,0.5461,0.5357,0.5213,0.483,0.4817,0.4804,0.4791,0.4599,0.4587,0.4562,0.4525,0.45,0.4181,0.4079,0.3991,0.3959,0.3874,0.3852,0.3821,0.3718,0.3638,0.3483,0.2998,0.2878,0.2398,0.2234],[0.975,0.9414,0.9002,0.8915,0.8898,0.8863,0.8574,0.8541,0.836,0.8151,0.8072,0.7979,0.7749,0.7689,0.7585,0.7541,0.7381,0.7281,0.7058,0.7044,0.703,0.7017,0.7003,0.6962,0.6854,0.6815,0.6788,0.6762,0.6749,0.6683,0.6618,0.6491,0.6403,0.628,0.5946,0.5935,0.5923,0.5912,0.5742,0.573,0.5708,0.5675,0.5653,0.5363,0.527,0.5189,0.5159,0.5079,0.5059,0.503,0.4933,0.4856,0.4708,0.423,0.4108,0.3605,0.3428],[0.9666,0.9222,0.8684,0.8571,0.8549,0.8504,0.8135,0.8092,0.7863,0.76,0.7502,0.7385,0.7101,0.7027,0.69,0.6846,0.6652,0.6532,0.6264,0.6248,0.6231,0.6215,0.6199,0.6151,0.6023,0.5976,0.5945,0.5914,0.5899,0.5822,0.5747,0.5598,0.5497,0.5355,0.4977,0.4964,0.4951,0.4938,0.4749,0.4736,0.4711,0.4675,0.465,0.4334,0.4233,0.4145,0.4113,0.4028,0.4007,0.3976,0.3873,0.3793,0.3638,0.3151,0.3029,0.2543,0.2376],[0.9563,0.899,0.8307,0.8166,0.8138,0.8082,0.7624,0.7571,0.7291,0.6972,0.6854,0.6714,0.6377,0.629,0.614,0.6077,0.5852,0.5713,0.5408,0.5389,0.5371,0.5352,0.5334,0.5279,0.5136,0.5083,0.5049,0.5014,0.4997,0.4912,0.4828,0.4665,0.4554,0.4401,0.3997,0.3983,0.397,0.3956,0.3757,0.3745,0.3719,0.3681,0.3656,0.3332,0.323,0.3143,0.3111,0.3026,0.3006,0.2975,0.2874,0.2797,0.2647,0.2191,0.2081,0.1654,0.1512],[0.976,0.9438,0.9041,0.8957,0.894,0.8907,0.8629,0.8597,0.8422,0.822,0.8144,0.8053,0.7831,0.7772,0.7672,0.7629,0.7474,0.7377,0.716,0.7146,0.7133,0.712,0.7106,0.7067,0.6962,0.6923,0.6897,0.6872,0.6859,0.6795,0.6732,0.6607,0.6522,0.6401,0.6075,0.6064,0.6052,0.6041,0.5874,0.5863,0.5842,0.5809,0.5787,0.5503,0.5411,0.5331,0.5301,0.5223,0.5203,0.5174,0.5078,0.5003,0.4856,0.4382,0.4261,0.376,0.3582],[0.9699,0.9297,0.8807,0.8704,0.8684,0.8643,0.8304,0.8265,0.8054,0.7811,0.772,0.7612,0.7348,0.7279,0.716,0.711,0.6928,0.6815,0.6563,0.6548,0.6533,0.6517,0.6502,0.6456,0.6336,0.6291,0.6262,0.6232,0.6218,0.6145,0.6073,0.5932,0.5835,0.5699,0.5336,0.5324,0.5311,0.5299,0.5115,0.5103,0.5079,0.5043,0.502,0.4711,0.4612,0.4526,0.4494,0.441,0.439,0.4359,0.4257,0.4178,0.4024,0.3535,0.3413,0.2915,0.2742],[0.9734,0.9377,0.8941,0.8848,0.883,0.8794,0.8489,0.8454,0.8263,0.8043,0.7961,0.7862,0.7621,0.7558,0.7449,0.7403,0.7236,0.7132,0.6899,0.6885,0.6871,0.6856,0.6842,0.68,0.6688,0.6647,0.6619,0.6592,0.6578,0.651,0.6443,0.6311,0.622,0.6092,0.5749,0.5737,0.5725,0.5713,0.5538,0.5526,0.5504,0.5469,0.5447,0.515,0.5055,0.4972,0.4941,0.486,0.484,0.481,0.4711,0.4633,0.4482,0.3999,0.3877,0.3374,0.3197],[0.9765,0.9449,0.906,0.8978,0.8961,0.8929,0.8655,0.8624,0.8452,0.8254,0.8179,0.8089,0.7871,0.7813,0.7714,0.7672,0.7519,0.7424,0.721,0.7196,0.7183,0.717,0.7157,0.7118,0.7015,0.6976,0.6951,0.6925,0.6913,0.685,0.6788,0.6665,0.658,0.6461,0.6138,0.6127,0.6116,0.6105,0.594,0.5929,0.5907,0.5875,0.5853,0.5572,0.5481,0.5401,0.5372,0.5294,0.5274,0.5245,0.515,0.5076,0.4929,0.4458,0.4337,0.3837,0.3659],[0.9723,0.9352,0.8898,0.8802,0.8783,0.8745,0.843,0.8393,0.8196,0.7969,0.7883,0.7781,0.7533,0.7468,0.7356,0.7308,0.7136,0.7029,0.679,0.6776,0.6761,0.6746,0.6732,0.6688,0.6573,0.6531,0.6503,0.6475,0.6461,0.6391,0.6322,0.6187,0.6094,0.5964,0.5613,0.5601,0.5589,0.5577,0.5399,0.5387,0.5364,0.533,0.5307,0.5006,0.4909,0.4825,0.4794,0.4711,0.4691,0.4661,0.4561,0.4483,0.433,0.3845,0.3722,0.322,0.3044],[0.9645,0.9173,0.8605,0.8486,0.8462,0.8415,0.8026,0.7982,0.7741,0.7466,0.7363,0.7241,0.6945,0.6868,0.6735,0.6679,0.6478,0.6353,0.6076,0.6059,0.6042,0.6026,0.6009,0.5959,0.5828,0.5779,0.5747,0.5715,0.5699,0.5621,0.5543,0.5391,0.5287,0.5142,0.4756,0.4743,0.473,0.4717,0.4524,0.4511,0.4486,0.4449,0.4424,0.4104,0.4002,0.3914,0.3882,0.3796,0.3775,0.3744,0.3641,0.3561,0.3406,0.2922,0.2803,0.2326,0.2164],[0.9589,0.9049,0.8402,0.8268,0.8241,0.8188,0.7751,0.7701,0.7433,0.7128,0.7014,0.6879,0.6555,0.6471,0.6326,0.6265,0.6047,0.5912,0.5615,0.5597,0.5579,0.5561,0.5543,0.5489,0.535,0.5298,0.5264,0.523,0.5213,0.513,0.5048,0.4888,0.4779,0.4627,0.4228,0.4214,0.42,0.4187,0.3989,0.3976,0.3951,0.3913,0.3888,0.3563,0.3462,0.3373,0.3341,0.3256,0.3235,0.3204,0.3102,0.3023,0.2871,0.2404,0.2291,0.1846,0.1697],[0.9705,0.9311,0.883,0.8729,0.8709,0.8669,0.8336,0.8298,0.809,0.7852,0.7762,0.7655,0.7395,0.7327,0.721,0.7161,0.6981,0.687,0.6621,0.6606,0.6591,0.6576,0.656,0.6515,0.6396,0.6352,0.6323,0.6294,0.628,0.6208,0.6137,0.5997,0.5901,0.5767,0.5406,0.5394,0.5381,0.5369,0.5187,0.5175,0.5151,0.5116,0.5092,0.4785,0.4687,0.4601,0.457,0.4486,0.4466,0.4435,0.4334,0.4255,0.4101,0.3613,0.349,0.2991,0.2817],[0.9717,0.9338,0.8876,0.8778,0.8759,0.872,0.8399,0.8362,0.8161,0.793,0.7843,0.774,0.7488,0.7422,0.7308,0.726,0.7085,0.6977,0.6735,0.672,0.6705,0.669,0.6675,0.6631,0.6515,0.6472,0.6444,0.6415,0.6401,0.6331,0.6261,0.6124,0.603,0.5899,0.5545,0.5533,0.5521,0.5508,0.5329,0.5317,0.5294,0.5259,0.5236,0.4932,0.4835,0.4751,0.4719,0.4637,0.4616,0.4586,0.4486,0.4407,0.4254,0.3767,0.3645,0.3143,0.2968],[0.9728,0.9365,0.8919,0.8825,0.8807,0.877,0.846,0.8424,0.823,0.8006,0.7922,0.7822,0.7577,0.7514,0.7403,0.7356,0.7187,0.7081,0.6845,0.6831,0.6816,0.6802,0.6787,0.6744,0.6631,0.6589,0.6561,0.6533,0.652,0.6451,0.6383,0.6249,0.6157,0.6028,0.5681,0.5669,0.5657,0.5645,0.5469,0.5457,0.5434,0.54,0.5377,0.5078,0.4982,0.4899,0.4868,0.4786,0.4766,0.4735,0.4636,0.4558,0.4406,0.3922,0.3799,0.3297,0.312],[0.9717,0.9338,0.8876,0.8778,0.8759,0.872,0.8399,0.8362,0.8161,0.793,0.7843,0.774,0.7488,0.7422,0.7308,0.726,0.7085,0.6977,0.6735,0.672,0.6705,0.669,0.6675,0.6631,0.6515,0.6472,0.6444,0.6415,0.6401,0.6331,0.6261,0.6124,0.603,0.5899,0.5545,0.5533,0.5521,0.5508,0.5329,0.5317,0.5294,0.5259,0.5236,0.4932,0.4835,0.4751,0.4719,0.4637,0.4616,0.4586,0.4486,0.4407,0.4254,0.3767,0.3645,0.3143,0.2968],[0.9598,0.9068,0.8432,0.83,0.8274,0.8222,0.7792,0.7743,0.7479,0.7178,0.7066,0.6933,0.6612,0.6529,0.6387,0.6327,0.6111,0.5977,0.5683,0.5665,0.5647,0.5629,0.5611,0.5558,0.542,0.5369,0.5335,0.5301,0.5284,0.5202,0.512,0.4961,0.4853,0.4702,0.4304,0.429,0.4277,0.4263,0.4066,0.4053,0.4028,0.399,0.3965,0.3641,0.3539,0.345,0.3418,0.3333,0.3312,0.3281,0.3179,0.3099,0.2947,0.2477,0.2362,0.1912,0.1761],[0.9589,0.9049,0.8402,0.8268,0.8241,0.8188,0.7751,0.7701,0.7433,0.7128,0.7014,0.6879,0.6555,0.6471,0.6326,0.6265,0.6047,0.5912,0.5615,0.5597,0.5579,0.5561,0.5543,0.5489,0.535,0.5298,0.5264,0.523,0.5213,0.513,0.5048,0.4888,0.4779,0.4627,0.4228,0.4214,0.42,0.4187,0.3989,0.3976,0.3951,0.3913,0.3888,0.3563,0.3462,0.3373,0.3341,0.3256,0.3235,0.3204,0.3102,0.3023,0.2871,0.2404,0.2291,0.1846,0.1697],[0.9572,0.901,0.8339,0.82,0.8173,0.8118,0.7667,0.7615,0.7339,0.7025,0.6908,0.677,0.6437,0.6351,0.6203,0.6141,0.5918,0.578,0.5477,0.5459,0.5441,0.5422,0.5404,0.535,0.5208,0.5156,0.5121,0.5087,0.507,0.4985,0.4902,0.474,0.4629,0.4476,0.4074,0.406,0.4047,0.4033,0.3835,0.3822,0.3796,0.3758,0.3733,0.3409,0.3307,0.322,0.3187,0.3103,0.3082,0.3051,0.295,0.2872,0.2721,0.2262,0.215,0.1717,0.1573],[0.9659,0.9206,0.8658,0.8543,0.852,0.8475,0.8099,0.8056,0.7823,0.7556,0.7456,0.7338,0.705,0.6975,0.6846,0.6791,0.6595,0.6473,0.6202,0.6186,0.6169,0.6153,0.6136,0.6087,0.5959,0.5911,0.588,0.5849,0.5833,0.5756,0.5679,0.553,0.5427,0.5285,0.4904,0.4891,0.4878,0.4865,0.4674,0.4662,0.4637,0.46,0.4575,0.4257,0.4156,0.4068,0.4036,0.3951,0.393,0.3898,0.3796,0.3716,0.356,0.3074,0.2954,0.247,0.2304],[0.9711,0.9325,0.8853,0.8754,0.8734,0.8695,0.8368,0.833,0.8126,0.7891,0.7803,0.7698,0.7442,0.7375,0.7259,0.721,0.7034,0.6924,0.6678,0.6663,0.6648,0.6633,0.6618,0.6574,0.6456,0.6413,0.6384,0.6355,0.6341,0.627,0.6199,0.6061,0.5966,0.5833,0.5476,0.5464,0.5451,0.5439,0.5258,0.5246,0.5223,0.5187,0.5164,0.4859,0.4761,0.4676,0.4645,0.4562,0.4541,0.451,0.441,0.4331,0.4177,0.369,0.3567,0.3067,0.2892],[0.9734,0.9377,0.8941,0.8848,0.883,0.8794,0.8489,0.8454,0.8263,0.8043,0.7961,0.7862,0.7621,0.7558,0.7449,0.7403,0.7236,0.7132,0.6899,0.6885,0.6871,0.6856,0.6842,0.68,0.6688,0.6647,0.6619,0.6592,0.6578,0.651,0.6443,0.6311,0.622,0.6092,0.5749,0.5737,0.5725,0.5713,0.5538,0.5526,0.5504,0.5469,0.5447,0.515,0.5055,0.4972,0.4941,0.486,0.484,0.481,0.4711,0.4633,0.4482,0.3999,0.3877,0.3374,0.3197],[0.9614,0.9104,0.8492,0.8364,0.8339,0.8289,0.7873,0.7825,0.7569,0.7277,0.7168,0.7039,0.6726,0.6645,0.6506,0.6447,0.6236,0.6105,0.5816,0.5799,0.5781,0.5764,0.5746,0.5694,0.5558,0.5508,0.5475,0.5442,0.5425,0.5344,0.5263,0.5106,0.4999,0.485,0.4456,0.4443,0.4429,0.4416,0.422,0.4207,0.4182,0.4144,0.4119,0.3795,0.3693,0.3605,0.3572,0.3487,0.3466,0.3435,0.3332,0.3252,0.3099,0.2623,0.2507,0.2047,0.1892],[0.9728,0.9365,0.8919,0.8825,0.8807,0.877,0.846,0.8424,0.823,0.8006,0.7922,0.7822,0.7577,0.7514,0.7403,0.7356,0.7187,0.7081,0.6845,0.6831,0.6816,0.6802,0.6787,0.6744,0.6631,0.6589,0.6561,0.6533,0.652,0.6451,0.6383,0.6249,0.6157,0.6028,0.5681,0.5669,0.5657,0.5645,0.5469,0.5457,0.5434,0.54,0.5377,0.5078,0.4982,0.4899,0.4868,0.4786,0.4766,0.4735,0.4636,0.4558,0.4406,0.3922,0.3799,0.3297,0.312],[0.9516,0.8885,0.8138,0.7984,0.7954,0.7894,0.7398,0.7342,0.704,0.6699,0.6573,0.6424,0.6067,0.5975,0.5817,0.5751,0.5515,0.5369,0.5051,0.5032,0.5013,0.4994,0.4975,0.4918,0.477,0.4716,0.468,0.4645,0.4627,0.454,0.4454,0.4287,0.4174,0.4018,0.3611,0.3597,0.3583,0.357,0.3371,0.3358,0.3333,0.3295,0.327,0.295,0.285,0.2764,0.2733,0.2651,0.2631,0.2601,0.2503,0.2428,0.2284,0.1852,0.1749,0.1354,0.1227],[0.9699,0.9297,0.8807,0.8704,0.8684,0.8643,0.8304,0.8265,0.8054,0.7811,0.772,0.7612,0.7348,0.7279,0.716,0.711,0.6928,0.6815,0.6563,0.6548,0.6533,0.6517,0.6502,0.6456,0.6336,0.6291,0.6262,0.6232,0.6218,0.6145,0.6073,0.5932,0.5835,0.5699,0.5336,0.5324,0.5311,0.5299,0.5115,0.5103,0.5079,0.5043,0.502,0.4711,0.4612,0.4526,0.4494,0.441,0.439,0.4359,0.4257,0.4178,0.4024,0.3535,0.3413,0.2915,0.2742],[0.9622,0.9122,0.8521,0.8395,0.8371,0.8321,0.7912,0.7865,0.7613,0.7325,0.7217,0.709,0.6782,0.6702,0.6564,0.6506,0.6297,0.6168,0.5882,0.5865,0.5848,0.583,0.5813,0.5761,0.5626,0.5577,0.5544,0.5511,0.5495,0.5414,0.5334,0.5178,0.5072,0.4924,0.4532,0.4518,0.4505,0.4491,0.4296,0.4283,0.4258,0.422,0.4195,0.3873,0.3771,0.3682,0.365,0.3564,0.3543,0.3512,0.3409,0.3329,0.3175,0.2697,0.258,0.2115,0.1958],[0.9693,0.9282,0.8783,0.8678,0.8658,0.8616,0.8271,0.8232,0.8017,0.7771,0.7678,0.7568,0.73,0.723,0.711,0.7059,0.6875,0.676,0.6505,0.6489,0.6474,0.6458,0.6443,0.6396,0.6275,0.623,0.62,0.617,0.6155,0.6082,0.6009,0.5867,0.5769,0.5632,0.5265,0.5253,0.524,0.5228,0.5043,0.503,0.5006,0.497,0.4947,0.4636,0.4537,0.445,0.4418,0.4334,0.4314,0.4283,0.4181,0.4101,0.3947,0.3458,0.3336,0.284,0.2668],[0.968,0.9253,0.8735,0.8626,0.8604,0.8561,0.8204,0.8163,0.7941,0.7687,0.7591,0.7478,0.7202,0.713,0.7006,0.6954,0.6765,0.6647,0.6386,0.637,0.6354,0.6338,0.6322,0.6275,0.615,0.6104,0.6074,0.6043,0.6028,0.5953,0.5879,0.5734,0.5634,0.5495,0.5122,0.511,0.5097,0.5084,0.4896,0.4884,0.486,0.4823,0.4799,0.4485,0.4385,0.4298,0.4266,0.4181,0.4161,0.4129,0.4027,0.3947,0.3792,0.3304,0.3182,0.269,0.2521],[0.9734,0.9377,0.8941,0.8848,0.883,0.8794,0.8489,0.8454,0.8263,0.8043,0.7961,0.7862,0.7621,0.7558,0.7449,0.7403,0.7236,0.7132,0.6899,0.6885,0.6871,0.6856,0.6842,0.68,0.6688,0.6647,0.6619,0.6592,0.6578,0.651,0.6443,0.6311,0.622,0.6092,0.5749,0.5737,0.5725,0.5713,0.5538,0.5526,0.5504,0.5469,0.5447,0.515,0.5055,0.4972,0.4941,0.486,0.484,0.481,0.4711,0.4633,0.4482,0.3999,0.3877,0.3374,0.3197],[0.9723,0.9352,0.8898,0.8802,0.8783,0.8745,0.843,0.8393,0.8196,0.7969,0.7883,0.7781,0.7533,0.7468,0.7356,0.7308,0.7136,0.7029,0.679,0.6776,0.6761,0.6746,0.6732,0.6688,0.6573,0.6531,0.6503,0.6475,0.6461,0.6391,0.6322,0.6187,0.6094,0.5964,0.5613,0.5601,0.5589,0.5577,0.5399,0.5387,0.5364,0.533,0.5307,0.5006,0.4909,0.4825,0.4794,0.4711,0.4691,0.4661,0.4561,0.4483,0.433,0.3845,0.3722,0.322,0.3044],[0.963,0.9139,0.8549,0.8426,0.8402,0.8353,0.7951,0.7905,0.7656,0.7373,0.7267,0.7141,0.6837,0.6758,0.6622,0.6565,0.6358,0.623,0.5948,0.593,0.5913,0.5896,0.5879,0.5828,0.5694,0.5645,0.5612,0.558,0.5563,0.5483,0.5404,0.525,0.5144,0.4997,0.4607,0.4593,0.458,0.4567,0.4372,0.436,0.4334,0.4297,0.4272,0.395,0.3848,0.376,0.3727,0.3642,0.362,0.3589,0.3486,0.3406,0.3252,0.2772,0.2654,0.2185,0.2026],[0.9637,0.9157,0.8577,0.8456,0.8432,0.8384,0.7989,0.7943,0.7699,0.742,0.7315,0.7191,0.6891,0.6813,0.6679,0.6622,0.6418,0.6292,0.6012,0.5995,0.5978,0.5961,0.5944,0.5894,0.5761,0.5712,0.568,0.5648,0.5632,0.5552,0.5474,0.5321,0.5216,0.507,0.4682,0.4668,0.4655,0.4642,0.4448,0.4436,0.441,0.4373,0.4348,0.4027,0.3925,0.3837,0.3804,0.3719,0.3698,0.3666,0.3564,0.3484,0.3329,0.2847,0.2728,0.2255,0.2094],[0.968,0.9253,0.8735,0.8626,0.8604,0.8561,0.8204,0.8163,0.7941,0.7687,0.7591,0.7478,0.7202,0.713,0.7006,0.6954,0.6765,0.6647,0.6386,0.637,0.6354,0.6338,0.6322,0.6275,0.615,0.6104,0.6074,0.6043,0.6028,0.5953,0.5879,0.5734,0.5634,0.5495,0.5122,0.511,0.5097,0.5084,0.4896,0.4884,0.486,0.4823,0.4799,0.4485,0.4385,0.4298,0.4266,0.4181,0.4161,0.4129,0.4027,0.3947,0.3792,0.3304,0.3182,0.269,0.2521],[0.9673,0.9237,0.8709,0.8599,0.8577,0.8533,0.817,0.8128,0.7903,0.7644,0.7547,0.7432,0.7152,0.7079,0.6953,0.69,0.6709,0.659,0.6325,0.6309,0.6293,0.6277,0.6261,0.6213,0.6087,0.6041,0.601,0.5979,0.5964,0.5888,0.5813,0.5666,0.5566,0.5425,0.505,0.5037,0.5024,0.5011,0.4823,0.481,0.4786,0.4749,0.4725,0.441,0.4309,0.4222,0.419,0.4105,0.4084,0.4053,0.395,0.387,0.3715,0.3227,0.3106,0.2616,0.2448],[0.9717,0.9338,0.8876,0.8778,0.8759,0.872,0.8399,0.8362,0.8161,0.793,0.7843,0.774,0.7488,0.7422,0.7308,0.726,0.7085,0.6977,0.6735,0.672,0.6705,0.669,0.6675,0.6631,0.6515,0.6472,0.6444,0.6415,0.6401,0.6331,0.6261,0.6124,0.603,0.5899,0.5545,0.5533,0.5521,0.5508,0.5329,0.5317,0.5294,0.5259,0.5236,0.4932,0.4835,0.4751,0.4719,0.4637,0.4616,0.4586,0.4486,0.4407,0.4254,0.3767,0.3645,0.3143,0.2968],[0.968,0.9253,0.8735,0.8626,0.8604,0.8561,0.8204,0.8163,0.7941,0.7687,0.7591,0.7478,0.7202,0.713,0.7006,0.6954,0.6765,0.6647,0.6386,0.637,0.6354,0.6338,0.6322,0.6275,0.615,0.6104,0.6074,0.6043,0.6028,0.5953,0.5879,0.5734,0.5634,0.5495,0.5122,0.511,0.5097,0.5084,0.4896,0.4884,0.486,0.4823,0.4799,0.4485,0.4385,0.4298,0.4266,0.4181,0.4161,0.4129,0.4027,0.3947,0.3792,0.3304,0.3182,0.269,0.2521],[0.9779,0.9482,0.9115,0.9037,0.9022,0.8991,0.8732,0.8702,0.854,0.8351,0.828,0.8195,0.7987,0.7932,0.7837,0.7797,0.7651,0.756,0.7355,0.7343,0.733,0.7317,0.7305,0.7267,0.7168,0.7131,0.7107,0.7083,0.7071,0.701,0.695,0.6832,0.675,0.6636,0.6324,0.6313,0.6303,0.6292,0.6132,0.6121,0.61,0.6069,0.6048,0.5774,0.5686,0.5608,0.558,0.5504,0.5485,0.5457,0.5364,0.5291,0.5147,0.4684,0.4565,0.4069,0.3891],[0.963,0.9139,0.8549,0.8426,0.8402,0.8353,0.7951,0.7905,0.7656,0.7373,0.7267,0.7141,0.6837,0.6758,0.6622,0.6565,0.6358,0.623,0.5948,0.593,0.5913,0.5896,0.5879,0.5828,0.5694,0.5645,0.5612,0.558,0.5563,0.5483,0.5404,0.525,0.5144,0.4997,0.4607,0.4593,0.458,0.4567,0.4372,0.436,0.4334,0.4297,0.4272,0.395,0.3848,0.376,0.3727,0.3642,0.362,0.3589,0.3486,0.3406,0.3252,0.2772,0.2654,0.2185,0.2026],[0.9673,0.9237,0.8709,0.8599,0.8577,0.8533,0.817,0.8128,0.7903,0.7644,0.7547,0.7432,0.7152,0.7079,0.6953,0.69,0.6709,0.659,0.6325,0.6309,0.6293,0.6277,0.6261,0.6213,0.6087,0.6041,0.601,0.5979,0.5964,0.5888,0.5813,0.5666,0.5566,0.5425,0.505,0.5037,0.5024,0.5011,0.4823,0.481,0.4786,0.4749,0.4725,0.441,0.4309,0.4222,0.419,0.4105,0.4084,0.4053,0.395,0.387,0.3715,0.3227,0.3106,0.2616,0.2448],[0.9666,0.9222,0.8684,0.8571,0.8549,0.8504,0.8135,0.8092,0.7863,0.76,0.7502,0.7385,0.7101,0.7027,0.69,0.6846,0.6652,0.6532,0.6264,0.6248,0.6231,0.6215,0.6199,0.6151,0.6023,0.5976,0.5945,0.5914,0.5899,0.5822,0.5747,0.5598,0.5497,0.5355,0.4977,0.4964,0.4951,0.4938,0.4749,0.4736,0.4711,0.4675,0.465,0.4334,0.4233,0.4145,0.4113,0.4028,0.4007,0.3976,0.3873,0.3793,0.3638,0.3151,0.3029,0.2543,0.2376],[0.9711,0.9325,0.8853,0.8754,0.8734,0.8695,0.8368,0.833,0.8126,0.7891,0.7803,0.7698,0.7442,0.7375,0.7259,0.721,0.7034,0.6924,0.6678,0.6663,0.6648,0.6633,0.6618,0.6574,0.6456,0.6413,0.6384,0.6355,0.6341,0.627,0.6199,0.6061,0.5966,0.5833,0.5476,0.5464,0.5451,0.5439,0.5258,0.5246,0.5223,0.5187,0.5164,0.4859,0.4761,0.4676,0.4645,0.4562,0.4541,0.451,0.441,0.4331,0.4177,0.369,0.3567,0.3067,0.2892],[0.9693,0.9282,0.8783,0.8678,0.8658,0.8616,0.8271,0.8232,0.8017,0.7771,0.7678,0.7568,0.73,0.723,0.711,0.7059,0.6875,0.676,0.6505,0.6489,0.6474,0.6458,0.6443,0.6396,0.6275,0.623,0.62,0.617,0.6155,0.6082,0.6009,0.5867,0.5769,0.5632,0.5265,0.5253,0.524,0.5228,0.5043,0.503,0.5006,0.497,0.4947,0.4636,0.4537,0.445,0.4418,0.4334,0.4314,0.4283,0.4181,0.4101,0.3947,0.3458,0.3336,0.284,0.2668],[0.977,0.946,0.9079,0.8998,0.8982,0.895,0.8681,0.865,0.8482,0.8287,0.8213,0.8125,0.791,0.7854,0.7756,0.7714,0.7564,0.747,0.7259,0.7246,0.7233,0.722,0.7207,0.7168,0.7067,0.7029,0.7004,0.6979,0.6966,0.6904,0.6842,0.6721,0.6637,0.652,0.6201,0.619,0.6179,0.6168,0.6004,0.5994,0.5972,0.594,0.5919,0.564,0.555,0.5471,0.5442,0.5364,0.5345,0.5316,0.5222,0.5148,0.5003,0.4534,0.4413,0.3915,0.3737],[0.9686,0.9268,0.8759,0.8652,0.8631,0.8589,0.8238,0.8198,0.7979,0.7729,0.7635,0.7523,0.7251,0.7181,0.7058,0.7007,0.682,0.6704,0.6446,0.643,0.6414,0.6399,0.6383,0.6336,0.6213,0.6167,0.6137,0.6107,0.6092,0.6018,0.5944,0.58,0.5702,0.5563,0.5194,0.5181,0.5169,0.5156,0.497,0.4958,0.4933,0.4897,0.4873,0.4561,0.4461,0.4375,0.4342,0.4258,0.4237,0.4206,0.4104,0.4024,0.3869,0.3381,0.3259,0.2765,0.2594],[0.9659,0.9206,0.8658,0.8543,0.852,0.8475,0.8099,0.8056,0.7823,0.7556,0.7456,0.7338,0.705,0.6975,0.6846,0.6791,0.6595,0.6473,0.6202,0.6186,0.6169,0.6153,0.6136,0.6087,0.5959,0.5911,0.588,0.5849,0.5833,0.5756,0.5679,0.553,0.5427,0.5285,0.4904,0.4891,0.4878,0.4865,0.4674,0.4662,0.4637,0.46,0.4575,0.4257,0.4156,0.4068,0.4036,0.3951,0.393,0.3898,0.3796,0.3716,0.356,0.3074,0.2954,0.247,0.2304],[0.9686,0.9268,0.8759,0.8652,0.8631,0.8589,0.8238,0.8198,0.7979,0.7729,0.7635,0.7523,0.7251,0.7181,0.7058,0.7007,0.682,0.6704,0.6446,0.643,0.6414,0.6399,0.6383,0.6336,0.6213,0.6167,0.6137,0.6107,0.6092,0.6018,0.5944,0.58,0.5702,0.5563,0.5194,0.5181,0.5169,0.5156,0.497,0.4958,0.4933,0.4897,0.4873,0.4561,0.4461,0.4375,0.4342,0.4258,0.4237,0.4206,0.4104,0.4024,0.3869,0.3381,0.3259,0.2765,0.2594],[0.9705,0.9311,0.883,0.8729,0.8709,0.8669,0.8336,0.8298,0.809,0.7852,0.7762,0.7655,0.7395,0.7327,0.721,0.7161,0.6981,0.687,0.6621,0.6606,0.6591,0.6576,0.656,0.6515,0.6396,0.6352,0.6323,0.6294,0.628,0.6208,0.6137,0.5997,0.5901,0.5767,0.5406,0.5394,0.5381,0.5369,0.5187,0.5175,0.5151,0.5116,0.5092,0.4785,0.4687,0.4601,0.457,0.4486,0.4466,0.4435,0.4334,0.4255,0.4101,0.3613,0.349,0.2991,0.2817],[0.9717,0.9338,0.8876,0.8778,0.8759,0.872,0.8399,0.8362,0.8161,0.793,0.7843,0.774,0.7488,0.7422,0.7308,0.726,0.7085,0.6977,0.6735,0.672,0.6705,0.669,0.6675,0.6631,0.6515,0.6472,0.6444,0.6415,0.6401,0.6331,0.6261,0.6124,0.603,0.5899,0.5545,0.5533,0.5521,0.5508,0.5329,0.5317,0.5294,0.5259,0.5236,0.4932,0.4835,0.4751,0.4719,0.4637,0.4616,0.4586,0.4486,0.4407,0.4254,0.3767,0.3645,0.3143,0.2968],[0.9784,0.9492,0.9133,0.9056,0.9041,0.9011,0.8757,0.8727,0.8568,0.8382,0.8312,0.8229,0.8024,0.797,0.7877,0.7838,0.7694,0.7604,0.7402,0.739,0.7378,0.7365,0.7353,0.7316,0.7218,0.7182,0.7158,0.7134,0.7122,0.7062,0.7003,0.6886,0.6806,0.6692,0.6385,0.6374,0.6363,0.6353,0.6195,0.6184,0.6163,0.6132,0.6112,0.5841,0.5753,0.5676,0.5648,0.5572,0.5554,0.5526,0.5434,0.5361,0.5219,0.4758,0.464,0.4146,0.3968],[0.9734,0.9377,0.8941,0.8848,0.883,0.8794,0.8489,0.8454,0.8263,0.8043,0.7961,0.7862,0.7621,0.7558,0.7449,0.7403,0.7236,0.7132,0.6899,0.6885,0.6871,0.6856,0.6842,0.68,0.6688,0.6647,0.6619,0.6592,0.6578,0.651,0.6443,0.6311,0.622,0.6092,0.5749,0.5737,0.5725,0.5713,0.5538,0.5526,0.5504,0.5469,0.5447,0.515,0.5055,0.4972,0.4941,0.486,0.484,0.481,0.4711,0.4633,0.4482,0.3999,0.3877,0.3374,0.3197],[0.9699,0.9297,0.8807,0.8704,0.8684,0.8643,0.8304,0.8265,0.8054,0.7811,0.772,0.7612,0.7348,0.7279,0.716,0.711,0.6928,0.6815,0.6563,0.6548,0.6533,0.6517,0.6502,0.6456,0.6336,0.6291,0.6262,0.6232,0.6218,0.6145,0.6073,0.5932,0.5835,0.5699,0.5336,0.5324,0.5311,0.5299,0.5115,0.5103,0.5079,0.5043,0.502,0.4711,0.4612,0.4526,0.4494,0.441,0.439,0.4359,0.4257,0.4178,0.4024,0.3535,0.3413,0.2915,0.2742],[0.9717,0.9338,0.8876,0.8778,0.8759,0.872,0.8399,0.8362,0.8161,0.793,0.7843,0.774,0.7488,0.7422,0.7308,0.726,0.7085,0.6977,0.6735,0.672,0.6705,0.669,0.6675,0.6631,0.6515,0.6472,0.6444,0.6415,0.6401,0.6331,0.6261,0.6124,0.603,0.5899,0.5545,0.5533,0.5521,0.5508,0.5329,0.5317,0.5294,0.5259,0.5236,0.4932,0.4835,0.4751,0.4719,0.4637,0.4616,0.4586,0.4486,0.4407,0.4254,0.3767,0.3645,0.3143,0.2968],[0.9723,0.9352,0.8898,0.8802,0.8783,0.8745,0.843,0.8393,0.8196,0.7969,0.7883,0.7781,0.7533,0.7468,0.7356,0.7308,0.7136,0.7029,0.679,0.6776,0.6761,0.6746,0.6732,0.6688,0.6573,0.6531,0.6503,0.6475,0.6461,0.6391,0.6322,0.6187,0.6094,0.5964,0.5613,0.5601,0.5589,0.5577,0.5399,0.5387,0.5364,0.533,0.5307,0.5006,0.4909,0.4825,0.4794,0.4711,0.4691,0.4661,0.4561,0.4483,0.433,0.3845,0.3722,0.322,0.3044],[0.9734,0.9377,0.8941,0.8848,0.883,0.8794,0.8489,0.8454,0.8263,0.8043,0.7961,0.7862,0.7621,0.7558,0.7449,0.7403,0.7236,0.7132,0.6899,0.6885,0.6871,0.6856,0.6842,0.68,0.6688,0.6647,0.6619,0.6592,0.6578,0.651,0.6443,0.6311,0.622,0.6092,0.5749,0.5737,0.5725,0.5713,0.5538,0.5526,0.5504,0.5469,0.5447,0.515,0.5055,0.4972,0.4941,0.486,0.484,0.481,0.4711,0.4633,0.4482,0.3999,0.3877,0.3374,0.3197],[0.9589,0.9049,0.8402,0.8268,0.8241,0.8188,0.7751,0.7701,0.7433,0.7128,0.7014,0.6879,0.6555,0.6471,0.6326,0.6265,0.6047,0.5912,0.5615,0.5597,0.5579,0.5561,0.5543,0.5489,0.535,0.5298,0.5264,0.523,0.5213,0.513,0.5048,0.4888,0.4779,0.4627,0.4228,0.4214,0.42,0.4187,0.3989,0.3976,0.3951,0.3913,0.3888,0.3563,0.3462,0.3373,0.3341,0.3256,0.3235,0.3204,0.3102,0.3023,0.2871,0.2404,0.2291,0.1846,0.1697],[0.9693,0.9282,0.8783,0.8678,0.8658,0.8616,0.8271,0.8232,0.8017,0.7771,0.7678,0.7568,0.73,0.723,0.711,0.7059,0.6875,0.676,0.6505,0.6489,0.6474,0.6458,0.6443,0.6396,0.6275,0.623,0.62,0.617,0.6155,0.6082,0.6009,0.5867,0.5769,0.5632,0.5265,0.5253,0.524,0.5228,0.5043,0.503,0.5006,0.497,0.4947,0.4636,0.4537,0.445,0.4418,0.4334,0.4314,0.4283,0.4181,0.4101,0.3947,0.3458,0.3336,0.284,0.2668],[0.9801,0.9532,0.92,0.9129,0.9115,0.9087,0.8851,0.8824,0.8675,0.8503,0.8437,0.8359,0.8168,0.8118,0.803,0.7993,0.7858,0.7774,0.7584,0.7572,0.7561,0.7549,0.7537,0.7503,0.741,0.7376,0.7353,0.7331,0.7319,0.7263,0.7207,0.7097,0.702,0.6913,0.662,0.661,0.66,0.659,0.6439,0.6429,0.6409,0.6379,0.6359,0.61,0.6015,0.5942,0.5914,0.5841,0.5823,0.5797,0.5708,0.5638,0.55,0.5052,0.4936,0.4451,0.4276],[0.9652,0.919,0.8631,0.8515,0.8491,0.8445,0.8063,0.8019,0.7782,0.7511,0.741,0.729,0.6998,0.6922,0.6791,0.6736,0.6537,0.6413,0.614,0.6123,0.6106,0.609,0.6073,0.6024,0.5894,0.5846,0.5814,0.5782,0.5766,0.5688,0.5611,0.5461,0.5357,0.5213,0.483,0.4817,0.4804,0.4791,0.4599,0.4587,0.4562,0.4525,0.45,0.4181,0.4079,0.3991,0.3959,0.3874,0.3852,0.3821,0.3718,0.3638,0.3483,0.2998,0.2878,0.2398,0.2234],[0.9659,0.9206,0.8658,0.8543,0.852,0.8475,0.8099,0.8056,0.7823,0.7556,0.7456,0.7338,0.705,0.6975,0.6846,0.6791,0.6595,0.6473,0.6202,0.6186,0.6169,0.6153,0.6136,0.6087,0.5959,0.5911,0.588,0.5849,0.5833,0.5756,0.5679,0.553,0.5427,0.5285,0.4904,0.4891,0.4878,0.4865,0.4674,0.4662,0.4637,0.46,0.4575,0.4257,0.4156,0.4068,0.4036,0.3951,0.393,0.3898,0.3796,0.3716,0.356,0.3074,0.2954,0.247,0.2304],[0.9745,0.9402,0.8982,0.8893,0.8875,0.884,0.8546,0.8513,0.8328,0.8116,0.8036,0.794,0.7707,0.7646,0.754,0.7495,0.7333,0.7232,0.7006,0.6992,0.6978,0.6964,0.695,0.6909,0.68,0.6759,0.6732,0.6706,0.6692,0.6626,0.6561,0.6432,0.6343,0.6218,0.5881,0.5869,0.5858,0.5846,0.5674,0.5663,0.5641,0.5607,0.5585,0.5293,0.5199,0.5117,0.5087,0.5006,0.4986,0.4957,0.4859,0.4783,0.4633,0.4153,0.4031,0.3528,0.335],[0.9775,0.9471,0.9097,0.9018,0.9002,0.897,0.8707,0.8677,0.8511,0.8319,0.8247,0.816,0.7949,0.7893,0.7797,0.7756,0.7608,0.7515,0.7307,0.7295,0.7282,0.7269,0.7256,0.7218,0.7118,0.708,0.7056,0.7031,0.7019,0.6957,0.6897,0.6777,0.6694,0.6578,0.6263,0.6252,0.6241,0.623,0.6068,0.6058,0.6037,0.6005,0.5984,0.5707,0.5618,0.554,0.5511,0.5434,0.5415,0.5387,0.5293,0.5219,0.5075,0.4609,0.4489,0.3992,0.3814],[0.9606,0.9086,0.8462,0.8333,0.8307,0.8256,0.7833,0.7785,0.7524,0.7228,0.7117,0.6986,0.667,0.6588,0.6447,0.6387,0.6174,0.6041,0.575,0.5732,0.5714,0.5697,0.5679,0.5627,0.5489,0.5439,0.5405,0.5372,0.5355,0.5273,0.5192,0.5034,0.4926,0.4776,0.438,0.4367,0.4353,0.434,0.4143,0.413,0.4105,0.4067,0.4042,0.3718,0.3616,0.3528,0.3495,0.341,0.3389,0.3357,0.3255,0.3176,0.3022,0.255,0.2434,0.1979,0.1826],[0.9705,0.9311,0.883,0.8729,0.8709,0.8669,0.8336,0.8298,0.809,0.7852,0.7762,0.7655,0.7395,0.7327,0.721,0.7161,0.6981,0.687,0.6621,0.6606,0.6591,0.6576,0.656,0.6515,0.6396,0.6352,0.6323,0.6294,0.628,0.6208,0.6137,0.5997,0.5901,0.5767,0.5406,0.5394,0.5381,0.5369,0.5187,0.5175,0.5151,0.5116,0.5092,0.4785,0.4687,0.4601,0.457,0.4486,0.4466,0.4435,0.4334,0.4255,0.4101,0.3613,0.349,0.2991,0.2817],[0.9666,0.9222,0.8684,0.8571,0.8549,0.8504,0.8135,0.8092,0.7863,0.76,0.7502,0.7385,0.7101,0.7027,0.69,0.6846,0.6652,0.6532,0.6264,0.6248,0.6231,0.6215,0.6199,0.6151,0.6023,0.5976,0.5945,0.5914,0.5899,0.5822,0.5747,0.5598,0.5497,0.5355,0.4977,0.4964,0.4951,0.4938,0.4749,0.4736,0.4711,0.4675,0.465,0.4334,0.4233,0.4145,0.4113,0.4028,0.4007,0.3976,0.3873,0.3793,0.3638,0.3151,0.3029,0.2543,0.2376],[0.9734,0.9377,0.8941,0.8848,0.883,0.8794,0.8489,0.8454,0.8263,0.8043,0.7961,0.7862,0.7621,0.7558,0.7449,0.7403,0.7236,0.7132,0.6899,0.6885,0.6871,0.6856,0.6842,0.68,0.6688,0.6647,0.6619,0.6592,0.6578,0.651,0.6443,0.6311,0.622,0.6092,0.5749,0.5737,0.5725,0.5713,0.5538,0.5526,0.5504,0.5469,0.5447,0.515,0.5055,0.4972,0.4941,0.486,0.484,0.481,0.4711,0.4633,0.4482,0.3999,0.3877,0.3374,0.3197],[0.9606,0.9086,0.8462,0.8333,0.8307,0.8256,0.7833,0.7785,0.7524,0.7228,0.7117,0.6986,0.667,0.6588,0.6447,0.6387,0.6174,0.6041,0.575,0.5732,0.5714,0.5697,0.5679,0.5627,0.5489,0.5439,0.5405,0.5372,0.5355,0.5273,0.5192,0.5034,0.4926,0.4776,0.438,0.4367,0.4353,0.434,0.4143,0.413,0.4105,0.4067,0.4042,0.3718,0.3616,0.3528,0.3495,0.341,0.3389,0.3357,0.3255,0.3176,0.3022,0.255,0.2434,0.1979,0.1826],[0.9739,0.939,0.8962,0.8871,0.8853,0.8817,0.8518,0.8483,0.8296,0.808,0.7998,0.7902,0.7665,0.7603,0.7495,0.745,0.7285,0.7182,0.6953,0.6939,0.6925,0.6911,0.6897,0.6855,0.6744,0.6703,0.6676,0.6649,0.6636,0.6569,0.6502,0.6371,0.6282,0.6155,0.5815,0.5803,0.5792,0.578,0.5606,0.5595,0.5572,0.5539,0.5516,0.5222,0.5127,0.5045,0.5014,0.4933,0.4913,0.4883,0.4785,0.4708,0.4558,0.4076,0.3954,0.3451,0.3273],[0.975,0.9414,0.9002,0.8915,0.8898,0.8863,0.8574,0.8541,0.836,0.8151,0.8072,0.7979,0.7749,0.7689,0.7585,0.7541,0.7381,0.7281,0.7058,0.7044,0.703,0.7017,0.7003,0.6962,0.6854,0.6815,0.6788,0.6762,0.6749,0.6683,0.6618,0.6491,0.6403,0.628,0.5946,0.5935,0.5923,0.5912,0.5742,0.573,0.5708,0.5675,0.5653,0.5363,0.527,0.5189,0.5159,0.5079,0.5059,0.503,0.4933,0.4856,0.4708,0.423,0.4108,0.3605,0.3428],[0.9666,0.9222,0.8684,0.8571,0.8549,0.8504,0.8135,0.8092,0.7863,0.76,0.7502,0.7385,0.7101,0.7027,0.69,0.6846,0.6652,0.6532,0.6264,0.6248,0.6231,0.6215,0.6199,0.6151,0.6023,0.5976,0.5945,0.5914,0.5899,0.5822,0.5747,0.5598,0.5497,0.5355,0.4977,0.4964,0.4951,0.4938,0.4749,0.4736,0.4711,0.4675,0.465,0.4334,0.4233,0.4145,0.4113,0.4028,0.4007,0.3976,0.3873,0.3793,0.3638,0.3151,0.3029,0.2543,0.2376],[0.9614,0.9104,0.8492,0.8364,0.8339,0.8289,0.7873,0.7825,0.7569,0.7277,0.7168,0.7039,0.6726,0.6645,0.6506,0.6447,0.6236,0.6105,0.5816,0.5799,0.5781,0.5764,0.5746,0.5694,0.5558,0.5508,0.5475,0.5442,0.5425,0.5344,0.5263,0.5106,0.4999,0.485,0.4456,0.4443,0.4429,0.4416,0.422,0.4207,0.4182,0.4144,0.4119,0.3795,0.3693,0.3605,0.3572,0.3487,0.3466,0.3435,0.3332,0.3252,0.3099,0.2623,0.2507,0.2047,0.1892],[0.9622,0.9122,0.8521,0.8395,0.8371,0.8321,0.7912,0.7865,0.7613,0.7325,0.7217,0.709,0.6782,0.6702,0.6564,0.6506,0.6297,0.6168,0.5882,0.5865,0.5848,0.583,0.5813,0.5761,0.5626,0.5577,0.5544,0.5511,0.5495,0.5414,0.5334,0.5178,0.5072,0.4924,0.4532,0.4518,0.4505,0.4491,0.4296,0.4283,0.4258,0.422,0.4195,0.3873,0.3771,0.3682,0.365,0.3564,0.3543,0.3512,0.3409,0.3329,0.3175,0.2697,0.258,0.2115,0.1958],[0.9673,0.9237,0.8709,0.8599,0.8577,0.8533,0.817,0.8128,0.7903,0.7644,0.7547,0.7432,0.7152,0.7079,0.6953,0.69,0.6709,0.659,0.6325,0.6309,0.6293,0.6277,0.6261,0.6213,0.6087,0.6041,0.601,0.5979,0.5964,0.5888,0.5813,0.5666,0.5566,0.5425,0.505,0.5037,0.5024,0.5011,0.4823,0.481,0.4786,0.4749,0.4725,0.441,0.4309,0.4222,0.419,0.4105,0.4084,0.4053,0.395,0.387,0.3715,0.3227,0.3106,0.2616,0.2448],[0.9666,0.9222,0.8684,0.8571,0.8549,0.8504,0.8135,0.8092,0.7863,0.76,0.7502,0.7385,0.7101,0.7027,0.69,0.6846,0.6652,0.6532,0.6264,0.6248,0.6231,0.6215,0.6199,0.6151,0.6023,0.5976,0.5945,0.5914,0.5899,0.5822,0.5747,0.5598,0.5497,0.5355,0.4977,0.4964,0.4951,0.4938,0.4749,0.4736,0.4711,0.4675,0.465,0.4334,0.4233,0.4145,0.4113,0.4028,0.4007,0.3976,0.3873,0.3793,0.3638,0.3151,0.3029,0.2543,0.2376],[0.9739,0.939,0.8962,0.8871,0.8853,0.8817,0.8518,0.8483,0.8296,0.808,0.7998,0.7902,0.7665,0.7603,0.7495,0.745,0.7285,0.7182,0.6953,0.6939,0.6925,0.6911,0.6897,0.6855,0.6744,0.6703,0.6676,0.6649,0.6636,0.6569,0.6502,0.6371,0.6282,0.6155,0.5815,0.5803,0.5792,0.578,0.5606,0.5595,0.5572,0.5539,0.5516,0.5222,0.5127,0.5045,0.5014,0.4933,0.4913,0.4883,0.4785,0.4708,0.4558,0.4076,0.3954,0.3451,0.3273],[0.9693,0.9282,0.8783,0.8678,0.8658,0.8616,0.8271,0.8232,0.8017,0.7771,0.7678,0.7568,0.73,0.723,0.711,0.7059,0.6875,0.676,0.6505,0.6489,0.6474,0.6458,0.6443,0.6396,0.6275,0.623,0.62,0.617,0.6155,0.6082,0.6009,0.5867,0.5769,0.5632,0.5265,0.5253,0.524,0.5228,0.5043,0.503,0.5006,0.497,0.4947,0.4636,0.4537,0.445,0.4418,0.4334,0.4314,0.4283,0.4181,0.4101,0.3947,0.3458,0.3336,0.284,0.2668],[0.9666,0.9222,0.8684,0.8571,0.8549,0.8504,0.8135,0.8092,0.7863,0.76,0.7502,0.7385,0.7101,0.7027,0.69,0.6846,0.6652,0.6532,0.6264,0.6248,0.6231,0.6215,0.6199,0.6151,0.6023,0.5976,0.5945,0.5914,0.5899,0.5822,0.5747,0.5598,0.5497,0.5355,0.4977,0.4964,0.4951,0.4938,0.4749,0.4736,0.4711,0.4675,0.465,0.4334,0.4233,0.4145,0.4113,0.4028,0.4007,0.3976,0.3873,0.3793,0.3638,0.3151,0.3029,0.2543,0.2376],[0.9598,0.9068,0.8432,0.83,0.8274,0.8222,0.7792,0.7743,0.7479,0.7178,0.7066,0.6933,0.6612,0.6529,0.6387,0.6327,0.6111,0.5977,0.5683,0.5665,0.5647,0.5629,0.5611,0.5558,0.542,0.5369,0.5335,0.5301,0.5284,0.5202,0.512,0.4961,0.4853,0.4702,0.4304,0.429,0.4277,0.4263,0.4066,0.4053,0.4028,0.399,0.3965,0.3641,0.3539,0.345,0.3418,0.3333,0.3312,0.3281,0.3179,0.3099,0.2947,0.2477,0.2362,0.1912,0.1761],[0.9673,0.9237,0.8709,0.8599,0.8577,0.8533,0.817,0.8128,0.7903,0.7644,0.7547,0.7432,0.7152,0.7079,0.6953,0.69,0.6709,0.659,0.6325,0.6309,0.6293,0.6277,0.6261,0.6213,0.6087,0.6041,0.601,0.5979,0.5964,0.5888,0.5813,0.5666,0.5566,0.5425,0.505,0.5037,0.5024,0.5011,0.4823,0.481,0.4786,0.4749,0.4725,0.441,0.4309,0.4222,0.419,0.4105,0.4084,0.4053,0.395,0.387,0.3715,0.3227,0.3106,0.2616,0.2448],[0.975,0.9414,0.9002,0.8915,0.8898,0.8863,0.8574,0.8541,0.836,0.8151,0.8072,0.7979,0.7749,0.7689,0.7585,0.7541,0.7381,0.7281,0.7058,0.7044,0.703,0.7017,0.7003,0.6962,0.6854,0.6815,0.6788,0.6762,0.6749,0.6683,0.6618,0.6491,0.6403,0.628,0.5946,0.5935,0.5923,0.5912,0.5742,0.573,0.5708,0.5675,0.5653,0.5363,0.527,0.5189,0.5159,0.5079,0.5059,0.503,0.4933,0.4856,0.4708,0.423,0.4108,0.3605,0.3428],[0.9673,0.9237,0.8709,0.8599,0.8577,0.8533,0.817,0.8128,0.7903,0.7644,0.7547,0.7432,0.7152,0.7079,0.6953,0.69,0.6709,0.659,0.6325,0.6309,0.6293,0.6277,0.6261,0.6213,0.6087,0.6041,0.601,0.5979,0.5964,0.5888,0.5813,0.5666,0.5566,0.5425,0.505,0.5037,0.5024,0.5011,0.4823,0.481,0.4786,0.4749,0.4725,0.441,0.4309,0.4222,0.419,0.4105,0.4084,0.4053,0.395,0.387,0.3715,0.3227,0.3106,0.2616,0.2448],[0.968,0.9253,0.8735,0.8626,0.8604,0.8561,0.8204,0.8163,0.7941,0.7687,0.7591,0.7478,0.7202,0.713,0.7006,0.6954,0.6765,0.6647,0.6386,0.637,0.6354,0.6338,0.6322,0.6275,0.615,0.6104,0.6074,0.6043,0.6028,0.5953,0.5879,0.5734,0.5634,0.5495,0.5122,0.511,0.5097,0.5084,0.4896,0.4884,0.486,0.4823,0.4799,0.4485,0.4385,0.4298,0.4266,0.4181,0.4161,0.4129,0.4027,0.3947,0.3792,0.3304,0.3182,0.269,0.2521],[0.9723,0.9352,0.8898,0.8802,0.8783,0.8745,0.843,0.8393,0.8196,0.7969,0.7883,0.7781,0.7533,0.7468,0.7356,0.7308,0.7136,0.7029,0.679,0.6776,0.6761,0.6746,0.6732,0.6688,0.6573,0.6531,0.6503,0.6475,0.6461,0.6391,0.6322,0.6187,0.6094,0.5964,0.5613,0.5601,0.5589,0.5577,0.5399,0.5387,0.5364,0.533,0.5307,0.5006,0.4909,0.4825,0.4794,0.4711,0.4691,0.4661,0.4561,0.4483,0.433,0.3845,0.3722,0.322,0.3044],[0.975,0.9414,0.9002,0.8915,0.8898,0.8863,0.8574,0.8541,0.836,0.8151,0.8072,0.7979,0.7749,0.7689,0.7585,0.7541,0.7381,0.7281,0.7058,0.7044,0.703,0.7017,0.7003,0.6962,0.6854,0.6815,0.6788,0.6762,0.6749,0.6683,0.6618,0.6491,0.6403,0.628,0.5946,0.5935,0.5923,0.5912,0.5742,0.573,0.5708,0.5675,0.5653,0.5363,0.527,0.5189,0.5159,0.5079,0.5059,0.503,0.4933,0.4856,0.4708,0.423,0.4108,0.3605,0.3428],[0.963,0.9139,0.8549,0.8426,0.8402,0.8353,0.7951,0.7905,0.7656,0.7373,0.7267,0.7141,0.6837,0.6758,0.6622,0.6565,0.6358,0.623,0.5948,0.593,0.5913,0.5896,0.5879,0.5828,0.5694,0.5645,0.5612,0.558,0.5563,0.5483,0.5404,0.525,0.5144,0.4997,0.4607,0.4593,0.458,0.4567,0.4372,0.436,0.4334,0.4297,0.4272,0.395,0.3848,0.376,0.3727,0.3642,0.362,0.3589,0.3486,0.3406,0.3252,0.2772,0.2654,0.2185,0.2026],[0.9699,0.9297,0.8807,0.8704,0.8684,0.8643,0.8304,0.8265,0.8054,0.7811,0.772,0.7612,0.7348,0.7279,0.716,0.711,0.6928,0.6815,0.6563,0.6548,0.6533,0.6517,0.6502,0.6456,0.6336,0.6291,0.6262,0.6232,0.6218,0.6145,0.6073,0.5932,0.5835,0.5699,0.5336,0.5324,0.5311,0.5299,0.5115,0.5103,0.5079,0.5043,0.502,0.4711,0.4612,0.4526,0.4494,0.441,0.439,0.4359,0.4257,0.4178,0.4024,0.3535,0.3413,0.2915,0.2742],[0.9693,0.9282,0.8783,0.8678,0.8658,0.8616,0.8271,0.8232,0.8017,0.7771,0.7678,0.7568,0.73,0.723,0.711,0.7059,0.6875,0.676,0.6505,0.6489,0.6474,0.6458,0.6443,0.6396,0.6275,0.623,0.62,0.617,0.6155,0.6082,0.6009,0.5867,0.5769,0.5632,0.5265,0.5253,0.524,0.5228,0.5043,0.503,0.5006,0.497,0.4947,0.4636,0.4537,0.445,0.4418,0.4334,0.4314,0.4283,0.4181,0.4101,0.3947,0.3458,0.3336,0.284,0.2668],[0.9645,0.9173,0.8605,0.8486,0.8462,0.8415,0.8026,0.7982,0.7741,0.7466,0.7363,0.7241,0.6945,0.6868,0.6735,0.6679,0.6478,0.6353,0.6076,0.6059,0.6042,0.6026,0.6009,0.5959,0.5828,0.5779,0.5747,0.5715,0.5699,0.5621,0.5543,0.5391,0.5287,0.5142,0.4756,0.4743,0.473,0.4717,0.4524,0.4511,0.4486,0.4449,0.4424,0.4104,0.4002,0.3914,0.3882,0.3796,0.3775,0.3744,0.3641,0.3561,0.3406,0.2922,0.2803,0.2326,0.2164],[0.963,0.9139,0.8549,0.8426,0.8402,0.8353,0.7951,0.7905,0.7656,0.7373,0.7267,0.7141,0.6837,0.6758,0.6622,0.6565,0.6358,0.623,0.5948,0.593,0.5913,0.5896,0.5879,0.5828,0.5694,0.5645,0.5612,0.558,0.5563,0.5483,0.5404,0.525,0.5144,0.4997,0.4607,0.4593,0.458,0.4567,0.4372,0.436,0.4334,0.4297,0.4272,0.395,0.3848,0.376,0.3727,0.3642,0.362,0.3589,0.3486,0.3406,0.3252,0.2772,0.2654,0.2185,0.2026],[0.9666,0.9222,0.8684,0.8571,0.8549,0.8504,0.8135,0.8092,0.7863,0.76,0.7502,0.7385,0.7101,0.7027,0.69,0.6846,0.6652,0.6532,0.6264,0.6248,0.6231,0.6215,0.6199,0.6151,0.6023,0.5976,0.5945,0.5914,0.5899,0.5822,0.5747,0.5598,0.5497,0.5355,0.4977,0.4964,0.4951,0.4938,0.4749,0.4736,0.4711,0.4675,0.465,0.4334,0.4233,0.4145,0.4113,0.4028,0.4007,0.3976,0.3873,0.3793,0.3638,0.3151,0.3029,0.2543,0.2376],[0.9659,0.9206,0.8658,0.8543,0.852,0.8475,0.8099,0.8056,0.7823,0.7556,0.7456,0.7338,0.705,0.6975,0.6846,0.6791,0.6595,0.6473,0.6202,0.6186,0.6169,0.6153,0.6136,0.6087,0.5959,0.5911,0.588,0.5849,0.5833,0.5756,0.5679,0.553,0.5427,0.5285,0.4904,0.4891,0.4878,0.4865,0.4674,0.4662,0.4637,0.46,0.4575,0.4257,0.4156,0.4068,0.4036,0.3951,0.393,0.3898,0.3796,0.3716,0.356,0.3074,0.2954,0.247,0.2304],[0.9659,0.9206,0.8658,0.8543,0.852,0.8475,0.8099,0.8056,0.7823,0.7556,0.7456,0.7338,0.705,0.6975,0.6846,0.6791,0.6595,0.6473,0.6202,0.6186,0.6169,0.6153,0.6136,0.6087,0.5959,0.5911,0.588,0.5849,0.5833,0.5756,0.5679,0.553,0.5427,0.5285,0.4904,0.4891,0.4878,0.4865,0.4674,0.4662,0.4637,0.46,0.4575,0.4257,0.4156,0.4068,0.4036,0.3951,0.393,0.3898,0.3796,0.3716,0.356,0.3074,0.2954,0.247,0.2304],[0.9793,0.9513,0.9167,0.9093,0.9079,0.9049,0.8805,0.8777,0.8622,0.8444,0.8376,0.8295,0.8097,0.8045,0.7955,0.7917,0.7778,0.769,0.7495,0.7483,0.747,0.7458,0.7446,0.7411,0.7316,0.728,0.7257,0.7234,0.7222,0.7164,0.7107,0.6993,0.6915,0.6804,0.6504,0.6493,0.6483,0.6473,0.6318,0.6308,0.6288,0.6257,0.6237,0.5972,0.5886,0.581,0.5782,0.5708,0.569,0.5662,0.5572,0.55,0.5361,0.4906,0.4789,0.4299,0.4122],[0.9572,0.901,0.8339,0.82,0.8173,0.8118,0.7667,0.7615,0.7339,0.7025,0.6908,0.677,0.6437,0.6351,0.6203,0.6141,0.5918,0.578,0.5477,0.5459,0.5441,0.5422,0.5404,0.535,0.5208,0.5156,0.5121,0.5087,0.507,0.4985,0.4902,0.474,0.4629,0.4476,0.4074,0.406,0.4047,0.4033,0.3835,0.3822,0.3796,0.3758,0.3733,0.3409,0.3307,0.322,0.3187,0.3103,0.3082,0.3051,0.295,0.2872,0.2721,0.2262,0.215,0.1717,0.1573],[0.9622,0.9122,0.8521,0.8395,0.8371,0.8321,0.7912,0.7865,0.7613,0.7325,0.7217,0.709,0.6782,0.6702,0.6564,0.6506,0.6297,0.6168,0.5882,0.5865,0.5848,0.583,0.5813,0.5761,0.5626,0.5577,0.5544,0.5511,0.5495,0.5414,0.5334,0.5178,0.5072,0.4924,0.4532,0.4518,0.4505,0.4491,0.4296,0.4283,0.4258,0.422,0.4195,0.3873,0.3771,0.3682,0.365,0.3564,0.3543,0.3512,0.3409,0.3329,0.3175,0.2697,0.258,0.2115,0.1958],[0.9711,0.9325,0.8853,0.8754,0.8734,0.8695,0.8368,0.833,0.8126,0.7891,0.7803,0.7698,0.7442,0.7375,0.7259,0.721,0.7034,0.6924,0.6678,0.6663,0.6648,0.6633,0.6618,0.6574,0.6456,0.6413,0.6384,0.6355,0.6341,0.627,0.6199,0.6061,0.5966,0.5833,0.5476,0.5464,0.5451,0.5439,0.5258,0.5246,0.5223,0.5187,0.5164,0.4859,0.4761,0.4676,0.4645,0.4562,0.4541,0.451,0.441,0.4331,0.4177,0.369,0.3567,0.3067,0.2892],[0.9645,0.9173,0.8605,0.8486,0.8462,0.8415,0.8026,0.7982,0.7741,0.7466,0.7363,0.7241,0.6945,0.6868,0.6735,0.6679,0.6478,0.6353,0.6076,0.6059,0.6042,0.6026,0.6009,0.5959,0.5828,0.5779,0.5747,0.5715,0.5699,0.5621,0.5543,0.5391,0.5287,0.5142,0.4756,0.4743,0.473,0.4717,0.4524,0.4511,0.4486,0.4449,0.4424,0.4104,0.4002,0.3914,0.3882,0.3796,0.3775,0.3744,0.3641,0.3561,0.3406,0.2922,0.2803,0.2326,0.2164],[0.9614,0.9104,0.8492,0.8364,0.8339,0.8289,0.7873,0.7825,0.7569,0.7277,0.7168,0.7039,0.6726,0.6645,0.6506,0.6447,0.6236,0.6105,0.5816,0.5799,0.5781,0.5764,0.5746,0.5694,0.5558,0.5508,0.5475,0.5442,0.5425,0.5344,0.5263,0.5106,0.4999,0.485,0.4456,0.4443,0.4429,0.4416,0.422,0.4207,0.4182,0.4144,0.4119,0.3795,0.3693,0.3605,0.3572,0.3487,0.3466,0.3435,0.3332,0.3252,0.3099,0.2623,0.2507,0.2047,0.1892],[0.9572,0.901,0.8339,0.82,0.8173,0.8118,0.7667,0.7615,0.7339,0.7025,0.6908,0.677,0.6437,0.6351,0.6203,0.6141,0.5918,0.578,0.5477,0.5459,0.5441,0.5422,0.5404,0.535,0.5208,0.5156,0.5121,0.5087,0.507,0.4985,0.4902,0.474,0.4629,0.4476,0.4074,0.406,0.4047,0.4033,0.3835,0.3822,0.3796,0.3758,0.3733,0.3409,0.3307,0.322,0.3187,0.3103,0.3082,0.3051,0.295,0.2872,0.2721,0.2262,0.215,0.1717,0.1573],[0.9563,0.899,0.8307,0.8166,0.8138,0.8082,0.7624,0.7571,0.7291,0.6972,0.6854,0.6714,0.6377,0.629,0.614,0.6077,0.5852,0.5713,0.5408,0.5389,0.5371,0.5352,0.5334,0.5279,0.5136,0.5083,0.5049,0.5014,0.4997,0.4912,0.4828,0.4665,0.4554,0.4401,0.3997,0.3983,0.397,0.3956,0.3757,0.3745,0.3719,0.3681,0.3656,0.3332,0.323,0.3143,0.3111,0.3026,0.3006,0.2975,0.2874,0.2797,0.2647,0.2191,0.2081,0.1654,0.1512],[0.9801,0.9532,0.92,0.9129,0.9115,0.9087,0.8851,0.8824,0.8675,0.8503,0.8437,0.8359,0.8168,0.8118,0.803,0.7993,0.7858,0.7774,0.7584,0.7572,0.7561,0.7549,0.7537,0.7503,0.741,0.7376,0.7353,0.7331,0.7319,0.7263,0.7207,0.7097,0.702,0.6913,0.662,0.661,0.66,0.659,0.6439,0.6429,0.6409,0.6379,0.6359,0.61,0.6015,0.5942,0.5914,0.5841,0.5823,0.5797,0.5708,0.5638,0.55,0.5052,0.4936,0.4451,0.4276],[0.9581,0.903,0.8371,0.8234,0.8207,0.8153,0.7709,0.7659,0.7386,0.7077,0.6961,0.6825,0.6496,0.6411,0.6265,0.6203,0.5983,0.5846,0.5546,0.5528,0.551,0.5492,0.5474,0.542,0.5279,0.5227,0.5193,0.5159,0.5142,0.5058,0.4975,0.4814,0.4704,0.4552,0.4151,0.4137,0.4124,0.411,0.3912,0.3899,0.3874,0.3835,0.381,0.3486,0.3384,0.3296,0.3264,0.3179,0.3158,0.3127,0.3026,0.2947,0.2796,0.2333,0.222,0.1781,0.1635],[0.9652,0.919,0.8631,0.8515,0.8491,0.8445,0.8063,0.8019,0.7782,0.7511,0.741,0.729,0.6998,0.6922,0.6791,0.6736,0.6537,0.6413,0.614,0.6123,0.6106,0.609,0.6073,0.6024,0.5894,0.5846,0.5814,0.5782,0.5766,0.5688,0.5611,0.5461,0.5357,0.5213,0.483,0.4817,0.4804,0.4791,0.4599,0.4587,0.4562,0.4525,0.45,0.4181,0.4079,0.3991,0.3959,0.3874,0.3852,0.3821,0.3718,0.3638,0.3483,0.2998,0.2878,0.2398,0.2234],[0.9705,0.9311,0.883,0.8729,0.8709,0.8669,0.8336,0.8298,0.809,0.7852,0.7762,0.7655,0.7395,0.7327,0.721,0.7161,0.6981,0.687,0.6621,0.6606,0.6591,0.6576,0.656,0.6515,0.6396,0.6352,0.6323,0.6294,0.628,0.6208,0.6137,0.5997,0.5901,0.5767,0.5406,0.5394,0.5381,0.5369,0.5187,0.5175,0.5151,0.5116,0.5092,0.4785,0.4687,0.4601,0.457,0.4486,0.4466,0.4435,0.4334,0.4255,0.4101,0.3613,0.349,0.2991,0.2817]],"times":[13,31,54,59,60,62,79,81,92,105,110,116,131,135,142,145,156,163,179,180,181,182,183,186,194,197,199,201,202,207,212,222,229,239,267,268,269,270,285,286,288,291,293,320,329,337,340,348,350,353,363,371,387,442,457,524,550],"brier_score_survMetrics":[0.0173,0.0271,0.0406,0.0485,0.0551,0.0619,0.0743,0.0813,0.0922,0.1034,0.1106,0.1169,0.13,0.1363,0.1437,0.1497,0.1597,0.1674,0.1797,0.1835,0.1867,0.1908,0.192,0.1964,0.2035,0.2076,0.2109,0.2124,0.2165,0.2194,0.2243,0.227,0.2294,0.2352,0.2456,0.2493,0.247,0.2456,0.2487,0.2504,0.2496,0.2497,0.2502,0.2584,0.2559,0.2584,0.2569,0.2558,0.2519,0.2472,0.2398,0.2355,0.2364,0.2171,0.2101,0.1696,0.1423],"ibrier_score_survMetrics":[0.1841],"brier_score_survAUC":[0.0351,0.0439,0.0526,0.0614,0.0702,0.0789,0.0877,0.0965,0.1053,0.114,0.1228,0.1316,0.1404,0.1491,0.1579,0.1754,0.1842,0.193,0.2018,0.2105,0.2193,0.2281,0.2368,0.2456,0.2368,0.2459,0.2548,0.2739,0.2828,0.2917,0.3046,0.3148,0.3251,0.3345,0.3436,0.3349,0.3438,0.3527,0.3616,0.3705,0.3794,0.3883,0.3972,0.4061,0.415,0.4238,0.4327,0.4416,0.4505,0.4683,0.4772,0.4861,0.4861,0.495,0.5039,0.5217,0.5309],"ibrier_score_survAUC":[0.2204]},{"train_time":[306,455,1010,210,883,1022,310,361,218,166,170,654,728,71,567,144,613,707,61,88,301,81,624,371,394,520,574,118,390,12,473,26,533,107,53,122,814,965,93,731,460,153,433,145,583,95,303,519,643,765,735,189,53,246,689,65,5,132,687,345,444,223,175,60,163,65,208,821,428,230,840,305,11,132,226,426,705,363,11,176,791,95,196,167,806,284,641,147,740,163,655,239,88,245,588,30,179,310,477,166,559,450,364,107,177,156,529,11,429,351,15,181,283,201],"train_status":[true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,false,true,false,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,true,true],"test_time":[524,13,212,524,288,363,442,199,550,54,558,207,92,60,551,543,293,202,353,511,267,511,371,387,457,337,201,404,222,62,458,356,353,163,31,340,229,444,315,182,156,329,364,291,179,376,384,268,292,142,413,266,194,320,181,285,301,348,197,382,303,296,180,186,145,269,300,284,350,272,292,332,285,259,110,286,270,81,131,225,269,225,243,279,276,135,79,59,240,202,235,105,224,239,237,173,252,221,185,92,13,222,192,183,211,175,197,203,116,188,191,105,174,177],"test_status":[true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,false,true,true,true,false,true,false,true,true,true,true,true,false,true,true,false,false,true,true,true,true,true,false,false,true,true,true,false,true,true,false,false,true,false,true,false,false,true,true,true,true,false,true,true,false,false,false,true,true,true,false,false,false,true,false,false,false,true,false,true,true,true,true,true,false,true,false,false,false,false,true,true,true,false,false,false,true,false,true,false,false,false,false,false,false,true,false,false,true,false,false,false,false,true,false,false,false,false,false],"estimate":[[0.9779,0.9481,0.9114,0.9036,0.902,0.8989,0.873,0.87,0.8537,0.8349,0.8277,0.8192,0.7984,0.7929,0.7834,0.7794,0.7648,0.7556,0.7351,0.7339,0.7326,0.7314,0.7301,0.7263,0.7164,0.7127,0.7103,0.7079,0.7066,0.7006,0.6946,0.6828,0.6746,0.6631,0.6319,0.6308,0.6298,0.6287,0.6127,0.6116,0.6095,0.6064,0.6043,0.5769,0.568,0.5603,0.5574,0.5498,0.5479,0.5451,0.5358,0.5285,0.5141,0.4678,0.4559,0.4063,0.3885],[0.9515,0.8882,0.8134,0.7979,0.7949,0.7888,0.7392,0.7335,0.7033,0.6692,0.6565,0.6416,0.6058,0.5966,0.5809,0.5742,0.5506,0.536,0.5042,0.5023,0.5003,0.4984,0.4965,0.4909,0.4761,0.4706,0.467,0.4635,0.4617,0.453,0.4444,0.4277,0.4164,0.4008,0.3601,0.3587,0.3573,0.356,0.3361,0.3348,0.3323,0.3285,0.326,0.294,0.284,0.2755,0.2723,0.2641,0.2621,0.2591,0.2494,0.2419,0.2275,0.1843,0.1741,0.1347,0.1219],[0.9725,0.9356,0.8905,0.881,0.8791,0.8753,0.8439,0.8403,0.8207,0.7981,0.7896,0.7795,0.7548,0.7483,0.7371,0.7324,0.7153,0.7046,0.6808,0.6794,0.6779,0.6765,0.675,0.6707,0.6593,0.655,0.6522,0.6494,0.648,0.6411,0.6343,0.6208,0.6115,0.5985,0.5636,0.5624,0.5612,0.56,0.5422,0.5411,0.5387,0.5353,0.533,0.503,0.4933,0.4849,0.4818,0.4736,0.4716,0.4685,0.4586,0.4508,0.4355,0.387,0.3748,0.3245,0.3069],[0.959,0.9049,0.8402,0.8268,0.8241,0.8188,0.7751,0.7702,0.7433,0.7128,0.7014,0.688,0.6555,0.6471,0.6327,0.6266,0.6047,0.5912,0.5615,0.5597,0.5579,0.5561,0.5543,0.549,0.535,0.5298,0.5264,0.5231,0.5214,0.513,0.5048,0.4888,0.4779,0.4627,0.4228,0.4214,0.4201,0.4187,0.399,0.3977,0.3951,0.3913,0.3888,0.3564,0.3462,0.3374,0.3341,0.3256,0.3235,0.3204,0.3102,0.3023,0.2871,0.2405,0.2291,0.1846,0.1698],[0.9606,0.9087,0.8464,0.8334,0.8308,0.8257,0.7835,0.7786,0.7526,0.723,0.7119,0.6988,0.6672,0.659,0.6449,0.6389,0.6176,0.6044,0.5752,0.5735,0.5717,0.5699,0.5682,0.5629,0.5492,0.5441,0.5408,0.5374,0.5358,0.5276,0.5195,0.5037,0.4929,0.4779,0.4383,0.437,0.4356,0.4343,0.4146,0.4133,0.4108,0.407,0.4045,0.3721,0.3619,0.3531,0.3498,0.3413,0.3392,0.3361,0.3258,0.3179,0.3025,0.2553,0.2437,0.1981,0.1829],[0.9473,0.8788,0.7985,0.782,0.7788,0.7723,0.7195,0.7135,0.6815,0.6456,0.6323,0.6167,0.5793,0.5697,0.5533,0.5465,0.522,0.507,0.4743,0.4723,0.4703,0.4684,0.4664,0.4606,0.4455,0.44,0.4363,0.4327,0.4309,0.422,0.4133,0.3965,0.3851,0.3693,0.3287,0.3273,0.3259,0.3246,0.3049,0.3036,0.3011,0.2974,0.2949,0.2635,0.2538,0.2455,0.2425,0.2345,0.2326,0.2297,0.2203,0.2131,0.1993,0.1585,0.1489,0.1126,0.1011],[0.9525,0.8904,0.8169,0.8018,0.7988,0.7928,0.7439,0.7384,0.7086,0.6749,0.6624,0.6477,0.6123,0.6032,0.5876,0.581,0.5576,0.5431,0.5115,0.5096,0.5077,0.5058,0.5039,0.4983,0.4836,0.4782,0.4746,0.4711,0.4693,0.4606,0.4521,0.4355,0.4242,0.4086,0.3679,0.3666,0.3652,0.3638,0.3439,0.3427,0.3401,0.3363,0.3338,0.3017,0.2917,0.2831,0.2799,0.2717,0.2696,0.2666,0.2568,0.2492,0.2347,0.1911,0.1806,0.1405,0.1275],[0.9749,0.9412,0.8998,0.8911,0.8894,0.8859,0.8569,0.8536,0.8354,0.8145,0.8066,0.7972,0.7741,0.7681,0.7577,0.7532,0.7372,0.7272,0.7048,0.7034,0.7021,0.7007,0.6993,0.6952,0.6844,0.6804,0.6778,0.6751,0.6738,0.6673,0.6608,0.648,0.6392,0.6268,0.5934,0.5923,0.5911,0.59,0.5729,0.5718,0.5696,0.5663,0.564,0.5351,0.5257,0.5176,0.5145,0.5066,0.5046,0.5016,0.4919,0.4843,0.4694,0.4216,0.4094,0.3591,0.3413],[0.9697,0.9292,0.8799,0.8696,0.8675,0.8634,0.8293,0.8254,0.8042,0.7798,0.7706,0.7597,0.7332,0.7263,0.7143,0.7093,0.691,0.6797,0.6544,0.6528,0.6513,0.6497,0.6482,0.6436,0.6315,0.6271,0.6241,0.6211,0.6197,0.6124,0.6052,0.591,0.5813,0.5677,0.5312,0.53,0.5287,0.5275,0.5091,0.5079,0.5055,0.5019,0.4995,0.4686,0.4587,0.4501,0.4469,0.4385,0.4364,0.4333,0.4232,0.4152,0.3998,0.3509,0.3387,0.289,0.2717],[0.9554,0.8968,0.8272,0.8128,0.81,0.8043,0.7577,0.7524,0.7239,0.6916,0.6795,0.6654,0.6312,0.6224,0.6073,0.6009,0.5782,0.5641,0.5333,0.5314,0.5296,0.5277,0.5259,0.5203,0.5059,0.5006,0.4971,0.4936,0.4919,0.4834,0.4749,0.4585,0.4474,0.432,0.3915,0.3901,0.3888,0.3874,0.3675,0.3662,0.3637,0.3599,0.3573,0.325,0.3149,0.3062,0.303,0.2946,0.2925,0.2894,0.2795,0.2717,0.2569,0.2117,0.2009,0.1588,0.1449],[0.9572,0.9009,0.8338,0.8199,0.8172,0.8117,0.7666,0.7614,0.7337,0.7023,0.6906,0.6768,0.6435,0.6349,0.6201,0.6139,0.5916,0.5778,0.5475,0.5457,0.5439,0.542,0.5402,0.5348,0.5206,0.5153,0.5119,0.5085,0.5067,0.4983,0.49,0.4738,0.4627,0.4474,0.4072,0.4058,0.4045,0.4031,0.3833,0.382,0.3794,0.3756,0.3731,0.3407,0.3305,0.3217,0.3185,0.31,0.308,0.3049,0.2948,0.287,0.2719,0.226,0.2148,0.1715,0.1571],[0.9606,0.9087,0.8464,0.8334,0.8308,0.8257,0.7835,0.7786,0.7526,0.723,0.7119,0.6988,0.6672,0.659,0.6449,0.6389,0.6176,0.6044,0.5752,0.5735,0.5717,0.5699,0.5682,0.5629,0.5492,0.5441,0.5408,0.5374,0.5358,0.5276,0.5195,0.5037,0.4929,0.4779,0.4383,0.437,0.4356,0.4343,0.4146,0.4133,0.4108,0.407,0.4045,0.3721,0.3619,0.3531,0.3498,0.3413,0.3392,0.3361,0.3258,0.3179,0.3025,0.2553,0.2437,0.1981,0.1829],[0.9719,0.9342,0.8883,0.8786,0.8767,0.8728,0.8409,0.8372,0.8172,0.7942,0.7856,0.7753,0.7502,0.7436,0.7323,0.7275,0.7102,0.6993,0.6752,0.6737,0.6722,0.6708,0.6693,0.6649,0.6533,0.6491,0.6462,0.6434,0.642,0.635,0.628,0.6144,0.605,0.5919,0.5566,0.5554,0.5542,0.553,0.5351,0.5339,0.5316,0.5281,0.5258,0.4955,0.4858,0.4774,0.4743,0.466,0.464,0.4609,0.4509,0.4431,0.4278,0.3792,0.3669,0.3167,0.2992],[0.9623,0.9123,0.8523,0.8398,0.8373,0.8323,0.7915,0.7868,0.7616,0.7329,0.7221,0.7094,0.6786,0.6706,0.6568,0.651,0.6302,0.6173,0.5887,0.587,0.5852,0.5835,0.5818,0.5766,0.5631,0.5582,0.5549,0.5516,0.55,0.5419,0.5339,0.5184,0.5077,0.4929,0.4537,0.4524,0.451,0.4497,0.4302,0.4289,0.4264,0.4226,0.4201,0.3878,0.3776,0.3688,0.3655,0.357,0.3549,0.3517,0.3415,0.3335,0.3181,0.2703,0.2586,0.212,0.1963],[0.9641,0.9165,0.8592,0.8472,0.8448,0.8401,0.8009,0.7964,0.7721,0.7444,0.734,0.7217,0.6919,0.6842,0.6709,0.6652,0.645,0.6324,0.6046,0.6029,0.6012,0.5995,0.5978,0.5928,0.5796,0.5748,0.5715,0.5683,0.5667,0.5588,0.551,0.5358,0.5253,0.5108,0.4721,0.4708,0.4695,0.4681,0.4488,0.4475,0.445,0.4413,0.4388,0.4067,0.3966,0.3878,0.3845,0.376,0.3739,0.3707,0.3604,0.3524,0.3369,0.2887,0.2767,0.2292,0.2131],[0.9805,0.9542,0.9216,0.9147,0.9133,0.9105,0.8874,0.8847,0.8701,0.8532,0.8468,0.8391,0.8203,0.8154,0.8068,0.8031,0.7899,0.7816,0.7629,0.7617,0.7606,0.7594,0.7583,0.7549,0.7458,0.7424,0.7402,0.7379,0.7368,0.7313,0.7258,0.7149,0.7073,0.6967,0.6678,0.6668,0.6658,0.6648,0.6499,0.6489,0.647,0.644,0.6421,0.6164,0.6081,0.6008,0.598,0.5909,0.5891,0.5864,0.5776,0.5707,0.557,0.5126,0.5011,0.4528,0.4354],[0.9754,0.9424,0.9019,0.8933,0.8916,0.8882,0.8597,0.8565,0.8386,0.818,0.8102,0.801,0.7783,0.7724,0.7621,0.7578,0.742,0.7321,0.71,0.7087,0.7073,0.706,0.7046,0.7006,0.69,0.686,0.6834,0.6808,0.6795,0.673,0.6666,0.654,0.6453,0.6331,0.6,0.5989,0.5977,0.5966,0.5797,0.5786,0.5764,0.5731,0.5709,0.5422,0.5329,0.5248,0.5218,0.5139,0.5119,0.509,0.4994,0.4918,0.477,0.4293,0.4172,0.367,0.3492],[0.97,0.93,0.8813,0.8711,0.869,0.865,0.8313,0.8274,0.8064,0.7822,0.7731,0.7623,0.736,0.7292,0.7173,0.7123,0.6942,0.683,0.6579,0.6563,0.6548,0.6533,0.6517,0.6472,0.6352,0.6307,0.6278,0.6249,0.6234,0.6161,0.609,0.5949,0.5852,0.5717,0.5355,0.5342,0.533,0.5317,0.5134,0.5122,0.5098,0.5062,0.5039,0.473,0.4632,0.4546,0.4514,0.443,0.441,0.4379,0.4277,0.4198,0.4044,0.3556,0.3433,0.2935,0.2762],[0.9736,0.9382,0.8948,0.8857,0.8839,0.8802,0.85,0.8465,0.8275,0.8057,0.7974,0.7877,0.7637,0.7575,0.7466,0.742,0.7254,0.715,0.6919,0.6905,0.689,0.6876,0.6862,0.682,0.6709,0.6667,0.664,0.6613,0.6599,0.6531,0.6465,0.6333,0.6242,0.6115,0.5773,0.5761,0.5749,0.5737,0.5563,0.5551,0.5529,0.5495,0.5472,0.5176,0.5081,0.4998,0.4968,0.4887,0.4866,0.4837,0.4738,0.4661,0.451,0.4027,0.3905,0.3402,0.3225],[0.9774,0.947,0.9095,0.9016,0.9,0.8968,0.8705,0.8674,0.8508,0.8316,0.8243,0.8157,0.7945,0.7889,0.7793,0.7752,0.7604,0.7511,0.7303,0.729,0.7277,0.7264,0.7252,0.7213,0.7113,0.7075,0.7051,0.7026,0.7014,0.6952,0.6891,0.6771,0.6689,0.6572,0.6257,0.6246,0.6235,0.6224,0.6062,0.6052,0.603,0.5999,0.5978,0.5701,0.5611,0.5533,0.5504,0.5427,0.5408,0.538,0.5286,0.5212,0.5068,0.4601,0.4482,0.3984,0.3806],[0.9598,0.9068,0.8433,0.8301,0.8275,0.8223,0.7793,0.7744,0.748,0.7179,0.7067,0.6934,0.6614,0.6531,0.6388,0.6328,0.6112,0.5978,0.5684,0.5666,0.5648,0.563,0.5613,0.556,0.5421,0.537,0.5336,0.5303,0.5286,0.5203,0.5122,0.4963,0.4854,0.4703,0.4306,0.4292,0.4279,0.4265,0.4068,0.4055,0.403,0.3992,0.3966,0.3642,0.354,0.3452,0.342,0.3334,0.3313,0.3282,0.318,0.3101,0.2948,0.2478,0.2364,0.1913,0.1763],[0.9663,0.9215,0.8673,0.8559,0.8537,0.8492,0.812,0.8077,0.7846,0.7582,0.7483,0.7365,0.708,0.7005,0.6877,0.6823,0.6628,0.6507,0.6238,0.6222,0.6205,0.6189,0.6173,0.6124,0.5996,0.5949,0.5918,0.5886,0.5871,0.5794,0.5718,0.5569,0.5468,0.5325,0.4946,0.4933,0.492,0.4907,0.4717,0.4705,0.468,0.4643,0.4619,0.4301,0.42,0.4113,0.408,0.3995,0.3974,0.3943,0.384,0.376,0.3605,0.3118,0.2997,0.2512,0.2346],[0.976,0.9436,0.9038,0.8954,0.8937,0.8904,0.8625,0.8593,0.8418,0.8215,0.8139,0.8048,0.7825,0.7766,0.7665,0.7622,0.7467,0.737,0.7152,0.7139,0.7125,0.7112,0.7099,0.7059,0.6954,0.6915,0.6889,0.6863,0.6851,0.6787,0.6724,0.6599,0.6513,0.6392,0.6066,0.6054,0.6043,0.6032,0.5865,0.5854,0.5832,0.5799,0.5777,0.5492,0.5401,0.532,0.5291,0.5212,0.5192,0.5163,0.5068,0.4992,0.4845,0.4371,0.425,0.3749,0.357],[0.9681,0.9256,0.874,0.8631,0.861,0.8567,0.8211,0.8171,0.7949,0.7696,0.76,0.7487,0.7212,0.7141,0.7017,0.6965,0.6776,0.6659,0.6399,0.6383,0.6367,0.6351,0.6335,0.6288,0.6164,0.6118,0.6087,0.6057,0.6042,0.5967,0.5893,0.5748,0.5648,0.5509,0.5137,0.5125,0.5112,0.5099,0.4912,0.49,0.4875,0.4839,0.4815,0.4501,0.4401,0.4314,0.4282,0.4198,0.4177,0.4146,0.4043,0.3964,0.3808,0.332,0.3198,0.2706,0.2536],[0.9694,0.9286,0.8789,0.8685,0.8664,0.8623,0.8279,0.824,0.8026,0.7781,0.7688,0.7579,0.7312,0.7242,0.7122,0.7071,0.6888,0.6773,0.6519,0.6504,0.6488,0.6473,0.6457,0.6411,0.629,0.6245,0.6215,0.6185,0.6171,0.6097,0.6025,0.5883,0.5785,0.5648,0.5283,0.527,0.5258,0.5245,0.506,0.5048,0.5024,0.4988,0.4964,0.4654,0.4555,0.4469,0.4437,0.4353,0.4332,0.4301,0.42,0.412,0.3966,0.3477,0.3355,0.2858,0.2686],[0.9681,0.9256,0.874,0.8631,0.861,0.8567,0.8211,0.8171,0.7949,0.7696,0.76,0.7487,0.7212,0.7141,0.7017,0.6965,0.6776,0.6659,0.6399,0.6383,0.6367,0.6351,0.6335,0.6288,0.6164,0.6118,0.6087,0.6057,0.6042,0.5967,0.5893,0.5748,0.5648,0.5509,0.5137,0.5125,0.5112,0.5099,0.4912,0.49,0.4875,0.4839,0.4815,0.4501,0.4401,0.4314,0.4282,0.4198,0.4177,0.4146,0.4043,0.3964,0.3808,0.332,0.3198,0.2706,0.2536],[0.967,0.9231,0.8699,0.8588,0.8566,0.8521,0.8156,0.8114,0.7887,0.7626,0.7529,0.7413,0.7131,0.7058,0.6932,0.6878,0.6686,0.6566,0.6301,0.6284,0.6268,0.6252,0.6236,0.6188,0.6061,0.6015,0.5984,0.5953,0.5938,0.5861,0.5786,0.5639,0.5538,0.5397,0.5021,0.5008,0.4995,0.4982,0.4793,0.478,0.4756,0.4719,0.4695,0.4379,0.4278,0.4191,0.4159,0.4074,0.4053,0.4021,0.3919,0.3839,0.3684,0.3196,0.3075,0.2587,0.2419],[0.9535,0.8926,0.8204,0.8055,0.8026,0.7967,0.7486,0.7431,0.7137,0.6805,0.6682,0.6536,0.6187,0.6097,0.5942,0.5877,0.5645,0.5502,0.5188,0.517,0.5151,0.5132,0.5113,0.5057,0.4911,0.4857,0.4822,0.4787,0.4769,0.4682,0.4597,0.4432,0.432,0.4164,0.3758,0.3744,0.373,0.3717,0.3518,0.3505,0.348,0.3441,0.3416,0.3094,0.2994,0.2907,0.2876,0.2793,0.2772,0.2742,0.2643,0.2567,0.2421,0.1979,0.1873,0.1465,0.1332],[0.9515,0.8882,0.8134,0.7979,0.7949,0.7888,0.7392,0.7335,0.7033,0.6692,0.6565,0.6416,0.6058,0.5966,0.5809,0.5742,0.5506,0.536,0.5042,0.5023,0.5003,0.4984,0.4965,0.4909,0.4761,0.4706,0.467,0.4635,0.4617,0.453,0.4444,0.4277,0.4164,0.4008,0.3601,0.3587,0.3573,0.356,0.3361,0.3348,0.3323,0.3285,0.326,0.294,0.284,0.2755,0.2723,0.2641,0.2621,0.2591,0.2494,0.2419,0.2275,0.1843,0.1741,0.1347,0.1219],[0.9721,0.9348,0.8892,0.8796,0.8777,0.8739,0.8421,0.8385,0.8187,0.7958,0.7872,0.777,0.7521,0.7456,0.7343,0.7295,0.7123,0.7015,0.6775,0.6761,0.6746,0.6731,0.6717,0.6673,0.6558,0.6515,0.6487,0.6459,0.6445,0.6375,0.6306,0.617,0.6077,0.5946,0.5595,0.5583,0.5571,0.5559,0.538,0.5369,0.5345,0.5311,0.5288,0.4986,0.4889,0.4805,0.4774,0.4691,0.4671,0.4641,0.4541,0.4462,0.431,0.3824,0.3701,0.3199,0.3023],[0.9674,0.924,0.8714,0.8604,0.8582,0.8539,0.8176,0.8135,0.791,0.7652,0.7555,0.7441,0.7162,0.7089,0.6964,0.6911,0.672,0.6601,0.6337,0.6321,0.6305,0.6289,0.6273,0.6225,0.6099,0.6053,0.6022,0.5992,0.5976,0.5901,0.5826,0.5679,0.5579,0.5439,0.5064,0.5051,0.5038,0.5025,0.4837,0.4825,0.48,0.4764,0.4739,0.4424,0.4324,0.4237,0.4204,0.412,0.4099,0.4067,0.3965,0.3885,0.373,0.3242,0.312,0.2631,0.2462],[0.9784,0.9492,0.9131,0.9055,0.904,0.9009,0.8755,0.8726,0.8566,0.8381,0.831,0.8227,0.8022,0.7968,0.7875,0.7835,0.7691,0.7601,0.7399,0.7387,0.7375,0.7362,0.735,0.7313,0.7215,0.7179,0.7155,0.713,0.7118,0.7059,0.7,0.6883,0.6802,0.6689,0.6381,0.637,0.636,0.6349,0.6191,0.618,0.6159,0.6128,0.6108,0.5837,0.5749,0.5672,0.5643,0.5568,0.5549,0.5521,0.5429,0.5357,0.5214,0.4753,0.4635,0.4141,0.3964],[0.9563,0.8989,0.8306,0.8164,0.8136,0.808,0.7622,0.7569,0.7289,0.697,0.6851,0.6711,0.6374,0.6287,0.6137,0.6075,0.5849,0.571,0.5404,0.5386,0.5367,0.5349,0.5331,0.5276,0.5133,0.508,0.5045,0.5011,0.4994,0.4908,0.4825,0.4662,0.4551,0.4397,0.3994,0.398,0.3966,0.3953,0.3754,0.3741,0.3715,0.3677,0.3652,0.3328,0.3227,0.3139,0.3107,0.3023,0.3002,0.2971,0.2871,0.2793,0.2644,0.2188,0.2078,0.1651,0.151],[0.9694,0.9286,0.8789,0.8685,0.8664,0.8623,0.8279,0.824,0.8026,0.7781,0.7688,0.7579,0.7312,0.7242,0.7122,0.7071,0.6888,0.6773,0.6519,0.6504,0.6488,0.6473,0.6457,0.6411,0.629,0.6245,0.6215,0.6185,0.6171,0.6097,0.6025,0.5883,0.5785,0.5648,0.5283,0.527,0.5258,0.5245,0.506,0.5048,0.5024,0.4988,0.4964,0.4654,0.4555,0.4469,0.4437,0.4353,0.4332,0.4301,0.42,0.412,0.3966,0.3477,0.3355,0.2858,0.2686],[0.945,0.8739,0.7907,0.7737,0.7703,0.7636,0.7092,0.7031,0.6702,0.6334,0.6197,0.6038,0.5656,0.5559,0.5392,0.5322,0.5074,0.4922,0.4591,0.4571,0.4551,0.4531,0.4511,0.4453,0.4301,0.4245,0.4208,0.4172,0.4154,0.4064,0.3977,0.3808,0.3693,0.3536,0.3131,0.3117,0.3104,0.309,0.2895,0.2882,0.2857,0.282,0.2796,0.2486,0.2391,0.2309,0.2279,0.2201,0.2182,0.2154,0.2062,0.1992,0.1858,0.1462,0.137,0.1024,0.0914],[0.9754,0.9424,0.9019,0.8933,0.8916,0.8882,0.8597,0.8565,0.8386,0.818,0.8102,0.801,0.7783,0.7724,0.7621,0.7578,0.742,0.7321,0.71,0.7087,0.7073,0.706,0.7046,0.7006,0.69,0.686,0.6834,0.6808,0.6795,0.673,0.6666,0.654,0.6453,0.6331,0.6,0.5989,0.5977,0.5966,0.5797,0.5786,0.5764,0.5731,0.5709,0.5422,0.5329,0.5248,0.5218,0.5139,0.5119,0.509,0.4994,0.4918,0.477,0.4293,0.4172,0.367,0.3492],[0.9572,0.9009,0.8338,0.8199,0.8172,0.8117,0.7666,0.7614,0.7337,0.7023,0.6906,0.6768,0.6435,0.6349,0.6201,0.6139,0.5916,0.5778,0.5475,0.5457,0.5439,0.542,0.5402,0.5348,0.5206,0.5153,0.5119,0.5085,0.5067,0.4983,0.49,0.4738,0.4627,0.4474,0.4072,0.4058,0.4045,0.4031,0.3833,0.382,0.3794,0.3756,0.3731,0.3407,0.3305,0.3217,0.3185,0.31,0.308,0.3049,0.2948,0.287,0.2719,0.226,0.2148,0.1715,0.1571],[0.9653,0.9192,0.8635,0.8519,0.8496,0.845,0.8068,0.8024,0.7788,0.7518,0.7416,0.7296,0.7005,0.6929,0.6799,0.6744,0.6545,0.6422,0.6148,0.6132,0.6115,0.6099,0.6082,0.6033,0.5903,0.5855,0.5823,0.5792,0.5776,0.5698,0.5621,0.547,0.5367,0.5224,0.4841,0.4828,0.4815,0.4802,0.461,0.4597,0.4572,0.4535,0.4511,0.4192,0.409,0.4002,0.397,0.3884,0.3863,0.3832,0.3729,0.3649,0.3494,0.3009,0.2889,0.2408,0.2244],[0.9738,0.9387,0.8957,0.8866,0.8848,0.8812,0.8512,0.8477,0.8289,0.8072,0.799,0.7893,0.7655,0.7593,0.7485,0.744,0.7275,0.7171,0.6941,0.6927,0.6913,0.6899,0.6885,0.6843,0.6732,0.6691,0.6664,0.6637,0.6623,0.6556,0.6489,0.6358,0.6268,0.6142,0.5801,0.5789,0.5777,0.5765,0.5592,0.558,0.5557,0.5524,0.5501,0.5206,0.5112,0.5029,0.4998,0.4917,0.4897,0.4867,0.4769,0.4692,0.4541,0.4059,0.3937,0.3434,0.3257],[0.9784,0.9492,0.9131,0.9055,0.904,0.9009,0.8755,0.8726,0.8566,0.8381,0.831,0.8227,0.8022,0.7968,0.7875,0.7835,0.7691,0.7601,0.7399,0.7387,0.7375,0.7362,0.735,0.7313,0.7215,0.7179,0.7155,0.713,0.7118,0.7059,0.7,0.6883,0.6802,0.6689,0.6381,0.637,0.636,0.6349,0.6191,0.618,0.6159,0.6128,0.6108,0.5837,0.5749,0.5672,0.5643,0.5568,0.5549,0.5521,0.5429,0.5357,0.5214,0.4753,0.4635,0.4141,0.3964],[0.9688,0.9271,0.8765,0.8658,0.8637,0.8595,0.8246,0.8206,0.7988,0.7739,0.7645,0.7533,0.7262,0.7192,0.707,0.7018,0.6832,0.6717,0.6459,0.6444,0.6428,0.6412,0.6397,0.635,0.6227,0.6182,0.6151,0.6121,0.6107,0.6032,0.5959,0.5816,0.5717,0.5579,0.521,0.5198,0.5185,0.5172,0.4986,0.4974,0.495,0.4914,0.489,0.4578,0.4478,0.4392,0.436,0.4275,0.4255,0.4224,0.4122,0.4042,0.3887,0.3399,0.3276,0.2782,0.2611],[0.9581,0.9029,0.8371,0.8234,0.8207,0.8153,0.7709,0.7658,0.7386,0.7076,0.6961,0.6824,0.6495,0.641,0.6264,0.6203,0.5982,0.5846,0.5545,0.5527,0.5509,0.5491,0.5473,0.5419,0.5278,0.5226,0.5192,0.5158,0.5141,0.5057,0.4974,0.4813,0.4703,0.4551,0.415,0.4136,0.4123,0.4109,0.3911,0.3898,0.3873,0.3835,0.3809,0.3485,0.3383,0.3295,0.3263,0.3178,0.3157,0.3126,0.3025,0.2946,0.2795,0.2332,0.2219,0.178,0.1634],[0.9703,0.9306,0.8823,0.8721,0.8701,0.8661,0.8326,0.8288,0.8079,0.7839,0.7748,0.7641,0.738,0.7312,0.7194,0.7144,0.6965,0.6852,0.6603,0.6587,0.6572,0.6557,0.6542,0.6496,0.6377,0.6333,0.6304,0.6274,0.626,0.6188,0.6116,0.5976,0.588,0.5745,0.5384,0.5371,0.5359,0.5347,0.5164,0.5152,0.5128,0.5092,0.5069,0.4761,0.4663,0.4577,0.4545,0.4462,0.4441,0.4411,0.4309,0.423,0.4076,0.3588,0.3465,0.2967,0.2793],[0.9638,0.9158,0.858,0.8459,0.8435,0.8388,0.7993,0.7948,0.7704,0.7425,0.732,0.7197,0.6897,0.6819,0.6685,0.6628,0.6425,0.6299,0.6019,0.6002,0.5985,0.5968,0.5951,0.5901,0.5768,0.572,0.5687,0.5655,0.5639,0.556,0.5481,0.5328,0.5223,0.5077,0.469,0.4676,0.4663,0.465,0.4456,0.4444,0.4419,0.4381,0.4356,0.4035,0.3934,0.3845,0.3813,0.3727,0.3706,0.3675,0.3572,0.3492,0.3337,0.2855,0.2736,0.2263,0.2102],[0.963,0.9141,0.8552,0.8429,0.8404,0.8356,0.7954,0.7908,0.766,0.7377,0.7271,0.7146,0.6842,0.6763,0.6627,0.657,0.6364,0.6236,0.5953,0.5936,0.5919,0.5902,0.5885,0.5834,0.57,0.5651,0.5618,0.5586,0.557,0.549,0.5411,0.5256,0.5151,0.5004,0.4614,0.46,0.4587,0.4574,0.4379,0.4367,0.4341,0.4304,0.4279,0.3957,0.3855,0.3767,0.3734,0.3649,0.3628,0.3596,0.3493,0.3413,0.3259,0.2779,0.2661,0.2191,0.2032],[0.9769,0.9459,0.9077,0.8996,0.8979,0.8947,0.8679,0.8647,0.8478,0.8283,0.8209,0.8121,0.7905,0.7849,0.7751,0.7709,0.7559,0.7464,0.7253,0.724,0.7227,0.7214,0.7201,0.7163,0.7061,0.7023,0.6998,0.6972,0.696,0.6898,0.6836,0.6715,0.6631,0.6513,0.6194,0.6183,0.6172,0.6161,0.5997,0.5986,0.5965,0.5933,0.5912,0.5632,0.5542,0.5463,0.5434,0.5356,0.5337,0.5308,0.5214,0.514,0.4994,0.4525,0.4405,0.3906,0.3728],[0.9738,0.9387,0.8957,0.8866,0.8848,0.8812,0.8512,0.8477,0.8289,0.8072,0.799,0.7893,0.7655,0.7593,0.7485,0.744,0.7275,0.7171,0.6941,0.6927,0.6913,0.6899,0.6885,0.6843,0.6732,0.6691,0.6664,0.6637,0.6623,0.6556,0.6489,0.6358,0.6268,0.6142,0.5801,0.5789,0.5777,0.5765,0.5592,0.558,0.5557,0.5524,0.5501,0.5206,0.5112,0.5029,0.4998,0.4917,0.4897,0.4867,0.4769,0.4692,0.4541,0.4059,0.3937,0.3434,0.3257],[0.9821,0.9579,0.9278,0.9214,0.9201,0.9175,0.8961,0.8937,0.8801,0.8644,0.8584,0.8513,0.8337,0.8291,0.8211,0.8177,0.8053,0.7975,0.78,0.7789,0.7778,0.7768,0.7757,0.7725,0.7639,0.7608,0.7586,0.7565,0.7555,0.7503,0.7451,0.7348,0.7277,0.7177,0.6903,0.6894,0.6884,0.6874,0.6733,0.6723,0.6705,0.6677,0.6658,0.6414,0.6334,0.6264,0.6238,0.6169,0.6152,0.6126,0.6042,0.5975,0.5844,0.5414,0.5303,0.4832,0.4661],[0.9581,0.9029,0.8371,0.8234,0.8207,0.8153,0.7709,0.7658,0.7386,0.7076,0.6961,0.6824,0.6495,0.641,0.6264,0.6203,0.5982,0.5846,0.5545,0.5527,0.5509,0.5491,0.5473,0.5419,0.5278,0.5226,0.5192,0.5158,0.5141,0.5057,0.4974,0.4813,0.4703,0.4551,0.415,0.4136,0.4123,0.4109,0.3911,0.3898,0.3873,0.3835,0.3809,0.3485,0.3383,0.3295,0.3263,0.3178,0.3157,0.3126,0.3025,0.2946,0.2795,0.2332,0.2219,0.178,0.1634],[0.963,0.9141,0.8552,0.8429,0.8404,0.8356,0.7954,0.7908,0.766,0.7377,0.7271,0.7146,0.6842,0.6763,0.6627,0.657,0.6364,0.6236,0.5953,0.5936,0.5919,0.5902,0.5885,0.5834,0.57,0.5651,0.5618,0.5586,0.557,0.549,0.5411,0.5256,0.5151,0.5004,0.4614,0.46,0.4587,0.4574,0.4379,0.4367,0.4341,0.4304,0.4279,0.3957,0.3855,0.3767,0.3734,0.3649,0.3628,0.3596,0.3493,0.3413,0.3259,0.2779,0.2661,0.2191,0.2032],[0.9623,0.9123,0.8523,0.8398,0.8373,0.8323,0.7915,0.7868,0.7616,0.7329,0.7221,0.7094,0.6786,0.6706,0.6568,0.651,0.6302,0.6173,0.5887,0.587,0.5852,0.5835,0.5818,0.5766,0.5631,0.5582,0.5549,0.5516,0.55,0.5419,0.5339,0.5184,0.5077,0.4929,0.4537,0.4524,0.451,0.4497,0.4302,0.4289,0.4264,0.4226,0.4201,0.3878,0.3776,0.3688,0.3655,0.357,0.3549,0.3517,0.3415,0.3335,0.3181,0.2703,0.2586,0.212,0.1963],[0.9765,0.9448,0.9058,0.8975,0.8959,0.8926,0.8652,0.862,0.8448,0.8249,0.8174,0.8085,0.7865,0.7808,0.7708,0.7666,0.7513,0.7417,0.7203,0.719,0.7177,0.7163,0.715,0.7111,0.7008,0.6969,0.6944,0.6918,0.6906,0.6843,0.678,0.6657,0.6572,0.6453,0.613,0.6119,0.6108,0.6096,0.5931,0.592,0.5899,0.5866,0.5845,0.5563,0.5472,0.5392,0.5362,0.5284,0.5265,0.5236,0.5141,0.5066,0.492,0.4448,0.4327,0.3827,0.3649],[0.9749,0.9412,0.8998,0.8911,0.8894,0.8859,0.8569,0.8536,0.8354,0.8145,0.8066,0.7972,0.7741,0.7681,0.7577,0.7532,0.7372,0.7272,0.7048,0.7034,0.7021,0.7007,0.6993,0.6952,0.6844,0.6804,0.6778,0.6751,0.6738,0.6673,0.6608,0.648,0.6392,0.6268,0.5934,0.5923,0.5911,0.59,0.5729,0.5718,0.5696,0.5663,0.564,0.5351,0.5257,0.5176,0.5145,0.5066,0.5046,0.5016,0.4919,0.4843,0.4694,0.4216,0.4094,0.3591,0.3413],[0.9742,0.9395,0.8969,0.888,0.8862,0.8826,0.8529,0.8495,0.8308,0.8094,0.8013,0.7916,0.7681,0.7619,0.7512,0.7467,0.7304,0.7201,0.6973,0.6959,0.6945,0.6931,0.6917,0.6875,0.6765,0.6725,0.6698,0.6671,0.6657,0.6591,0.6525,0.6394,0.6305,0.6179,0.584,0.5829,0.5817,0.5805,0.5632,0.5621,0.5598,0.5565,0.5542,0.5249,0.5155,0.5072,0.5042,0.4961,0.4941,0.4911,0.4813,0.4737,0.4586,0.4105,0.3983,0.348,0.3303],[0.9646,0.9175,0.8608,0.8489,0.8466,0.8419,0.8031,0.7986,0.7746,0.7472,0.7369,0.7247,0.6951,0.6875,0.6742,0.6686,0.6485,0.636,0.6084,0.6067,0.605,0.6034,0.6017,0.5967,0.5836,0.5788,0.5756,0.5724,0.5708,0.5629,0.5552,0.54,0.5296,0.5151,0.4766,0.4752,0.4739,0.4726,0.4533,0.4521,0.4496,0.4458,0.4434,0.4114,0.4012,0.3924,0.3891,0.3806,0.3785,0.3753,0.3651,0.357,0.3415,0.2932,0.2812,0.2335,0.2172],[0.9615,0.9105,0.8493,0.8366,0.8341,0.829,0.7875,0.7828,0.7571,0.728,0.717,0.7041,0.6729,0.6648,0.6509,0.645,0.6239,0.6109,0.582,0.5803,0.5785,0.5768,0.575,0.5698,0.5562,0.5512,0.5479,0.5446,0.5429,0.5348,0.5267,0.511,0.5003,0.4854,0.446,0.4447,0.4433,0.442,0.4224,0.4211,0.4186,0.4148,0.4123,0.38,0.3698,0.3609,0.3577,0.3491,0.347,0.3439,0.3337,0.3257,0.3103,0.2628,0.2511,0.2051,0.1895],[0.9646,0.9175,0.8608,0.8489,0.8466,0.8419,0.8031,0.7986,0.7746,0.7472,0.7369,0.7247,0.6951,0.6875,0.6742,0.6686,0.6485,0.636,0.6084,0.6067,0.605,0.6034,0.6017,0.5967,0.5836,0.5788,0.5756,0.5724,0.5708,0.5629,0.5552,0.54,0.5296,0.5151,0.4766,0.4752,0.4739,0.4726,0.4533,0.4521,0.4496,0.4458,0.4434,0.4114,0.4012,0.3924,0.3891,0.3806,0.3785,0.3753,0.3651,0.357,0.3415,0.2932,0.2812,0.2335,0.2172],[0.976,0.9436,0.9038,0.8954,0.8937,0.8904,0.8625,0.8593,0.8418,0.8215,0.8139,0.8048,0.7825,0.7766,0.7665,0.7622,0.7467,0.737,0.7152,0.7139,0.7125,0.7112,0.7099,0.7059,0.6954,0.6915,0.6889,0.6863,0.6851,0.6787,0.6724,0.6599,0.6513,0.6392,0.6066,0.6054,0.6043,0.6032,0.5865,0.5854,0.5832,0.5799,0.5777,0.5492,0.5401,0.532,0.5291,0.5212,0.5192,0.5163,0.5068,0.4992,0.4845,0.4371,0.425,0.3749,0.357],[0.9681,0.9256,0.874,0.8631,0.861,0.8567,0.8211,0.8171,0.7949,0.7696,0.76,0.7487,0.7212,0.7141,0.7017,0.6965,0.6776,0.6659,0.6399,0.6383,0.6367,0.6351,0.6335,0.6288,0.6164,0.6118,0.6087,0.6057,0.6042,0.5967,0.5893,0.5748,0.5648,0.5509,0.5137,0.5125,0.5112,0.5099,0.4912,0.49,0.4875,0.4839,0.4815,0.4501,0.4401,0.4314,0.4282,0.4198,0.4177,0.4146,0.4043,0.3964,0.3808,0.332,0.3198,0.2706,0.2536],[0.9825,0.9588,0.9293,0.923,0.9217,0.9192,0.8982,0.8958,0.8825,0.867,0.8612,0.8542,0.837,0.8324,0.8245,0.8212,0.809,0.8013,0.7841,0.783,0.782,0.7809,0.7799,0.7767,0.7683,0.7652,0.7631,0.761,0.76,0.7548,0.7497,0.7396,0.7326,0.7227,0.6957,0.6948,0.6939,0.6929,0.6789,0.678,0.6762,0.6734,0.6716,0.6474,0.6395,0.6326,0.6301,0.6232,0.6215,0.619,0.6107,0.6041,0.5911,0.5485,0.5375,0.4907,0.4737],[0.97,0.93,0.8813,0.8711,0.869,0.865,0.8313,0.8274,0.8064,0.7822,0.7731,0.7623,0.736,0.7292,0.7173,0.7123,0.6942,0.683,0.6579,0.6563,0.6548,0.6533,0.6517,0.6472,0.6352,0.6307,0.6278,0.6249,0.6234,0.6161,0.609,0.5949,0.5852,0.5717,0.5355,0.5342,0.533,0.5317,0.5134,0.5122,0.5098,0.5062,0.5039,0.473,0.4632,0.4546,0.4514,0.443,0.441,0.4379,0.4277,0.4198,0.4044,0.3556,0.3433,0.2935,0.2762],[0.9754,0.9424,0.9019,0.8933,0.8916,0.8882,0.8597,0.8565,0.8386,0.818,0.8102,0.801,0.7783,0.7724,0.7621,0.7578,0.742,0.7321,0.71,0.7087,0.7073,0.706,0.7046,0.7006,0.69,0.686,0.6834,0.6808,0.6795,0.673,0.6666,0.654,0.6453,0.6331,0.6,0.5989,0.5977,0.5966,0.5797,0.5786,0.5764,0.5731,0.5709,0.5422,0.5329,0.5248,0.5218,0.5139,0.5119,0.509,0.4994,0.4918,0.477,0.4293,0.4172,0.367,0.3492],[0.9681,0.9256,0.874,0.8631,0.861,0.8567,0.8211,0.8171,0.7949,0.7696,0.76,0.7487,0.7212,0.7141,0.7017,0.6965,0.6776,0.6659,0.6399,0.6383,0.6367,0.6351,0.6335,0.6288,0.6164,0.6118,0.6087,0.6057,0.6042,0.5967,0.5893,0.5748,0.5648,0.5509,0.5137,0.5125,0.5112,0.5099,0.4912,0.49,0.4875,0.4839,0.4815,0.4501,0.4401,0.4314,0.4282,0.4198,0.4177,0.4146,0.4043,0.3964,0.3808,0.332,0.3198,0.2706,0.2536],[0.9774,0.947,0.9095,0.9016,0.9,0.8968,0.8705,0.8674,0.8508,0.8316,0.8243,0.8157,0.7945,0.7889,0.7793,0.7752,0.7604,0.7511,0.7303,0.729,0.7277,0.7264,0.7252,0.7213,0.7113,0.7075,0.7051,0.7026,0.7014,0.6952,0.6891,0.6771,0.6689,0.6572,0.6257,0.6246,0.6235,0.6224,0.6062,0.6052,0.603,0.5999,0.5978,0.5701,0.5611,0.5533,0.5504,0.5427,0.5408,0.538,0.5286,0.5212,0.5068,0.4601,0.4482,0.3984,0.3806],[0.9784,0.9492,0.9131,0.9055,0.904,0.9009,0.8755,0.8726,0.8566,0.8381,0.831,0.8227,0.8022,0.7968,0.7875,0.7835,0.7691,0.7601,0.7399,0.7387,0.7375,0.7362,0.735,0.7313,0.7215,0.7179,0.7155,0.713,0.7118,0.7059,0.7,0.6883,0.6802,0.6689,0.6381,0.637,0.636,0.6349,0.6191,0.618,0.6159,0.6128,0.6108,0.5837,0.5749,0.5672,0.5643,0.5568,0.5549,0.5521,0.5429,0.5357,0.5214,0.4753,0.4635,0.4141,0.3964],[0.9663,0.9215,0.8673,0.8559,0.8537,0.8492,0.812,0.8077,0.7846,0.7582,0.7483,0.7365,0.708,0.7005,0.6877,0.6823,0.6628,0.6507,0.6238,0.6222,0.6205,0.6189,0.6173,0.6124,0.5996,0.5949,0.5918,0.5886,0.5871,0.5794,0.5718,0.5569,0.5468,0.5325,0.4946,0.4933,0.492,0.4907,0.4717,0.4705,0.468,0.4643,0.4619,0.4301,0.42,0.4113,0.408,0.3995,0.3974,0.3943,0.384,0.376,0.3605,0.3118,0.2997,0.2512,0.2346],[0.9653,0.9192,0.8635,0.8519,0.8496,0.845,0.8068,0.8024,0.7788,0.7518,0.7416,0.7296,0.7005,0.6929,0.6799,0.6744,0.6545,0.6422,0.6148,0.6132,0.6115,0.6099,0.6082,0.6033,0.5903,0.5855,0.5823,0.5792,0.5776,0.5698,0.5621,0.547,0.5367,0.5224,0.4841,0.4828,0.4815,0.4802,0.461,0.4597,0.4572,0.4535,0.4511,0.4192,0.409,0.4002,0.397,0.3884,0.3863,0.3832,0.3729,0.3649,0.3494,0.3009,0.2889,0.2408,0.2244],[0.9777,0.9477,0.9106,0.9027,0.9012,0.8981,0.872,0.869,0.8525,0.8335,0.8263,0.8178,0.7968,0.7913,0.7817,0.7777,0.763,0.7538,0.7331,0.7319,0.7306,0.7293,0.7281,0.7243,0.7143,0.7106,0.7081,0.7057,0.7045,0.6984,0.6924,0.6805,0.6722,0.6607,0.6294,0.6283,0.6272,0.6261,0.61,0.609,0.6069,0.6037,0.6016,0.5741,0.5652,0.5574,0.5545,0.5469,0.545,0.5422,0.5329,0.5255,0.5111,0.4646,0.4527,0.403,0.3853],[0.9715,0.9334,0.8869,0.8771,0.8752,0.8713,0.839,0.8353,0.8151,0.7919,0.7832,0.7728,0.7475,0.7409,0.7294,0.7246,0.7071,0.6962,0.6719,0.6704,0.6689,0.6674,0.6659,0.6615,0.6498,0.6455,0.6427,0.6398,0.6384,0.6313,0.6244,0.6106,0.6012,0.588,0.5525,0.5513,0.5501,0.5489,0.5309,0.5297,0.5273,0.5238,0.5215,0.4912,0.4814,0.4729,0.4698,0.4615,0.4595,0.4564,0.4464,0.4385,0.4232,0.3745,0.3623,0.3122,0.2946],[0.9721,0.9348,0.8892,0.8796,0.8777,0.8739,0.8421,0.8385,0.8187,0.7958,0.7872,0.777,0.7521,0.7456,0.7343,0.7295,0.7123,0.7015,0.6775,0.6761,0.6746,0.6731,0.6717,0.6673,0.6558,0.6515,0.6487,0.6459,0.6445,0.6375,0.6306,0.617,0.6077,0.5946,0.5595,0.5583,0.5571,0.5559,0.538,0.5369,0.5345,0.5311,0.5288,0.4986,0.4889,0.4805,0.4774,0.4691,0.4671,0.4641,0.4541,0.4462,0.431,0.3824,0.3701,0.3199,0.3023],[0.9793,0.9513,0.9166,0.9093,0.9078,0.9049,0.8804,0.8776,0.8622,0.8443,0.8375,0.8294,0.8096,0.8044,0.7954,0.7915,0.7776,0.7689,0.7493,0.7481,0.7469,0.7457,0.7445,0.7409,0.7314,0.7279,0.7256,0.7232,0.722,0.7163,0.7105,0.6991,0.6913,0.6802,0.6502,0.6492,0.6481,0.6471,0.6316,0.6306,0.6286,0.6255,0.6235,0.597,0.5884,0.5808,0.578,0.5706,0.5688,0.566,0.557,0.5498,0.5358,0.4904,0.4787,0.4296,0.412],[0.9817,0.957,0.9263,0.9197,0.9184,0.9158,0.894,0.8915,0.8777,0.8617,0.8556,0.8483,0.8305,0.8258,0.8176,0.8141,0.8015,0.7936,0.7758,0.7747,0.7736,0.7725,0.7714,0.7682,0.7595,0.7563,0.7541,0.752,0.7509,0.7456,0.7404,0.7299,0.7227,0.7125,0.6848,0.6838,0.6829,0.6819,0.6675,0.6666,0.6647,0.6619,0.66,0.6352,0.6272,0.6201,0.6175,0.6105,0.6088,0.6062,0.5976,0.5909,0.5777,0.5343,0.5231,0.4757,0.4584],[0.9677,0.9247,0.8725,0.8615,0.8594,0.855,0.8191,0.815,0.7926,0.767,0.7574,0.746,0.7183,0.711,0.6986,0.6933,0.6743,0.6625,0.6362,0.6346,0.633,0.6314,0.6299,0.6251,0.6126,0.608,0.6049,0.6019,0.6003,0.5928,0.5854,0.5708,0.5608,0.5468,0.5094,0.5081,0.5069,0.5056,0.4868,0.4856,0.4831,0.4795,0.477,0.4456,0.4356,0.4269,0.4236,0.4152,0.4131,0.41,0.3997,0.3917,0.3762,0.3274,0.3152,0.2662,0.2492],[0.9667,0.9225,0.8688,0.8576,0.8554,0.8509,0.8141,0.8099,0.787,0.7608,0.751,0.7393,0.711,0.7037,0.6909,0.6856,0.6662,0.6542,0.6275,0.6259,0.6242,0.6226,0.621,0.6162,0.6035,0.5988,0.5957,0.5926,0.591,0.5834,0.5758,0.561,0.5509,0.5367,0.499,0.4977,0.4964,0.4951,0.4762,0.4749,0.4725,0.4688,0.4664,0.4347,0.4246,0.4159,0.4126,0.4041,0.402,0.3989,0.3887,0.3806,0.3651,0.3164,0.3043,0.2556,0.2389],[0.9623,0.9123,0.8523,0.8398,0.8373,0.8323,0.7915,0.7868,0.7616,0.7329,0.7221,0.7094,0.6786,0.6706,0.6568,0.651,0.6302,0.6173,0.5887,0.587,0.5852,0.5835,0.5818,0.5766,0.5631,0.5582,0.5549,0.5516,0.55,0.5419,0.5339,0.5184,0.5077,0.4929,0.4537,0.4524,0.451,0.4497,0.4302,0.4289,0.4264,0.4226,0.4201,0.3878,0.3776,0.3688,0.3655,0.357,0.3549,0.3517,0.3415,0.3335,0.3181,0.2703,0.2586,0.212,0.1963],[0.97,0.93,0.8813,0.8711,0.869,0.865,0.8313,0.8274,0.8064,0.7822,0.7731,0.7623,0.736,0.7292,0.7173,0.7123,0.6942,0.683,0.6579,0.6563,0.6548,0.6533,0.6517,0.6472,0.6352,0.6307,0.6278,0.6249,0.6234,0.6161,0.609,0.5949,0.5852,0.5717,0.5355,0.5342,0.533,0.5317,0.5134,0.5122,0.5098,0.5062,0.5039,0.473,0.4632,0.4546,0.4514,0.443,0.441,0.4379,0.4277,0.4198,0.4044,0.3556,0.3433,0.2935,0.2762],[0.9554,0.8968,0.8272,0.8128,0.81,0.8043,0.7577,0.7524,0.7239,0.6916,0.6795,0.6654,0.6312,0.6224,0.6073,0.6009,0.5782,0.5641,0.5333,0.5314,0.5296,0.5277,0.5259,0.5203,0.5059,0.5006,0.4971,0.4936,0.4919,0.4834,0.4749,0.4585,0.4474,0.432,0.3915,0.3901,0.3888,0.3874,0.3675,0.3662,0.3637,0.3599,0.3573,0.325,0.3149,0.3062,0.303,0.2946,0.2925,0.2894,0.2795,0.2717,0.2569,0.2117,0.2009,0.1588,0.1449],[0.9707,0.9315,0.8837,0.8736,0.8716,0.8676,0.8345,0.8307,0.81,0.7863,0.7773,0.7667,0.7408,0.7341,0.7224,0.7175,0.6996,0.6885,0.6637,0.6622,0.6607,0.6592,0.6577,0.6532,0.6413,0.6369,0.634,0.6311,0.6297,0.6225,0.6154,0.6015,0.5919,0.5785,0.5426,0.5413,0.5401,0.5389,0.5207,0.5195,0.5171,0.5136,0.5112,0.4806,0.4708,0.4622,0.4591,0.4507,0.4487,0.4456,0.4355,0.4276,0.4122,0.3634,0.3512,0.3012,0.2838],[0.9719,0.9342,0.8883,0.8786,0.8767,0.8728,0.8409,0.8372,0.8172,0.7942,0.7856,0.7753,0.7502,0.7436,0.7323,0.7275,0.7102,0.6993,0.6752,0.6737,0.6722,0.6708,0.6693,0.6649,0.6533,0.6491,0.6462,0.6434,0.642,0.635,0.628,0.6144,0.605,0.5919,0.5566,0.5554,0.5542,0.553,0.5351,0.5339,0.5316,0.5281,0.5258,0.4955,0.4858,0.4774,0.4743,0.466,0.464,0.4609,0.4509,0.4431,0.4278,0.3792,0.3669,0.3167,0.2992],[0.9623,0.9123,0.8523,0.8398,0.8373,0.8323,0.7915,0.7868,0.7616,0.7329,0.7221,0.7094,0.6786,0.6706,0.6568,0.651,0.6302,0.6173,0.5887,0.587,0.5852,0.5835,0.5818,0.5766,0.5631,0.5582,0.5549,0.5516,0.55,0.5419,0.5339,0.5184,0.5077,0.4929,0.4537,0.4524,0.451,0.4497,0.4302,0.4289,0.4264,0.4226,0.4201,0.3878,0.3776,0.3688,0.3655,0.357,0.3549,0.3517,0.3415,0.3335,0.3181,0.2703,0.2586,0.212,0.1963],[0.9563,0.8989,0.8306,0.8164,0.8136,0.808,0.7622,0.7569,0.7289,0.697,0.6851,0.6711,0.6374,0.6287,0.6137,0.6075,0.5849,0.571,0.5404,0.5386,0.5367,0.5349,0.5331,0.5276,0.5133,0.508,0.5045,0.5011,0.4994,0.4908,0.4825,0.4662,0.4551,0.4397,0.3994,0.398,0.3966,0.3953,0.3754,0.3741,0.3715,0.3677,0.3652,0.3328,0.3227,0.3139,0.3107,0.3023,0.3002,0.2971,0.2871,0.2793,0.2644,0.2188,0.2078,0.1651,0.151],[0.9572,0.9009,0.8338,0.8199,0.8172,0.8117,0.7666,0.7614,0.7337,0.7023,0.6906,0.6768,0.6435,0.6349,0.6201,0.6139,0.5916,0.5778,0.5475,0.5457,0.5439,0.542,0.5402,0.5348,0.5206,0.5153,0.5119,0.5085,0.5067,0.4983,0.49,0.4738,0.4627,0.4474,0.4072,0.4058,0.4045,0.4031,0.3833,0.382,0.3794,0.3756,0.3731,0.3407,0.3305,0.3217,0.3185,0.31,0.308,0.3049,0.2948,0.287,0.2719,0.226,0.2148,0.1715,0.1571],[0.9733,0.9374,0.8936,0.8843,0.8825,0.8788,0.8482,0.8447,0.8255,0.8035,0.7952,0.7853,0.7611,0.7548,0.7439,0.7392,0.7225,0.712,0.6887,0.6872,0.6858,0.6844,0.6829,0.6787,0.6675,0.6633,0.6606,0.6578,0.6564,0.6496,0.6429,0.6296,0.6205,0.6077,0.5733,0.5721,0.5709,0.5697,0.5522,0.551,0.5487,0.5453,0.543,0.5133,0.5038,0.4955,0.4924,0.4842,0.4822,0.4792,0.4693,0.4616,0.4464,0.3981,0.3859,0.3356,0.3179],[0.9623,0.9123,0.8523,0.8398,0.8373,0.8323,0.7915,0.7868,0.7616,0.7329,0.7221,0.7094,0.6786,0.6706,0.6568,0.651,0.6302,0.6173,0.5887,0.587,0.5852,0.5835,0.5818,0.5766,0.5631,0.5582,0.5549,0.5516,0.55,0.5419,0.5339,0.5184,0.5077,0.4929,0.4537,0.4524,0.451,0.4497,0.4302,0.4289,0.4264,0.4226,0.4201,0.3878,0.3776,0.3688,0.3655,0.357,0.3549,0.3517,0.3415,0.3335,0.3181,0.2703,0.2586,0.212,0.1963],[0.9788,0.9502,0.9149,0.9074,0.9059,0.9029,0.878,0.8751,0.8594,0.8412,0.8343,0.8261,0.8059,0.8006,0.7915,0.7876,0.7734,0.7646,0.7447,0.7434,0.7422,0.741,0.7398,0.7361,0.7265,0.7229,0.7205,0.7182,0.717,0.7111,0.7053,0.6938,0.6858,0.6746,0.6442,0.6431,0.6421,0.641,0.6254,0.6243,0.6223,0.6192,0.6172,0.5903,0.5817,0.574,0.5712,0.5637,0.5619,0.5591,0.55,0.5428,0.5287,0.4829,0.4711,0.4219,0.4042],[0.9653,0.9192,0.8635,0.8519,0.8496,0.845,0.8068,0.8024,0.7788,0.7518,0.7416,0.7296,0.7005,0.6929,0.6799,0.6744,0.6545,0.6422,0.6148,0.6132,0.6115,0.6099,0.6082,0.6033,0.5903,0.5855,0.5823,0.5792,0.5776,0.5698,0.5621,0.547,0.5367,0.5224,0.4841,0.4828,0.4815,0.4802,0.461,0.4597,0.4572,0.4535,0.4511,0.4192,0.409,0.4002,0.397,0.3884,0.3863,0.3832,0.3729,0.3649,0.3494,0.3009,0.2889,0.2408,0.2244],[0.9727,0.9361,0.8914,0.882,0.8801,0.8764,0.8452,0.8416,0.8221,0.7997,0.7912,0.7812,0.7566,0.7502,0.7391,0.7344,0.7174,0.7068,0.6831,0.6817,0.6802,0.6788,0.6773,0.673,0.6617,0.6575,0.6547,0.6519,0.6505,0.6436,0.6368,0.6234,0.6142,0.6012,0.5664,0.5652,0.564,0.5628,0.5451,0.544,0.5417,0.5382,0.5359,0.506,0.4964,0.488,0.4849,0.4767,0.4747,0.4717,0.4617,0.4539,0.4387,0.3903,0.378,0.3277,0.3101],[0.9544,0.8947,0.8239,0.8092,0.8063,0.8005,0.7532,0.7478,0.7189,0.6861,0.6739,0.6595,0.625,0.6161,0.6008,0.5944,0.5714,0.5572,0.5261,0.5242,0.5223,0.5205,0.5186,0.5131,0.4985,0.4932,0.4897,0.4862,0.4844,0.4758,0.4674,0.4509,0.4397,0.4242,0.3837,0.3823,0.3809,0.3795,0.3597,0.3584,0.3558,0.352,0.3495,0.3172,0.3071,0.2984,0.2952,0.2869,0.2848,0.2818,0.2719,0.2642,0.2494,0.2048,0.194,0.1526,0.139],[0.9733,0.9374,0.8936,0.8843,0.8825,0.8788,0.8482,0.8447,0.8255,0.8035,0.7952,0.7853,0.7611,0.7548,0.7439,0.7392,0.7225,0.712,0.6887,0.6872,0.6858,0.6844,0.6829,0.6787,0.6675,0.6633,0.6606,0.6578,0.6564,0.6496,0.6429,0.6296,0.6205,0.6077,0.5733,0.5721,0.5709,0.5697,0.5522,0.551,0.5487,0.5453,0.543,0.5133,0.5038,0.4955,0.4924,0.4842,0.4822,0.4792,0.4693,0.4616,0.4464,0.3981,0.3859,0.3356,0.3179],[0.9797,0.9523,0.9183,0.9111,0.9097,0.9068,0.8828,0.88,0.8649,0.8473,0.8406,0.8327,0.8132,0.8081,0.7992,0.7955,0.7818,0.7732,0.7539,0.7527,0.7515,0.7504,0.7492,0.7456,0.7363,0.7328,0.7305,0.7282,0.727,0.7213,0.7157,0.7045,0.6967,0.6858,0.6562,0.6551,0.6541,0.6531,0.6378,0.6368,0.6348,0.6318,0.6298,0.6035,0.595,0.5875,0.5848,0.5774,0.5756,0.5729,0.5639,0.5568,0.543,0.4978,0.4862,0.4374,0.4198],[0.9733,0.9374,0.8936,0.8843,0.8825,0.8788,0.8482,0.8447,0.8255,0.8035,0.7952,0.7853,0.7611,0.7548,0.7439,0.7392,0.7225,0.712,0.6887,0.6872,0.6858,0.6844,0.6829,0.6787,0.6675,0.6633,0.6606,0.6578,0.6564,0.6496,0.6429,0.6296,0.6205,0.6077,0.5733,0.5721,0.5709,0.5697,0.5522,0.551,0.5487,0.5453,0.543,0.5133,0.5038,0.4955,0.4924,0.4842,0.4822,0.4792,0.4693,0.4616,0.4464,0.3981,0.3859,0.3356,0.3179],[0.9638,0.9158,0.858,0.8459,0.8435,0.8388,0.7993,0.7948,0.7704,0.7425,0.732,0.7197,0.6897,0.6819,0.6685,0.6628,0.6425,0.6299,0.6019,0.6002,0.5985,0.5968,0.5951,0.5901,0.5768,0.572,0.5687,0.5655,0.5639,0.556,0.5481,0.5328,0.5223,0.5077,0.469,0.4676,0.4663,0.465,0.4456,0.4444,0.4419,0.4381,0.4356,0.4035,0.3934,0.3845,0.3813,0.3727,0.3706,0.3675,0.3572,0.3492,0.3337,0.2855,0.2736,0.2263,0.2102],[0.9774,0.947,0.9095,0.9016,0.9,0.8968,0.8705,0.8674,0.8508,0.8316,0.8243,0.8157,0.7945,0.7889,0.7793,0.7752,0.7604,0.7511,0.7303,0.729,0.7277,0.7264,0.7252,0.7213,0.7113,0.7075,0.7051,0.7026,0.7014,0.6952,0.6891,0.6771,0.6689,0.6572,0.6257,0.6246,0.6235,0.6224,0.6062,0.6052,0.603,0.5999,0.5978,0.5701,0.5611,0.5533,0.5504,0.5427,0.5408,0.538,0.5286,0.5212,0.5068,0.4601,0.4482,0.3984,0.3806],[0.9797,0.9523,0.9183,0.9111,0.9097,0.9068,0.8828,0.88,0.8649,0.8473,0.8406,0.8327,0.8132,0.8081,0.7992,0.7955,0.7818,0.7732,0.7539,0.7527,0.7515,0.7504,0.7492,0.7456,0.7363,0.7328,0.7305,0.7282,0.727,0.7213,0.7157,0.7045,0.6967,0.6858,0.6562,0.6551,0.6541,0.6531,0.6378,0.6368,0.6348,0.6318,0.6298,0.6035,0.595,0.5875,0.5848,0.5774,0.5756,0.5729,0.5639,0.5568,0.543,0.4978,0.4862,0.4374,0.4198],[0.9581,0.9029,0.8371,0.8234,0.8207,0.8153,0.7709,0.7658,0.7386,0.7076,0.6961,0.6824,0.6495,0.641,0.6264,0.6203,0.5982,0.5846,0.5545,0.5527,0.5509,0.5491,0.5473,0.5419,0.5278,0.5226,0.5192,0.5158,0.5141,0.5057,0.4974,0.4813,0.4703,0.4551,0.415,0.4136,0.4123,0.4109,0.3911,0.3898,0.3873,0.3835,0.3809,0.3485,0.3383,0.3295,0.3263,0.3178,0.3157,0.3126,0.3025,0.2946,0.2795,0.2332,0.2219,0.178,0.1634],[0.9754,0.9424,0.9019,0.8933,0.8916,0.8882,0.8597,0.8565,0.8386,0.818,0.8102,0.801,0.7783,0.7724,0.7621,0.7578,0.742,0.7321,0.71,0.7087,0.7073,0.706,0.7046,0.7006,0.69,0.686,0.6834,0.6808,0.6795,0.673,0.6666,0.654,0.6453,0.6331,0.6,0.5989,0.5977,0.5966,0.5797,0.5786,0.5764,0.5731,0.5709,0.5422,0.5329,0.5248,0.5218,0.5139,0.5119,0.509,0.4994,0.4918,0.477,0.4293,0.4172,0.367,0.3492],[0.9749,0.9412,0.8998,0.8911,0.8894,0.8859,0.8569,0.8536,0.8354,0.8145,0.8066,0.7972,0.7741,0.7681,0.7577,0.7532,0.7372,0.7272,0.7048,0.7034,0.7021,0.7007,0.6993,0.6952,0.6844,0.6804,0.6778,0.6751,0.6738,0.6673,0.6608,0.648,0.6392,0.6268,0.5934,0.5923,0.5911,0.59,0.5729,0.5718,0.5696,0.5663,0.564,0.5351,0.5257,0.5176,0.5145,0.5066,0.5046,0.5016,0.4919,0.4843,0.4694,0.4216,0.4094,0.3591,0.3413],[0.9598,0.9068,0.8433,0.8301,0.8275,0.8223,0.7793,0.7744,0.748,0.7179,0.7067,0.6934,0.6614,0.6531,0.6388,0.6328,0.6112,0.5978,0.5684,0.5666,0.5648,0.563,0.5613,0.556,0.5421,0.537,0.5336,0.5303,0.5286,0.5203,0.5122,0.4963,0.4854,0.4703,0.4306,0.4292,0.4279,0.4265,0.4068,0.4055,0.403,0.3992,0.3966,0.3642,0.354,0.3452,0.342,0.3334,0.3313,0.3282,0.318,0.3101,0.2948,0.2478,0.2364,0.1913,0.1763],[0.9581,0.9029,0.8371,0.8234,0.8207,0.8153,0.7709,0.7658,0.7386,0.7076,0.6961,0.6824,0.6495,0.641,0.6264,0.6203,0.5982,0.5846,0.5545,0.5527,0.5509,0.5491,0.5473,0.5419,0.5278,0.5226,0.5192,0.5158,0.5141,0.5057,0.4974,0.4813,0.4703,0.4551,0.415,0.4136,0.4123,0.4109,0.3911,0.3898,0.3873,0.3835,0.3809,0.3485,0.3383,0.3295,0.3263,0.3178,0.3157,0.3126,0.3025,0.2946,0.2795,0.2332,0.2219,0.178,0.1634],[0.9727,0.9361,0.8914,0.882,0.8801,0.8764,0.8452,0.8416,0.8221,0.7997,0.7912,0.7812,0.7566,0.7502,0.7391,0.7344,0.7174,0.7068,0.6831,0.6817,0.6802,0.6788,0.6773,0.673,0.6617,0.6575,0.6547,0.6519,0.6505,0.6436,0.6368,0.6234,0.6142,0.6012,0.5664,0.5652,0.564,0.5628,0.5451,0.544,0.5417,0.5382,0.5359,0.506,0.4964,0.488,0.4849,0.4767,0.4747,0.4717,0.4617,0.4539,0.4387,0.3903,0.378,0.3277,0.3101],[0.9615,0.9105,0.8493,0.8366,0.8341,0.829,0.7875,0.7828,0.7571,0.728,0.717,0.7041,0.6729,0.6648,0.6509,0.645,0.6239,0.6109,0.582,0.5803,0.5785,0.5768,0.575,0.5698,0.5562,0.5512,0.5479,0.5446,0.5429,0.5348,0.5267,0.511,0.5003,0.4854,0.446,0.4447,0.4433,0.442,0.4224,0.4211,0.4186,0.4148,0.4123,0.38,0.3698,0.3609,0.3577,0.3491,0.347,0.3439,0.3337,0.3257,0.3103,0.2628,0.2511,0.2051,0.1895],[0.9615,0.9105,0.8493,0.8366,0.8341,0.829,0.7875,0.7828,0.7571,0.728,0.717,0.7041,0.6729,0.6648,0.6509,0.645,0.6239,0.6109,0.582,0.5803,0.5785,0.5768,0.575,0.5698,0.5562,0.5512,0.5479,0.5446,0.5429,0.5348,0.5267,0.511,0.5003,0.4854,0.446,0.4447,0.4433,0.442,0.4224,0.4211,0.4186,0.4148,0.4123,0.38,0.3698,0.3609,0.3577,0.3491,0.347,0.3439,0.3337,0.3257,0.3103,0.2628,0.2511,0.2051,0.1895],[0.9832,0.9604,0.9321,0.9261,0.9249,0.9225,0.9023,0.8999,0.8871,0.8722,0.8666,0.8598,0.8432,0.8388,0.8312,0.828,0.8162,0.8088,0.7921,0.7911,0.7901,0.789,0.788,0.785,0.7768,0.7738,0.7718,0.7698,0.7688,0.7638,0.7588,0.749,0.7422,0.7326,0.7064,0.7055,0.7046,0.7036,0.69,0.6891,0.6873,0.6847,0.6829,0.6593,0.6516,0.6449,0.6424,0.6357,0.634,0.6316,0.6234,0.6169,0.6042,0.5625,0.5516,0.5055,0.4887],[0.9515,0.8882,0.8134,0.7979,0.7949,0.7888,0.7392,0.7335,0.7033,0.6692,0.6565,0.6416,0.6058,0.5966,0.5809,0.5742,0.5506,0.536,0.5042,0.5023,0.5003,0.4984,0.4965,0.4909,0.4761,0.4706,0.467,0.4635,0.4617,0.453,0.4444,0.4277,0.4164,0.4008,0.3601,0.3587,0.3573,0.356,0.3361,0.3348,0.3323,0.3285,0.326,0.294,0.284,0.2755,0.2723,0.2641,0.2621,0.2591,0.2494,0.2419,0.2275,0.1843,0.1741,0.1347,0.1219],[0.969,0.9277,0.8775,0.8669,0.8648,0.8607,0.826,0.822,0.8004,0.7756,0.7663,0.7552,0.7283,0.7213,0.7092,0.704,0.6855,0.674,0.6484,0.6468,0.6453,0.6437,0.6422,0.6375,0.6253,0.6208,0.6178,0.6148,0.6133,0.6059,0.5986,0.5843,0.5745,0.5608,0.524,0.5228,0.5215,0.5202,0.5017,0.5005,0.4981,0.4945,0.4921,0.4609,0.451,0.4424,0.4392,0.4307,0.4287,0.4256,0.4154,0.4074,0.3919,0.3431,0.3309,0.2813,0.2642],[0.9765,0.9448,0.9058,0.8975,0.8959,0.8926,0.8652,0.862,0.8448,0.8249,0.8174,0.8085,0.7865,0.7808,0.7708,0.7666,0.7513,0.7417,0.7203,0.719,0.7177,0.7163,0.715,0.7111,0.7008,0.6969,0.6944,0.6918,0.6906,0.6843,0.678,0.6657,0.6572,0.6453,0.613,0.6119,0.6108,0.6096,0.5931,0.592,0.5899,0.5866,0.5845,0.5563,0.5472,0.5392,0.5362,0.5284,0.5265,0.5236,0.5141,0.5066,0.492,0.4448,0.4327,0.3827,0.3649],[0.9598,0.9068,0.8433,0.8301,0.8275,0.8223,0.7793,0.7744,0.748,0.7179,0.7067,0.6934,0.6614,0.6531,0.6388,0.6328,0.6112,0.5978,0.5684,0.5666,0.5648,0.563,0.5613,0.556,0.5421,0.537,0.5336,0.5303,0.5286,0.5203,0.5122,0.4963,0.4854,0.4703,0.4306,0.4292,0.4279,0.4265,0.4068,0.4055,0.403,0.3992,0.3966,0.3642,0.354,0.3452,0.342,0.3334,0.3313,0.3282,0.318,0.3101,0.2948,0.2478,0.2364,0.1913,0.1763],[0.9684,0.9262,0.875,0.8643,0.8621,0.8579,0.8226,0.8185,0.7965,0.7713,0.7619,0.7506,0.7233,0.7162,0.7039,0.6987,0.68,0.6683,0.6424,0.6408,0.6392,0.6376,0.636,0.6313,0.619,0.6144,0.6114,0.6084,0.6069,0.5994,0.592,0.5776,0.5677,0.5538,0.5168,0.5155,0.5142,0.5129,0.4943,0.493,0.4906,0.487,0.4846,0.4533,0.4433,0.4346,0.4314,0.423,0.4209,0.4178,0.4076,0.3996,0.3841,0.3352,0.323,0.2737,0.2567],[0.9515,0.8882,0.8134,0.7979,0.7949,0.7888,0.7392,0.7335,0.7033,0.6692,0.6565,0.6416,0.6058,0.5966,0.5809,0.5742,0.5506,0.536,0.5042,0.5023,0.5003,0.4984,0.4965,0.4909,0.4761,0.4706,0.467,0.4635,0.4617,0.453,0.4444,0.4277,0.4164,0.4008,0.3601,0.3587,0.3573,0.356,0.3361,0.3348,0.3323,0.3285,0.326,0.294,0.284,0.2755,0.2723,0.2641,0.2621,0.2591,0.2494,0.2419,0.2275,0.1843,0.1741,0.1347,0.1219],[0.9505,0.8859,0.8097,0.7941,0.791,0.7848,0.7344,0.7286,0.698,0.6634,0.6506,0.6355,0.5993,0.59,0.5741,0.5674,0.5435,0.5288,0.4968,0.4948,0.4929,0.491,0.4891,0.4834,0.4685,0.463,0.4594,0.4558,0.4541,0.4453,0.4367,0.4199,0.4086,0.3929,0.3522,0.3508,0.3495,0.3481,0.3283,0.327,0.3244,0.3207,0.3182,0.2863,0.2764,0.2679,0.2648,0.2566,0.2546,0.2517,0.242,0.2346,0.2203,0.1777,0.1676,0.129,0.1165],[0.9777,0.9477,0.9106,0.9027,0.9012,0.8981,0.872,0.869,0.8525,0.8335,0.8263,0.8178,0.7968,0.7913,0.7817,0.7777,0.763,0.7538,0.7331,0.7319,0.7306,0.7293,0.7281,0.7243,0.7143,0.7106,0.7081,0.7057,0.7045,0.6984,0.6924,0.6805,0.6722,0.6607,0.6294,0.6283,0.6272,0.6261,0.61,0.609,0.6069,0.6037,0.6016,0.5741,0.5652,0.5574,0.5545,0.5469,0.545,0.5422,0.5329,0.5255,0.5111,0.4646,0.4527,0.403,0.3853],[0.9656,0.9199,0.8646,0.8531,0.8508,0.8462,0.8083,0.804,0.7805,0.7537,0.7436,0.7317,0.7027,0.6952,0.6822,0.6767,0.6569,0.6447,0.6175,0.6158,0.6142,0.6125,0.6109,0.6059,0.593,0.5882,0.5851,0.5819,0.5804,0.5726,0.565,0.5499,0.5397,0.5253,0.4872,0.4859,0.4846,0.4832,0.4641,0.4629,0.4604,0.4567,0.4542,0.4224,0.4122,0.4035,0.4002,0.3917,0.3896,0.3864,0.3762,0.3682,0.3526,0.3041,0.292,0.2438,0.2273],[0.9606,0.9087,0.8464,0.8334,0.8308,0.8257,0.7835,0.7786,0.7526,0.723,0.7119,0.6988,0.6672,0.659,0.6449,0.6389,0.6176,0.6044,0.5752,0.5735,0.5717,0.5699,0.5682,0.5629,0.5492,0.5441,0.5408,0.5374,0.5358,0.5276,0.5195,0.5037,0.4929,0.4779,0.4383,0.437,0.4356,0.4343,0.4146,0.4133,0.4108,0.407,0.4045,0.3721,0.3619,0.3531,0.3498,0.3413,0.3392,0.3361,0.3258,0.3179,0.3025,0.2553,0.2437,0.1981,0.1829],[0.976,0.9436,0.9038,0.8954,0.8937,0.8904,0.8625,0.8593,0.8418,0.8215,0.8139,0.8048,0.7825,0.7766,0.7665,0.7622,0.7467,0.737,0.7152,0.7139,0.7125,0.7112,0.7099,0.7059,0.6954,0.6915,0.6889,0.6863,0.6851,0.6787,0.6724,0.6599,0.6513,0.6392,0.6066,0.6054,0.6043,0.6032,0.5865,0.5854,0.5832,0.5799,0.5777,0.5492,0.5401,0.532,0.5291,0.5212,0.5192,0.5163,0.5068,0.4992,0.4845,0.4371,0.425,0.3749,0.357]],"times":[13,31,54,59,60,62,79,81,92,105,110,116,131,135,142,145,156,163,179,180,181,182,183,186,194,197,199,201,202,207,212,222,229,239,267,268,269,270,285,286,288,291,293,320,329,337,340,348,350,353,363,371,387,442,457,524,550],"brier_score_survMetrics":[0.0171,0.0267,0.0398,0.0472,0.0535,0.0608,0.0736,0.0803,0.091,0.102,0.1086,0.1143,0.1268,0.1325,0.1393,0.146,0.1553,0.1624,0.1744,0.1776,0.1801,0.185,0.1855,0.1904,0.1981,0.2011,0.2055,0.2083,0.212,0.2145,0.2192,0.2199,0.2206,0.2276,0.2384,0.2436,0.241,0.2384,0.2425,0.2431,0.241,0.2398,0.2421,0.2479,0.2437,0.2453,0.2464,0.2478,0.2465,0.2387,0.2306,0.2306,0.234,0.2089,0.1967,0.1599,0.1431],"ibrier_score_survMetrics":[0.1779],"brier_score_survAUC":[0.0425,0.0523,0.0612,0.07,0.0789,0.0877,0.0965,0.1053,0.114,0.1228,0.1316,0.1404,0.1491,0.1579,0.1667,0.1754,0.1842,0.193,0.2018,0.2105,0.2193,0.2281,0.2368,0.2456,0.2456,0.2548,0.2637,0.2726,0.2815,0.2904,0.2993,0.3082,0.3171,0.326,0.3349,0.326,0.3349,0.3438,0.3616,0.3705,0.3794,0.3883,0.3972,0.4061,0.415,0.4238,0.4327,0.4416,0.4505,0.4683,0.4772,0.4861,0.4861,0.495,0.5039,0.5217,0.5309],"ibrier_score_survAUC":[0.2131]},{"train_time":[455,210,1022,310,361,218,166,170,567,613,707,61,301,81,371,520,574,118,390,12,473,26,107,53,814,965,93,731,460,153,433,583,95,303,519,643,765,53,246,689,5,687,345,444,223,60,163,65,821,428,230,840,305,11,226,426,705,363,176,791,95,196,167,806,284,641,147,740,163,655,88,245,30,477,559,450,156,529,429,351,15,181,283],"train_status":[true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,false,true,false,true,true,true,false,true,true,true,true,true,true,false,true,true,false,true,true,true,true,true],"test_time":[13,212,524,288,363,199,550,54,558,207,92,60,551,293,353,267,511,457,337,201,404,222,62,458,353,163,31,229,156,291,179,376,384,268,292,142,413,266,320,181,285,301,348,197,382,303,296,180,145,269,300,284,292,332,285,259,110,286,270,225,269,225,243,276,135,79,59,240,202,235,239,252,221,185,222,183,211,175,197,203,191,105,174,177],"test_status":[true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,false,true,true,true,false,true,true,false,true,true,true,true,true,true,true,false,false,true,false,true,false,false,true,true,true,false,true,true,false,false,false,true,true,false,false,false,false,false,true,false,true,true,true,false,true,false,false,false,true,true,true,false,false,false,true,false,false,false,false,true,false,false,false,false,false,false,false,false],"estimate":[[0.9147,0.8085,0.6905,0.6673,0.6627,0.6537,0.5817,0.5321,0.4703,0.3962,0.3777,0.37,0.3431,0.327,0.293,0.291,0.289,0.2851,0.259,0.2555,0.252,0.2418,0.2337,0.2182,0.208,0.1942,0.1603,0.1592,0.1581,0.157,0.1417,0.1407,0.1388,0.1359,0.1341,0.1114,0.0992,0.092,0.0889,0.083,0.0436,0.0275,0.023],[0.947,0.8781,0.7974,0.7809,0.7776,0.7711,0.7181,0.68,0.6306,0.5678,0.5514,0.5445,0.52,0.5049,0.4722,0.4702,0.4682,0.4643,0.4379,0.4342,0.4306,0.4199,0.4112,0.3943,0.3829,0.3672,0.3265,0.3251,0.3238,0.3224,0.3028,0.3015,0.299,0.2952,0.2928,0.2614,0.2435,0.2325,0.2277,0.2183,0.1472,0.1112,0.0997],[0.957,0.9005,0.8331,0.8191,0.8163,0.8108,0.7655,0.7326,0.6893,0.6335,0.6186,0.6124,0.59,0.5762,0.5459,0.544,0.5422,0.5385,0.5136,0.5102,0.5067,0.4966,0.4882,0.472,0.461,0.4456,0.4054,0.404,0.4026,0.4013,0.3814,0.3801,0.3776,0.3738,0.3712,0.3388,0.3199,0.3082,0.3031,0.293,0.2132,0.17,0.1557],[0.9258,0.832,0.7259,0.7047,0.7006,0.6923,0.6259,0.5795,0.5208,0.449,0.4307,0.4232,0.3964,0.3803,0.3459,0.3438,0.3418,0.3378,0.3108,0.3072,0.3036,0.2929,0.2844,0.268,0.2571,0.2423,0.2052,0.204,0.2028,0.2016,0.1844,0.1834,0.1812,0.178,0.1759,0.1499,0.1355,0.1269,0.1232,0.1161,0.0665,0.0447,0.0383],[0.9483,0.8812,0.8022,0.786,0.7828,0.7765,0.7244,0.687,0.6383,0.5764,0.5602,0.5534,0.5291,0.5142,0.4817,0.4797,0.4778,0.4739,0.4476,0.4439,0.4403,0.4297,0.421,0.4042,0.3928,0.3771,0.3364,0.335,0.3336,0.3323,0.3125,0.3113,0.3087,0.305,0.3025,0.271,0.2528,0.2417,0.2368,0.2273,0.1549,0.1179,0.106],[0.9624,0.9126,0.8528,0.8403,0.8378,0.8329,0.7922,0.7624,0.723,0.6716,0.6579,0.6521,0.6313,0.6184,0.5899,0.5881,0.5864,0.583,0.5594,0.5561,0.5528,0.5431,0.5352,0.5196,0.509,0.4942,0.4551,0.4537,0.4524,0.4511,0.4315,0.4303,0.4277,0.424,0.4215,0.3892,0.3702,0.3584,0.3531,0.3429,0.2599,0.2133,0.1975],[0.9779,0.948,0.9112,0.9033,0.9018,0.8987,0.8727,0.8534,0.8274,0.7925,0.783,0.7789,0.7643,0.7552,0.7346,0.7334,0.7321,0.7296,0.7122,0.7097,0.7073,0.7,0.694,0.6822,0.674,0.6625,0.6313,0.6302,0.6291,0.628,0.612,0.6109,0.6088,0.6057,0.6036,0.5762,0.5596,0.5491,0.5443,0.535,0.455,0.4054,0.3877],[0.9348,0.8515,0.7557,0.7364,0.7326,0.725,0.6638,0.6205,0.5652,0.4965,0.4788,0.4714,0.4452,0.4294,0.3952,0.3931,0.3911,0.3871,0.3599,0.3562,0.3526,0.3418,0.333,0.3162,0.3049,0.2895,0.2504,0.2491,0.2478,0.2465,0.228,0.2269,0.2245,0.2211,0.2188,0.1902,0.1741,0.1645,0.1603,0.1522,0.0934,0.066,0.0577],[0.9765,0.9449,0.906,0.8977,0.8961,0.8928,0.8655,0.8451,0.8178,0.7812,0.7713,0.7671,0.7518,0.7422,0.7208,0.7195,0.7182,0.7156,0.6975,0.6949,0.6924,0.6848,0.6786,0.6663,0.6578,0.6459,0.6136,0.6125,0.6114,0.6103,0.5938,0.5927,0.5905,0.5873,0.5852,0.557,0.5399,0.5292,0.5243,0.5148,0.4335,0.3835,0.3657],[0.963,0.9141,0.8552,0.8429,0.8404,0.8356,0.7954,0.766,0.7271,0.6763,0.6627,0.6569,0.6363,0.6236,0.5953,0.5936,0.5919,0.5884,0.5651,0.5618,0.5585,0.5489,0.541,0.5256,0.515,0.5003,0.4613,0.46,0.4587,0.4573,0.4379,0.4366,0.4341,0.4303,0.4278,0.3956,0.3766,0.3648,0.3596,0.3493,0.266,0.2191,0.2032],[0.9666,0.9223,0.8685,0.8573,0.855,0.8506,0.8137,0.7865,0.7504,0.703,0.6903,0.6849,0.6655,0.6535,0.6267,0.6251,0.6235,0.6202,0.598,0.5948,0.5918,0.5826,0.575,0.5602,0.55,0.5359,0.4981,0.4968,0.4955,0.4942,0.4752,0.474,0.4715,0.4679,0.4654,0.4337,0.4149,0.4032,0.3979,0.3877,0.3033,0.2547,0.238],[0.9675,0.9242,0.8716,0.8606,0.8584,0.8541,0.8179,0.7913,0.7559,0.7093,0.6968,0.6915,0.6724,0.6605,0.6342,0.6326,0.631,0.6278,0.6058,0.6027,0.5997,0.5906,0.5831,0.5685,0.5584,0.5444,0.507,0.5057,0.5044,0.5031,0.4843,0.4831,0.4806,0.4769,0.4745,0.443,0.4243,0.4126,0.4074,0.3971,0.3126,0.2637,0.2468],[0.9189,0.8174,0.7038,0.6813,0.6769,0.6681,0.5982,0.5497,0.4889,0.4155,0.3971,0.3894,0.3625,0.3464,0.3121,0.3101,0.3081,0.3041,0.2776,0.274,0.2705,0.2601,0.2518,0.236,0.2255,0.2113,0.1761,0.1749,0.1738,0.1727,0.1566,0.1556,0.1536,0.1506,0.1487,0.1247,0.1117,0.104,0.1006,0.0943,0.0512,0.0331,0.0279],[0.979,0.9506,0.9156,0.9082,0.9067,0.9037,0.879,0.8605,0.8356,0.8022,0.7931,0.7892,0.7751,0.7663,0.7466,0.7454,0.7441,0.7417,0.7249,0.7226,0.7202,0.7132,0.7074,0.6959,0.688,0.6769,0.6466,0.6456,0.6445,0.6435,0.6279,0.6269,0.6249,0.6218,0.6198,0.593,0.5768,0.5665,0.5619,0.5528,0.4742,0.425,0.4074],[0.9809,0.955,0.923,0.9162,0.9148,0.9121,0.8894,0.8724,0.8494,0.8185,0.81,0.8064,0.7934,0.7852,0.7668,0.7656,0.7645,0.7622,0.7466,0.7443,0.7421,0.7356,0.7301,0.7194,0.7119,0.7014,0.6729,0.6719,0.6709,0.6699,0.6552,0.6542,0.6523,0.6494,0.6474,0.622,0.6065,0.5967,0.5923,0.5836,0.5076,0.4596,0.4422],[0.965,0.9186,0.8625,0.8507,0.8484,0.8438,0.8054,0.7772,0.7398,0.6908,0.6777,0.6721,0.6522,0.6398,0.6123,0.6106,0.609,0.6056,0.5829,0.5797,0.5765,0.5671,0.5594,0.5443,0.5339,0.5195,0.4811,0.4798,0.4785,0.4772,0.458,0.4567,0.4542,0.4505,0.448,0.4161,0.3971,0.3854,0.3801,0.3698,0.2859,0.2379,0.2215],[0.934,0.8497,0.7529,0.7334,0.7296,0.7219,0.6603,0.6167,0.561,0.4919,0.4742,0.4668,0.4405,0.4246,0.3904,0.3883,0.3863,0.3823,0.3552,0.3514,0.3478,0.337,0.3282,0.3114,0.3002,0.2848,0.2458,0.2446,0.2433,0.242,0.2237,0.2225,0.2202,0.2167,0.2145,0.1861,0.1702,0.1606,0.1565,0.1484,0.0906,0.0637,0.0556],[0.9643,0.917,0.8599,0.848,0.8456,0.8409,0.8019,0.7733,0.7353,0.6857,0.6724,0.6668,0.6466,0.6341,0.6064,0.6047,0.603,0.5996,0.5766,0.5734,0.5702,0.5607,0.553,0.5377,0.5273,0.5128,0.4742,0.4728,0.4715,0.4702,0.4509,0.4496,0.4471,0.4434,0.4409,0.4089,0.3899,0.3781,0.3729,0.3626,0.2788,0.2312,0.215],[0.9817,0.9568,0.926,0.9194,0.9181,0.9155,0.8936,0.8772,0.855,0.8251,0.8169,0.8134,0.8008,0.7928,0.7749,0.7738,0.7727,0.7705,0.7553,0.7532,0.751,0.7446,0.7394,0.7289,0.7217,0.7115,0.6836,0.6827,0.6817,0.6807,0.6663,0.6654,0.6635,0.6607,0.6588,0.6339,0.6188,0.6092,0.6048,0.5963,0.5216,0.4741,0.4568],[0.9439,0.8714,0.7867,0.7694,0.766,0.7593,0.704,0.6645,0.6135,0.549,0.5322,0.5251,0.5001,0.4848,0.4515,0.4495,0.4475,0.4436,0.4168,0.4131,0.4095,0.3987,0.3899,0.373,0.3616,0.3459,0.3054,0.3041,0.3027,0.3014,0.2819,0.2807,0.2782,0.2745,0.2721,0.2413,0.2238,0.2131,0.2084,0.1994,0.1313,0.0975,0.0869],[0.9465,0.8771,0.7958,0.7792,0.7759,0.7694,0.716,0.6777,0.628,0.565,0.5485,0.5416,0.517,0.5019,0.4691,0.4671,0.4651,0.4612,0.4347,0.431,0.4274,0.4167,0.408,0.3911,0.3797,0.3639,0.3233,0.3219,0.3206,0.3192,0.2996,0.2983,0.2958,0.2921,0.2896,0.2584,0.2405,0.2295,0.2247,0.2154,0.1448,0.109,0.0977],[0.9344,0.8506,0.7543,0.7349,0.7311,0.7235,0.662,0.6186,0.5631,0.4942,0.4765,0.4691,0.4429,0.427,0.3928,0.3907,0.3887,0.3847,0.3576,0.3538,0.3502,0.3394,0.3306,0.3138,0.3026,0.2872,0.2481,0.2468,0.2455,0.2443,0.2259,0.2247,0.2223,0.2189,0.2166,0.1881,0.1722,0.1626,0.1584,0.1503,0.092,0.0649,0.0566],[0.9772,0.9464,0.9085,0.9005,0.8989,0.8957,0.869,0.8492,0.8224,0.7867,0.777,0.7729,0.7579,0.7485,0.7275,0.7263,0.725,0.7224,0.7046,0.7021,0.6997,0.6922,0.6861,0.674,0.6657,0.654,0.6222,0.6211,0.62,0.6189,0.6026,0.6016,0.5994,0.5962,0.5941,0.5663,0.5494,0.5388,0.534,0.5246,0.4439,0.3941,0.3763],[0.9733,0.9374,0.8935,0.8843,0.8824,0.8788,0.8482,0.8255,0.7951,0.7547,0.7438,0.7391,0.7224,0.7119,0.6886,0.6871,0.6857,0.6829,0.6632,0.6605,0.6577,0.6495,0.6428,0.6295,0.6204,0.6076,0.5732,0.572,0.5708,0.5696,0.5521,0.5509,0.5486,0.5452,0.5429,0.5132,0.4954,0.4841,0.4791,0.4692,0.3857,0.3354,0.3177],[0.9607,0.9088,0.8466,0.8337,0.8311,0.826,0.7838,0.753,0.7124,0.6595,0.6455,0.6395,0.6182,0.605,0.5759,0.5741,0.5723,0.5688,0.5448,0.5414,0.5381,0.5282,0.5202,0.5044,0.4936,0.4786,0.439,0.4377,0.4363,0.435,0.4153,0.414,0.4115,0.4077,0.4052,0.3728,0.3538,0.342,0.3368,0.3265,0.2444,0.1988,0.1835],[0.9641,0.9165,0.859,0.847,0.8447,0.8399,0.8007,0.7719,0.7338,0.684,0.6706,0.665,0.6447,0.6322,0.6043,0.6026,0.6009,0.5976,0.5745,0.5713,0.5681,0.5586,0.5508,0.5355,0.525,0.5105,0.4718,0.4705,0.4691,0.4678,0.4485,0.4472,0.4447,0.441,0.4385,0.4064,0.3875,0.3756,0.3704,0.3601,0.2764,0.2289,0.2128],[0.955,0.8959,0.8258,0.8113,0.8084,0.8027,0.7557,0.7217,0.6771,0.6197,0.6045,0.5981,0.5752,0.5611,0.5302,0.5283,0.5264,0.5227,0.4974,0.4939,0.4904,0.4801,0.4716,0.4552,0.4441,0.4286,0.3881,0.3867,0.3853,0.384,0.3641,0.3628,0.3602,0.3564,0.3539,0.3216,0.3028,0.2912,0.2861,0.2761,0.1979,0.156,0.1423],[0.962,0.9118,0.8515,0.8389,0.8364,0.8314,0.7904,0.7604,0.7207,0.669,0.6552,0.6494,0.6285,0.6155,0.5869,0.5851,0.5834,0.5799,0.5562,0.5529,0.5497,0.5399,0.532,0.5163,0.5057,0.4909,0.4516,0.4503,0.4489,0.4476,0.428,0.4268,0.4242,0.4205,0.418,0.3857,0.3666,0.3548,0.3496,0.3393,0.2565,0.2101,0.1945],[0.9214,0.8227,0.7118,0.6898,0.6854,0.6769,0.6082,0.5604,0.5003,0.4275,0.4091,0.4014,0.3746,0.3584,0.3241,0.322,0.32,0.316,0.2893,0.2857,0.2822,0.2717,0.2633,0.2472,0.2366,0.2221,0.1862,0.1851,0.1839,0.1827,0.1663,0.1652,0.1632,0.1601,0.1581,0.1334,0.1199,0.1118,0.1084,0.1018,0.0563,0.0369,0.0314],[0.9292,0.8394,0.7371,0.7166,0.7125,0.7045,0.64,0.5947,0.5372,0.4665,0.4484,0.4409,0.4143,0.3982,0.3638,0.3618,0.3597,0.3557,0.3287,0.325,0.3213,0.3106,0.302,0.2854,0.2743,0.2592,0.2213,0.2201,0.2188,0.2176,0.1999,0.1988,0.1966,0.1933,0.1911,0.1641,0.149,0.1401,0.1362,0.1287,0.0757,0.0518,0.0448],[0.9541,0.894,0.8227,0.808,0.8051,0.7993,0.7516,0.7171,0.672,0.6139,0.5986,0.5921,0.5691,0.5548,0.5237,0.5218,0.5199,0.5162,0.4907,0.4872,0.4837,0.4733,0.4648,0.4483,0.4371,0.4216,0.381,0.3796,0.3783,0.3769,0.357,0.3557,0.3532,0.3494,0.3469,0.3146,0.2959,0.2843,0.2792,0.2693,0.1918,0.1505,0.137],[0.9803,0.9538,0.9208,0.9138,0.9125,0.9097,0.8864,0.8689,0.8454,0.8137,0.8051,0.8014,0.788,0.7797,0.7608,0.7597,0.7585,0.7562,0.7402,0.738,0.7357,0.729,0.7234,0.7125,0.7049,0.6942,0.6652,0.6642,0.6631,0.6621,0.6471,0.6461,0.6442,0.6412,0.6393,0.6135,0.5977,0.5878,0.5833,0.5745,0.4977,0.4493,0.4318],[0.9838,0.9617,0.9342,0.9284,0.9272,0.9249,0.9053,0.8905,0.8706,0.8436,0.8362,0.833,0.8215,0.8143,0.7981,0.7971,0.7961,0.7941,0.7802,0.7782,0.7763,0.7704,0.7656,0.756,0.7493,0.74,0.7143,0.7134,0.7125,0.7116,0.6983,0.6974,0.6957,0.693,0.6913,0.6682,0.654,0.645,0.641,0.6329,0.5622,0.5167,0.5001],[0.988,0.9716,0.9511,0.9467,0.9458,0.9441,0.9293,0.9182,0.9029,0.8822,0.8765,0.8741,0.8652,0.8596,0.8469,0.8461,0.8454,0.8438,0.8329,0.8313,0.8298,0.8252,0.8214,0.8138,0.8085,0.801,0.7805,0.7798,0.7791,0.7783,0.7676,0.7669,0.7654,0.7633,0.7619,0.743,0.7314,0.724,0.7206,0.714,0.6543,0.6149,0.6002],[0.9684,0.9263,0.8751,0.8644,0.8622,0.858,0.8227,0.7967,0.762,0.7164,0.7041,0.6989,0.6802,0.6685,0.6426,0.641,0.6394,0.6363,0.6146,0.6116,0.6086,0.5996,0.5923,0.5778,0.5679,0.5541,0.517,0.5158,0.5145,0.5132,0.4945,0.4933,0.4909,0.4873,0.4849,0.4536,0.4349,0.4233,0.4181,0.4079,0.3233,0.274,0.257],[0.9517,0.8885,0.814,0.7986,0.7956,0.7895,0.74,0.7042,0.6575,0.5977,0.582,0.5754,0.5518,0.5372,0.5055,0.5035,0.5016,0.4978,0.4719,0.4683,0.4648,0.4543,0.4457,0.429,0.4177,0.4021,0.3614,0.36,0.3587,0.3573,0.3374,0.3362,0.3336,0.3298,0.3273,0.2953,0.2768,0.2654,0.2604,0.2507,0.1752,0.1357,0.1229],[0.9536,0.8929,0.8209,0.8061,0.8031,0.7973,0.7493,0.7145,0.669,0.6106,0.5952,0.5887,0.5655,0.5513,0.52,0.5181,0.5162,0.5124,0.4869,0.4833,0.4798,0.4694,0.4609,0.4444,0.4331,0.4176,0.377,0.3756,0.3742,0.3729,0.353,0.3517,0.3492,0.3453,0.3428,0.3106,0.2919,0.2804,0.2753,0.2655,0.1883,0.1474,0.1341],[0.987,0.9692,0.947,0.9422,0.9413,0.9394,0.9234,0.9114,0.895,0.8727,0.8666,0.864,0.8545,0.8485,0.8349,0.834,0.8332,0.8315,0.8199,0.8182,0.8166,0.8116,0.8076,0.7995,0.7938,0.7859,0.764,0.7632,0.7625,0.7617,0.7503,0.7495,0.748,0.7457,0.7442,0.7242,0.7119,0.7041,0.7005,0.6935,0.6308,0.5896,0.5743],[0.9816,0.9566,0.9256,0.919,0.9177,0.9151,0.8931,0.8766,0.8543,0.8243,0.8161,0.8126,0.7999,0.7919,0.774,0.7729,0.7718,0.7696,0.7543,0.7522,0.75,0.7436,0.7383,0.7278,0.7205,0.7103,0.6824,0.6814,0.6805,0.6795,0.6651,0.6641,0.6622,0.6594,0.6575,0.6326,0.6174,0.6077,0.6034,0.5948,0.5199,0.4724,0.4551],[0.9568,0.9,0.8323,0.8183,0.8155,0.81,0.7645,0.7315,0.6881,0.632,0.6172,0.6109,0.5885,0.5746,0.5442,0.5424,0.5405,0.5369,0.5119,0.5085,0.505,0.4948,0.4865,0.4702,0.4592,0.4438,0.4035,0.4022,0.4008,0.3995,0.3796,0.3783,0.3757,0.3719,0.3694,0.337,0.3181,0.3064,0.3013,0.2912,0.2116,0.1685,0.1542],[0.9709,0.9319,0.8844,0.8744,0.8724,0.8685,0.8355,0.8112,0.7787,0.7356,0.724,0.7191,0.7013,0.6902,0.6656,0.6641,0.6626,0.6595,0.6389,0.636,0.6331,0.6245,0.6174,0.6036,0.594,0.5807,0.5448,0.5436,0.5424,0.5411,0.523,0.5218,0.5194,0.5159,0.5136,0.483,0.4647,0.4532,0.4481,0.438,0.3537,0.3037,0.2862],[0.9627,0.9134,0.854,0.8416,0.8392,0.8343,0.7939,0.7643,0.7251,0.674,0.6604,0.6546,0.6339,0.6211,0.5927,0.591,0.5893,0.5858,0.5623,0.5591,0.5558,0.5461,0.5382,0.5227,0.5121,0.4974,0.4583,0.457,0.4556,0.4543,0.4348,0.4336,0.431,0.4273,0.4248,0.3926,0.3735,0.3617,0.3565,0.3462,0.2631,0.2163,0.2005],[0.9859,0.9667,0.9427,0.9375,0.9365,0.9345,0.9172,0.9043,0.8867,0.8628,0.8562,0.8534,0.8432,0.8367,0.8222,0.8213,0.8204,0.8186,0.8062,0.8044,0.8027,0.7974,0.7931,0.7845,0.7785,0.77,0.7468,0.746,0.7452,0.7444,0.7322,0.7314,0.7298,0.7275,0.7259,0.7047,0.6918,0.6835,0.6798,0.6724,0.6067,0.5638,0.548],[0.9495,0.8838,0.8064,0.7904,0.7873,0.7811,0.7299,0.693,0.645,0.5839,0.5678,0.5611,0.537,0.5222,0.49,0.488,0.4861,0.4822,0.456,0.4524,0.4488,0.4382,0.4296,0.4128,0.4014,0.3857,0.345,0.3436,0.3423,0.3409,0.3211,0.3198,0.3173,0.3135,0.311,0.2793,0.261,0.2498,0.2449,0.2353,0.1618,0.1239,0.1117],[0.9842,0.9628,0.936,0.9303,0.9292,0.9269,0.9078,0.8935,0.874,0.8476,0.8404,0.8373,0.8261,0.8191,0.8032,0.8022,0.8012,0.7993,0.7857,0.7837,0.7818,0.7761,0.7714,0.762,0.7555,0.7463,0.7211,0.7203,0.7194,0.7185,0.7054,0.7046,0.7028,0.7003,0.6985,0.6758,0.6619,0.653,0.6491,0.6412,0.5715,0.5264,0.5099],[0.9647,0.9179,0.8613,0.8495,0.8472,0.8425,0.8038,0.7754,0.7378,0.6885,0.6753,0.6697,0.6497,0.6372,0.6097,0.608,0.6063,0.6029,0.5801,0.5769,0.5737,0.5642,0.5565,0.5413,0.5309,0.5165,0.478,0.4767,0.4754,0.474,0.4548,0.4535,0.451,0.4473,0.4448,0.4128,0.3939,0.3821,0.3769,0.3666,0.2827,0.2349,0.2186],[0.9817,0.957,0.9263,0.9198,0.9184,0.9158,0.894,0.8777,0.8556,0.8258,0.8176,0.8142,0.8016,0.7937,0.7759,0.7748,0.7737,0.7715,0.7563,0.7542,0.752,0.7457,0.7404,0.73,0.7228,0.7126,0.6848,0.6839,0.6829,0.6819,0.6676,0.6666,0.6648,0.6619,0.6601,0.6353,0.6201,0.6105,0.6062,0.5977,0.5231,0.4757,0.4585],[0.9667,0.9224,0.8688,0.8575,0.8553,0.8508,0.814,0.7869,0.7508,0.7035,0.6908,0.6854,0.666,0.654,0.6273,0.6257,0.624,0.6208,0.5986,0.5955,0.5924,0.5832,0.5756,0.5608,0.5507,0.5365,0.4988,0.4975,0.4962,0.4949,0.4759,0.4747,0.4722,0.4685,0.4661,0.4345,0.4156,0.4039,0.3987,0.3884,0.304,0.2553,0.2386],[0.98,0.9531,0.9197,0.9125,0.9111,0.9083,0.8847,0.867,0.8431,0.8111,0.8023,0.7986,0.7851,0.7766,0.7576,0.7564,0.7552,0.7529,0.7367,0.7344,0.7322,0.7254,0.7198,0.7087,0.701,0.6902,0.6609,0.6599,0.6589,0.6578,0.6427,0.6417,0.6397,0.6368,0.6348,0.6088,0.5929,0.5829,0.5784,0.5695,0.4922,0.4436,0.4261],[0.9755,0.9425,0.902,0.8935,0.8917,0.8884,0.86,0.8389,0.8105,0.7728,0.7625,0.7581,0.7424,0.7325,0.7105,0.7091,0.7078,0.7051,0.6865,0.6839,0.6813,0.6735,0.6671,0.6545,0.6458,0.6336,0.6006,0.5994,0.5983,0.5972,0.5803,0.5792,0.577,0.5737,0.5715,0.5428,0.5254,0.5145,0.5096,0.5,0.4178,0.3677,0.3499],[0.9765,0.9449,0.906,0.8977,0.8961,0.8928,0.8655,0.8451,0.8178,0.7812,0.7713,0.7671,0.7518,0.7422,0.7208,0.7195,0.7182,0.7156,0.6975,0.6949,0.6924,0.6848,0.6786,0.6663,0.6578,0.6459,0.6137,0.6125,0.6114,0.6103,0.5938,0.5927,0.5905,0.5873,0.5852,0.557,0.5399,0.5292,0.5243,0.5148,0.4335,0.3835,0.3657],[0.9833,0.9606,0.9324,0.9264,0.9252,0.9228,0.9027,0.8876,0.8672,0.8395,0.8319,0.8287,0.817,0.8096,0.793,0.792,0.7909,0.7889,0.7747,0.7727,0.7707,0.7647,0.7598,0.75,0.7432,0.7337,0.7075,0.7066,0.7057,0.7048,0.6912,0.6903,0.6885,0.6859,0.6841,0.6606,0.6462,0.637,0.6329,0.6248,0.5531,0.5071,0.4903],[0.9874,0.9703,0.9488,0.9441,0.9432,0.9414,0.9259,0.9143,0.8984,0.8768,0.8708,0.8683,0.859,0.8532,0.84,0.8392,0.8383,0.8367,0.8254,0.8238,0.8222,0.8174,0.8134,0.8055,0.8,0.7923,0.771,0.7702,0.7695,0.7687,0.7576,0.7568,0.7553,0.7531,0.7517,0.7322,0.7201,0.7125,0.709,0.7021,0.6407,0.6002,0.5852],[0.9907,0.9779,0.9619,0.9584,0.9577,0.9563,0.9447,0.9359,0.9238,0.9074,0.9028,0.9009,0.8937,0.8893,0.8791,0.8784,0.8778,0.8765,0.8677,0.8665,0.8653,0.8615,0.8584,0.8523,0.848,0.8419,0.8251,0.8245,0.8239,0.8233,0.8145,0.8139,0.8127,0.811,0.8098,0.7942,0.7845,0.7783,0.7755,0.77,0.7196,0.6857,0.673],[0.9563,0.8988,0.8304,0.8163,0.8135,0.8079,0.762,0.7286,0.6849,0.6284,0.6135,0.6072,0.5846,0.5707,0.5401,0.5383,0.5364,0.5328,0.5077,0.5042,0.5008,0.4905,0.4822,0.4659,0.4548,0.4394,0.399,0.3977,0.3963,0.3949,0.3751,0.3738,0.3712,0.3674,0.3649,0.3325,0.3136,0.302,0.2968,0.2868,0.2075,0.1648,0.1507],[0.9802,0.9535,0.9204,0.9133,0.9119,0.9091,0.8857,0.8682,0.8445,0.8127,0.804,0.8003,0.7869,0.7785,0.7596,0.7584,0.7572,0.7549,0.7388,0.7366,0.7343,0.7276,0.722,0.711,0.7034,0.6927,0.6635,0.6625,0.6615,0.6604,0.6454,0.6444,0.6424,0.6395,0.6375,0.6116,0.5958,0.5859,0.5814,0.5725,0.4955,0.447,0.4295],[0.9554,0.8969,0.8274,0.813,0.8101,0.8045,0.7579,0.7241,0.6798,0.6227,0.6076,0.6012,0.5784,0.5644,0.5336,0.5317,0.5299,0.5262,0.5009,0.4974,0.4939,0.4837,0.4752,0.4589,0.4477,0.4323,0.3918,0.3905,0.3891,0.3877,0.3678,0.3666,0.364,0.3602,0.3577,0.3253,0.3065,0.2949,0.2898,0.2798,0.2012,0.159,0.1451],[0.9838,0.9617,0.9343,0.9284,0.9272,0.9249,0.9053,0.8906,0.8706,0.8437,0.8363,0.8331,0.8216,0.8144,0.7982,0.7972,0.7962,0.7942,0.7803,0.7783,0.7764,0.7705,0.7657,0.7561,0.7495,0.7401,0.7144,0.7135,0.7127,0.7118,0.6984,0.6976,0.6958,0.6932,0.6914,0.6683,0.6542,0.6452,0.6411,0.6331,0.5624,0.5169,0.5003],[0.9578,0.9022,0.8359,0.8221,0.8194,0.814,0.7693,0.7368,0.6941,0.6388,0.6242,0.618,0.5958,0.5821,0.552,0.5502,0.5484,0.5447,0.52,0.5166,0.5131,0.503,0.4947,0.4786,0.4676,0.4523,0.4122,0.4108,0.4095,0.4081,0.3883,0.387,0.3844,0.3806,0.3781,0.3457,0.3267,0.315,0.3098,0.2997,0.2194,0.1756,0.1611],[0.9536,0.8928,0.8208,0.8059,0.803,0.7971,0.7491,0.7143,0.6688,0.6104,0.5949,0.5885,0.5653,0.551,0.5197,0.5178,0.5159,0.5121,0.4865,0.483,0.4795,0.4691,0.4606,0.444,0.4328,0.4173,0.3767,0.3753,0.3739,0.3726,0.3527,0.3514,0.3488,0.345,0.3425,0.3103,0.2916,0.2801,0.275,0.2651,0.188,0.1472,0.1338],[0.9548,0.8955,0.8251,0.8106,0.8077,0.802,0.7549,0.7207,0.676,0.6184,0.6032,0.5968,0.5739,0.5598,0.5288,0.5269,0.525,0.5213,0.496,0.4924,0.4889,0.4786,0.4702,0.4537,0.4426,0.4271,0.3866,0.3852,0.3838,0.3825,0.3626,0.3613,0.3587,0.3549,0.3524,0.3201,0.3013,0.2897,0.2846,0.2747,0.1966,0.1549,0.1412],[0.973,0.9368,0.8924,0.8831,0.8812,0.8775,0.8466,0.8238,0.7931,0.7524,0.7414,0.7367,0.7198,0.7093,0.6858,0.6843,0.6829,0.68,0.6602,0.6575,0.6547,0.6465,0.6397,0.6264,0.6172,0.6043,0.5697,0.5685,0.5673,0.5661,0.5485,0.5473,0.545,0.5416,0.5393,0.5095,0.4916,0.4803,0.4753,0.4653,0.3817,0.3315,0.3138],[0.9765,0.9448,0.9059,0.8976,0.896,0.8927,0.8654,0.845,0.8177,0.7811,0.7711,0.7669,0.7516,0.7421,0.7207,0.7193,0.718,0.7154,0.6973,0.6948,0.6922,0.6847,0.6784,0.6661,0.6576,0.6457,0.6135,0.6123,0.6112,0.6101,0.5936,0.5925,0.5903,0.5871,0.5849,0.5567,0.5397,0.5289,0.5241,0.5146,0.4333,0.3833,0.3655],[0.9819,0.9574,0.927,0.9205,0.9192,0.9166,0.895,0.8788,0.8568,0.8273,0.8192,0.8157,0.8032,0.7954,0.7777,0.7766,0.7755,0.7733,0.7583,0.7561,0.754,0.7477,0.7425,0.7321,0.7249,0.7148,0.6873,0.6863,0.6853,0.6844,0.6701,0.6692,0.6673,0.6645,0.6626,0.638,0.6229,0.6134,0.6091,0.6006,0.5263,0.479,0.4618],[0.9538,0.8933,0.8216,0.8068,0.8038,0.798,0.7501,0.7155,0.6701,0.6118,0.5964,0.59,0.5668,0.5525,0.5213,0.5194,0.5175,0.5138,0.4882,0.4847,0.4812,0.4708,0.4623,0.4458,0.4346,0.419,0.3784,0.3771,0.3757,0.3743,0.3544,0.3531,0.3506,0.3468,0.3443,0.312,0.2933,0.2818,0.2767,0.2668,0.1895,0.1485,0.1351],[0.9684,0.9263,0.8751,0.8643,0.8622,0.858,0.8227,0.7967,0.762,0.7164,0.7041,0.6989,0.6801,0.6685,0.6426,0.641,0.6394,0.6362,0.6146,0.6116,0.6086,0.5996,0.5923,0.5778,0.5679,0.554,0.517,0.5157,0.5144,0.5132,0.4945,0.4933,0.4909,0.4872,0.4848,0.4535,0.4349,0.4232,0.418,0.4078,0.3233,0.274,0.2569],[0.9772,0.9465,0.9087,0.9007,0.8991,0.8959,0.8693,0.8495,0.8228,0.7871,0.7774,0.7733,0.7583,0.749,0.728,0.7267,0.7255,0.7229,0.7052,0.7027,0.7002,0.6928,0.6867,0.6746,0.6663,0.6546,0.6228,0.6217,0.6206,0.6195,0.6033,0.6022,0.6001,0.5969,0.5948,0.567,0.5501,0.5395,0.5348,0.5254,0.4447,0.3949,0.3771],[0.9867,0.9686,0.9459,0.9411,0.9401,0.9382,0.9219,0.9096,0.8929,0.8702,0.864,0.8613,0.8516,0.8455,0.8317,0.8308,0.83,0.8282,0.8164,0.8147,0.813,0.808,0.8039,0.7956,0.7899,0.7818,0.7596,0.7588,0.7581,0.7573,0.7457,0.7449,0.7434,0.7411,0.7395,0.7193,0.7068,0.6988,0.6952,0.6881,0.6246,0.583,0.5676],[0.985,0.9646,0.9391,0.9336,0.9325,0.9304,0.9121,0.8984,0.8798,0.8546,0.8476,0.8447,0.8339,0.8271,0.8119,0.8109,0.81,0.8081,0.795,0.7932,0.7913,0.7858,0.7813,0.7722,0.766,0.7571,0.7328,0.732,0.7311,0.7303,0.7176,0.7168,0.7151,0.7126,0.711,0.689,0.6755,0.6669,0.663,0.6553,0.5874,0.5433,0.5271],[0.9767,0.9453,0.9067,0.8985,0.8969,0.8936,0.8665,0.8463,0.8191,0.7828,0.7729,0.7687,0.7535,0.744,0.7227,0.7214,0.7201,0.7175,0.6995,0.697,0.6944,0.6869,0.6807,0.6685,0.66,0.6482,0.6161,0.615,0.6138,0.6127,0.5963,0.5952,0.593,0.5898,0.5877,0.5596,0.5426,0.5319,0.5271,0.5176,0.4364,0.3865,0.3687],[0.9721,0.9347,0.8889,0.8793,0.8774,0.8736,0.8418,0.8183,0.7868,0.7451,0.7338,0.729,0.7117,0.7009,0.6769,0.6754,0.674,0.671,0.6509,0.648,0.6452,0.6368,0.6299,0.6163,0.607,0.5939,0.5587,0.5575,0.5563,0.5551,0.5372,0.5361,0.5337,0.5303,0.528,0.4978,0.4797,0.4683,0.4632,0.4532,0.3693,0.3191,0.3015],[0.9784,0.9492,0.9132,0.9055,0.904,0.901,0.8756,0.8567,0.8311,0.7969,0.7876,0.7836,0.7693,0.7603,0.7401,0.7388,0.7376,0.7351,0.718,0.7156,0.7132,0.706,0.7001,0.6884,0.6804,0.669,0.6383,0.6372,0.6361,0.6351,0.6192,0.6182,0.6161,0.613,0.611,0.5838,0.5674,0.557,0.5523,0.5431,0.4637,0.4143,0.3966],[0.9516,0.8885,0.8139,0.7985,0.7955,0.7894,0.7399,0.7041,0.6574,0.5976,0.5818,0.5752,0.5516,0.5371,0.5053,0.5033,0.5014,0.4976,0.4717,0.4682,0.4646,0.4541,0.4455,0.4288,0.4175,0.4019,0.3612,0.3598,0.3585,0.3571,0.3372,0.336,0.3334,0.3296,0.3271,0.2951,0.2766,0.2652,0.2602,0.2505,0.175,0.1355,0.1228],[0.9419,0.867,0.7798,0.7621,0.7586,0.7516,0.695,0.6547,0.6026,0.5371,0.52,0.5129,0.4876,0.4721,0.4386,0.4365,0.4345,0.4306,0.4037,0.4,0.3963,0.3855,0.3767,0.3598,0.3484,0.3327,0.2924,0.2911,0.2898,0.2884,0.2692,0.2679,0.2655,0.2618,0.2594,0.2291,0.2119,0.2014,0.1968,0.188,0.1219,0.0896,0.0794],[0.9478,0.8799,0.8003,0.7839,0.7807,0.7743,0.7218,0.6841,0.6352,0.5729,0.5566,0.5497,0.5253,0.5104,0.4778,0.4758,0.4739,0.47,0.4436,0.4399,0.4363,0.4257,0.417,0.4001,0.3887,0.373,0.3323,0.3309,0.3296,0.3282,0.3085,0.3072,0.3047,0.301,0.2985,0.267,0.2489,0.2379,0.233,0.2236,0.1517,0.1151,0.1034],[0.8852,0.7476,0.6025,0.5749,0.5695,0.5589,0.4765,0.4218,0.3563,0.2818,0.2639,0.2565,0.2314,0.2167,0.1865,0.1847,0.183,0.1796,0.1575,0.1546,0.1517,0.1434,0.1368,0.1246,0.1166,0.1062,0.0817,0.0809,0.0801,0.0794,0.069,0.0683,0.0671,0.0652,0.064,0.0497,0.0423,0.0382,0.0364,0.0332,0.0137,0.0073,0.0057],[0.9041,0.7863,0.6578,0.6328,0.6279,0.6182,0.5419,0.4899,0.426,0.3509,0.3324,0.3248,0.2982,0.2824,0.2495,0.2475,0.2456,0.2419,0.217,0.2136,0.2103,0.2008,0.1931,0.1787,0.1693,0.1566,0.1261,0.1251,0.1241,0.1232,0.1096,0.1088,0.1071,0.1047,0.103,0.0836,0.0732,0.0673,0.0647,0.0599,0.0289,0.0172,0.014],[0.988,0.9715,0.9509,0.9465,0.9456,0.9439,0.929,0.9178,0.9026,0.8818,0.8761,0.8736,0.8647,0.8591,0.8464,0.8456,0.8448,0.8432,0.8323,0.8308,0.8292,0.8246,0.8207,0.8131,0.8079,0.8004,0.7797,0.779,0.7783,0.7776,0.7668,0.7661,0.7646,0.7625,0.7611,0.7422,0.7305,0.7231,0.7197,0.713,0.6532,0.6137,0.599],[0.9701,0.9302,0.8815,0.8713,0.8693,0.8652,0.8315,0.8067,0.7735,0.7296,0.7178,0.7128,0.6947,0.6834,0.6584,0.6568,0.6553,0.6523,0.6313,0.6283,0.6254,0.6167,0.6095,0.5955,0.5858,0.5723,0.5361,0.5348,0.5336,0.5323,0.514,0.5128,0.5104,0.5069,0.5045,0.4737,0.4552,0.4437,0.4386,0.4284,0.344,0.2942,0.2768],[0.9739,0.939,0.8961,0.8871,0.8853,0.8817,0.8517,0.8296,0.7998,0.7602,0.7494,0.7449,0.7284,0.7181,0.6952,0.6938,0.6924,0.6896,0.6702,0.6675,0.6648,0.6567,0.6501,0.637,0.628,0.6154,0.5814,0.5802,0.579,0.5779,0.5605,0.5594,0.5571,0.5537,0.5515,0.5221,0.5043,0.4932,0.4882,0.4784,0.3952,0.345,0.3272],[0.9907,0.978,0.9619,0.9585,0.9578,0.9564,0.9448,0.936,0.924,0.9075,0.9029,0.901,0.8939,0.8894,0.8792,0.8786,0.878,0.8767,0.8679,0.8667,0.8654,0.8617,0.8586,0.8525,0.8482,0.8421,0.8253,0.8247,0.8241,0.8235,0.8147,0.8141,0.813,0.8112,0.81,0.7945,0.7848,0.7786,0.7758,0.7703,0.7199,0.6861,0.6734],[0.9602,0.9077,0.8447,0.8316,0.8291,0.8239,0.7813,0.7502,0.7091,0.6559,0.6417,0.6357,0.6142,0.6009,0.5716,0.5698,0.5681,0.5645,0.5404,0.537,0.5336,0.5237,0.5156,0.4998,0.4889,0.4739,0.4342,0.4328,0.4315,0.4302,0.4105,0.4092,0.4066,0.4028,0.4003,0.3679,0.3489,0.3371,0.3319,0.3217,0.2398,0.1945,0.1793],[0.9615,0.9106,0.8495,0.8368,0.8343,0.8293,0.7878,0.7574,0.7174,0.6652,0.6513,0.6454,0.6243,0.6113,0.5824,0.5807,0.5789,0.5755,0.5516,0.5483,0.545,0.5352,0.5272,0.5115,0.5008,0.4859,0.4465,0.4452,0.4438,0.4425,0.4229,0.4216,0.4191,0.4153,0.4128,0.3805,0.3614,0.3496,0.3444,0.3342,0.2516,0.2055,0.19],[0.98,0.953,0.9196,0.9125,0.9111,0.9083,0.8846,0.867,0.8431,0.811,0.8023,0.7985,0.785,0.7765,0.7575,0.7563,0.7551,0.7528,0.7366,0.7343,0.7321,0.7253,0.7197,0.7086,0.7009,0.6902,0.6608,0.6598,0.6588,0.6577,0.6426,0.6416,0.6396,0.6367,0.6347,0.6086,0.5928,0.5828,0.5783,0.5694,0.4921,0.4435,0.426]],"times":[13,31,54,59,60,62,79,92,110,135,142,145,156,163,179,180,181,183,197,199,201,207,212,222,229,239,267,268,269,270,285,286,288,291,293,320,337,348,353,363,457,524,550],"brier_score_survMetrics":[0.0116,0.026,0.0437,0.0561,0.0652,0.0757,0.0934,0.1088,0.126,0.1477,0.1551,0.1645,0.1695,0.1775,0.1919,0.1957,0.1974,0.1905,0.1975,0.2001,0.1987,0.2056,0.1989,0.193,0.1942,0.2014,0.2206,0.2308,0.2284,0.2254,0.2311,0.2389,0.2269,0.2154,0.2242,0.236,0.2509,0.2613,0.2576,0.2423,0.237,0.1824,0.1646],"ibrier_score_survMetrics":[0.1853],"brier_score_survAUC":[0.119,0.131,0.1429,0.1548,0.1667,0.1786,0.1905,0.2024,0.2143,0.2262,0.2381,0.25,0.2619,0.2738,0.2738,0.2857,0.2976,0.3095,0.3113,0.3234,0.3355,0.3355,0.3477,0.3598,0.3719,0.384,0.3719,0.3598,0.3719,0.384,0.4083,0.4204,0.4325,0.4447,0.4447,0.4568,0.4568,0.4447,0.4689,0.481,0.4819,0.4932,0.5059],"ibrier_score_survAUC":[0.1822]},{"train_time":[1838,403,1603,177,1855,842,293,42,564,1093,436,238,723,503,448,359,1720,1306,942,370,959,552,392,698,249,2051,1356,530,1150,956,679,1820,1013,1225,417,343,488,1862,1763,1587,446,344,63,1483,827,296,1701,2014,2030,722,286,184,1469,276,797,2128,1177,1449,1108,1460,533,1434,168,525,180,471,350,1167,855,449,745,544,186,308,1856,1965,546,1183,1826,360,797,375,779,336,578,463,526,502,540,721,1729,275,2030,72,17,420,2027,891,1352,1192,737,936,1089,377,1655,740,650,1981,742,1977,628,624,733,177,1207,542,1756,515,1459,233,455,379,223,622,426,227,1100,1693,1977,717,1434,973,498,557,650,1751,160,770,1441,424,1730,65,1387,242,792,500,1653,338,731,426,772,1884,1185,359,369,2007,2372,2353,1388,1193,358,175,1366,1163,2233,595,529,1472,2372,410,281,1675,1077,251,541,1192,859,518,548,1140,535,2024,1826,1094,29,2239,1589,504,308,657,1502,624,586,316,120,550,181,1685,828,114,2456,855,632,918,1195,272,2205,548,918,71,1317,195,790,1093,15,870,2034,490,859,486,974,1463,631,2052,1637,2126,1230,1838,758,476,1918,972,307,563,329,191,357,1735,429,729,1557,727,1841,1036,747,825,1363,1560,577,1157,1842,465,2612,964,559,1483,1641,1280,1280,571,1604,567,473,420,370,615,1331,1863,169,1182,415,594,854,305,1854,766,281,1521,945,893,2009,98,2563,1666,1208,859,2467,552,1459,1582,1956,575,853,1443,579,1091,544,247,663,348,2401,740,888,1090,148,730,372,1231,1253,1062,772,1349,1965,1240,1789,2551,1164,972,1868,1866,751,1598,113,1756,491,646,491,1684,16,2059,460,2048,883,890,1043,353,1833,1905,338,241,2144,2014,670],"train_status":[0,1,0,0,0,1,1,0,1,1,1,1,0,1,1,1,0,1,0,1,1,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,0,1,1,1,1,0,0,1,0,0,0,1,1,1,1,0,0,1,0,0,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,1,0,0,0,1,0,1,1,1,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,1,0,1,0,1,1,1,1,1,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,1,1,1,0,0,0,1,1,0,1,0,1,1,1,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,1,1,1,1,0,0,1,0,0,1,1,1,0,0,1,1,1,1,1,1,0,0,0,1,1,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,1,1,1,1,1,0,0,1,0,1,0,1,1,0,1,0,1,1,0,1,0,1,1,0,1,1,1,1,0,0,1,1,1,0,0,0,1,0,1,1,0,1,0,0,1,1,1,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,1,1,1,0,0,1,0,1,1,1,1,0,0,1,1,0,0,1],"test_time":[1222,858,675,2438,1502,229,598,1570,940,1296,855,967,1342,1401,495,836,2227,573,1601,1624,1080,754,867,769,1722,1722,1481,1357,1089,1525,768,1277,2234,1343,537,1904,918,2161,806,623,1814,877,456,936,288,956,995,945,712,1219,981,1729,2153,173,2156,1212,1059,1600,1878,2015,536,2057,1078,687,1807,1632,2018,67,1243,857,675,1976,1959,1852,1702,960,1714,1232,272,1786,371,1990,374,1351,2192,933,798,1989,545,18,1170,1807,547,1753,2170,1420,707,1730,1264,1105,1109,1791,1475,889,761,648,1113,1645,1528,857,1499,1355,838,1693,1979,481,8,637,1441,171,1527,2296,2011,801,1806,1120,819,1341,1514,566,554,1707,46,1174,1246,1493,612,1162,2177,753,841,1219,734,805,969,1897,1095,2217,310,1358,1722,1703,1743,1821,662,1146,385,2380,1701,195,1818,748,1692,1679,1490,2388,1833,1629,732,795,1781,2370,867,1861,1627,1371,2297,1642,2056,2138,2065,2049,1296,974,1337,623,695,1645,986,1680,594,1717,273,1717,1926,876,1840,1095,1922,1765,596,1323,1002,741,2017,322,776,554,1329,1233,57,1356,1502,2320,548,491,2172,550,1352,1701,1152,784,916,475,2161,2556,529,629,1666,652,1117,2132,1218,368,1427,1858,1340,1938,1818,1114,1846,1329,866,2195,1853,2237,1169,2456,476,1088,1721,1984,432,1751,205,747,1771,2010,861,1675,1090,1472,285,1847,1171,2659,2539,2449,2093,2286,762,1435,1105,1624,982,865,1720,1432,2271,1926,755,2009,1625,1343,1119,285,692,1933,17,651,1499,1834,2471,570,600,637,2039,438,2388,1250,1486,714,799,1767,2237,2175,319,1125,892,394,1279,1205,1505,1975,1617,2372,1350,970,213,1094,1364,2148,338,177,983,1283,1869,461,1814,740,1703,1578,722,553,991,967,1499,1222,1760,1152,1342,629,758],"test_status":[0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,1,1,0,1,0,1,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,1,1,0,0,0,1,0,0,1,1,1,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,1,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0,1,1,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0],"estimate":[[0.9094,0.9084,0.9064,0.8924,0.8598,0.8536,0.8522,0.8289,0.8138,0.8125,0.8075,0.8035,0.7841,0.7763,0.7681,0.7677,0.7656,0.7613,0.7597,0.7426,0.7421,0.7388,0.738,0.7376,0.7368,0.7352,0.7275,0.719,0.7174,0.7166,0.7119,0.7052,0.702,0.6978,0.6924,0.6874,0.6828,0.6753,0.6734,0.6727,0.666,0.6601,0.6579,0.6575,0.655,0.6524,0.6499,0.647,0.6431,0.6416,0.6409,0.6395,0.6346,0.6286,0.6279,0.622,0.6213,0.6199,0.6186,0.6182,0.6179,0.6148,0.6104,0.6006,0.5881,0.5868,0.58,0.5796,0.5793,0.5768,0.5732,0.5554,0.5489,0.5459,0.5414,0.5369,0.5292,0.5245,0.5222,0.521,0.5084,0.5082,0.5006,0.4915,0.4869,0.478,0.4759,0.4743,0.472,0.467,0.4545,0.4393,0.4364,0.4343,0.4287,0.428,0.411,0.3945,0.3936,0.3888,0.3778,0.3668,0.3666,0.3652,0.3339,0.3314,0.3312,0.3266,0.3261,0.3223,0.3128,0.281],[0.9092,0.9082,0.9062,0.8922,0.8596,0.8534,0.8519,0.8286,0.8135,0.8121,0.8072,0.8032,0.7837,0.7759,0.7678,0.7673,0.7652,0.761,0.7593,0.7421,0.7417,0.7384,0.7376,0.7372,0.7364,0.7347,0.727,0.7186,0.717,0.7162,0.7114,0.7047,0.7016,0.6973,0.6919,0.6869,0.6823,0.6748,0.6729,0.6722,0.6655,0.6596,0.6574,0.657,0.6545,0.6519,0.6494,0.6465,0.6425,0.6411,0.6404,0.639,0.634,0.6281,0.6274,0.6214,0.6208,0.6194,0.618,0.6177,0.6173,0.6142,0.6098,0.6,0.5875,0.5862,0.5794,0.5791,0.5787,0.5762,0.5726,0.5548,0.5483,0.5453,0.5408,0.5363,0.5286,0.5239,0.5215,0.5204,0.5078,0.5075,0.5,0.4909,0.4862,0.4774,0.4753,0.4737,0.4713,0.4664,0.4538,0.4387,0.4358,0.4336,0.4281,0.4274,0.4103,0.3938,0.3929,0.3881,0.3771,0.3661,0.3659,0.3645,0.3333,0.3307,0.3305,0.3259,0.3254,0.3216,0.3121,0.2803],[0.907,0.9059,0.9039,0.8895,0.8561,0.8498,0.8483,0.8245,0.8091,0.8077,0.8026,0.7985,0.7787,0.7707,0.7624,0.762,0.7598,0.7555,0.7538,0.7363,0.7359,0.7325,0.7317,0.7313,0.7304,0.7288,0.7209,0.7123,0.7107,0.7099,0.705,0.6982,0.695,0.6907,0.6852,0.6801,0.6755,0.6678,0.6659,0.6651,0.6583,0.6524,0.6501,0.6497,0.6472,0.6446,0.642,0.6391,0.6351,0.6336,0.6329,0.6315,0.6264,0.6204,0.6197,0.6137,0.613,0.6116,0.6102,0.6098,0.6095,0.6064,0.6019,0.592,0.5793,0.578,0.5711,0.5707,0.5704,0.5678,0.5643,0.5462,0.5397,0.5366,0.532,0.5275,0.5197,0.515,0.5126,0.5115,0.4988,0.4985,0.4909,0.4817,0.4771,0.4681,0.466,0.4644,0.462,0.4571,0.4444,0.4292,0.4263,0.4241,0.4186,0.4179,0.4008,0.3842,0.3833,0.3785,0.3675,0.3565,0.3563,0.3549,0.3237,0.3211,0.321,0.3164,0.3159,0.3121,0.3026,0.271],[0.9113,0.9103,0.9084,0.8946,0.8627,0.8566,0.8552,0.8323,0.8175,0.8162,0.8113,0.8074,0.7883,0.7806,0.7726,0.7722,0.7701,0.7659,0.7643,0.7475,0.7471,0.7438,0.743,0.7426,0.7418,0.7402,0.7326,0.7243,0.7227,0.7219,0.7172,0.7106,0.7076,0.7033,0.698,0.6931,0.6886,0.6812,0.6793,0.6786,0.672,0.6662,0.664,0.6636,0.6611,0.6586,0.6561,0.6533,0.6494,0.648,0.6473,0.6459,0.641,0.6351,0.6344,0.6286,0.6279,0.6265,0.6252,0.6248,0.6245,0.6214,0.6171,0.6074,0.595,0.5937,0.587,0.5867,0.5864,0.5838,0.5803,0.5627,0.5563,0.5533,0.5488,0.5443,0.5367,0.532,0.5297,0.5286,0.5161,0.5158,0.5083,0.4993,0.4947,0.4859,0.4838,0.4822,0.4799,0.475,0.4625,0.4474,0.4445,0.4423,0.4369,0.4361,0.4192,0.4027,0.4018,0.397,0.386,0.375,0.3748,0.3734,0.3421,0.3395,0.3394,0.3348,0.3342,0.3305,0.3209,0.289],[0.913,0.9121,0.9101,0.8967,0.8653,0.8593,0.8579,0.8354,0.8209,0.8196,0.8148,0.8109,0.7921,0.7846,0.7767,0.7763,0.7742,0.7701,0.7685,0.7519,0.7515,0.7483,0.7475,0.7471,0.7463,0.7447,0.7372,0.729,0.7275,0.7267,0.7221,0.7156,0.7125,0.7084,0.7031,0.6983,0.6938,0.6865,0.6847,0.6839,0.6774,0.6717,0.6695,0.6692,0.6667,0.6642,0.6618,0.6589,0.6551,0.6537,0.653,0.6516,0.6468,0.641,0.6403,0.6345,0.6338,0.6325,0.6312,0.6308,0.6305,0.6275,0.6231,0.6136,0.6013,0.6,0.5934,0.5931,0.5927,0.5902,0.5868,0.5693,0.5629,0.5599,0.5555,0.5511,0.5435,0.5389,0.5366,0.5355,0.5231,0.5228,0.5153,0.5064,0.5018,0.4931,0.491,0.4894,0.4871,0.4822,0.4698,0.4548,0.4519,0.4497,0.4443,0.4435,0.4267,0.4102,0.4093,0.4045,0.3935,0.3826,0.3824,0.3809,0.3497,0.3471,0.3469,0.3423,0.3418,0.338,0.3284,0.2963],[0.9118,0.9108,0.9088,0.8952,0.8634,0.8574,0.856,0.8332,0.8184,0.8171,0.8123,0.8083,0.7894,0.7817,0.7737,0.7733,0.7712,0.7671,0.7654,0.7487,0.7483,0.745,0.7442,0.7438,0.743,0.7414,0.7339,0.7256,0.724,0.7232,0.7186,0.712,0.7089,0.7047,0.6994,0.6945,0.69,0.6826,0.6808,0.6801,0.6735,0.6677,0.6655,0.6652,0.6627,0.6602,0.6577,0.6548,0.6509,0.6495,0.6488,0.6474,0.6426,0.6367,0.636,0.6302,0.6295,0.6282,0.6268,0.6265,0.6261,0.6231,0.6187,0.6091,0.5967,0.5955,0.5887,0.5884,0.5881,0.5856,0.5821,0.5645,0.5581,0.5551,0.5506,0.5462,0.5386,0.5339,0.5316,0.5305,0.518,0.5177,0.5102,0.5012,0.4966,0.4879,0.4858,0.4842,0.4819,0.4769,0.4645,0.4494,0.4465,0.4444,0.4389,0.4382,0.4212,0.4047,0.4039,0.3991,0.388,0.3771,0.3769,0.3755,0.3442,0.3416,0.3414,0.3368,0.3363,0.3325,0.3229,0.291],[0.9118,0.9108,0.9088,0.8952,0.8634,0.8574,0.856,0.8332,0.8184,0.8171,0.8123,0.8083,0.7894,0.7817,0.7737,0.7733,0.7712,0.7671,0.7654,0.7487,0.7483,0.745,0.7442,0.7438,0.743,0.7414,0.7339,0.7256,0.724,0.7232,0.7186,0.712,0.7089,0.7047,0.6994,0.6945,0.69,0.6826,0.6808,0.6801,0.6735,0.6677,0.6655,0.6652,0.6627,0.6602,0.6577,0.6548,0.6509,0.6495,0.6488,0.6474,0.6426,0.6367,0.636,0.6302,0.6295,0.6282,0.6268,0.6265,0.6261,0.6231,0.6187,0.6091,0.5967,0.5955,0.5887,0.5884,0.5881,0.5856,0.5821,0.5645,0.5581,0.5551,0.5506,0.5462,0.5386,0.5339,0.5316,0.5305,0.518,0.5177,0.5102,0.5012,0.4966,0.4879,0.4858,0.4842,0.4819,0.4769,0.4645,0.4494,0.4465,0.4444,0.4389,0.4382,0.4212,0.4047,0.4039,0.3991,0.388,0.3771,0.3769,0.3755,0.3442,0.3416,0.3414,0.3368,0.3363,0.3325,0.3229,0.291],[0.907,0.9059,0.9039,0.8895,0.8561,0.8498,0.8483,0.8245,0.8091,0.8077,0.8026,0.7985,0.7787,0.7707,0.7624,0.762,0.7598,0.7555,0.7538,0.7363,0.7359,0.7325,0.7317,0.7313,0.7304,0.7288,0.7209,0.7123,0.7107,0.7099,0.705,0.6982,0.695,0.6907,0.6852,0.6801,0.6755,0.6678,0.6659,0.6651,0.6583,0.6524,0.6501,0.6497,0.6472,0.6446,0.642,0.6391,0.6351,0.6336,0.6329,0.6315,0.6264,0.6204,0.6197,0.6137,0.613,0.6116,0.6102,0.6098,0.6095,0.6064,0.6019,0.592,0.5793,0.578,0.5711,0.5707,0.5704,0.5678,0.5643,0.5462,0.5397,0.5366,0.532,0.5275,0.5197,0.515,0.5126,0.5115,0.4988,0.4985,0.4909,0.4817,0.4771,0.4681,0.466,0.4644,0.462,0.4571,0.4444,0.4292,0.4263,0.4241,0.4186,0.4179,0.4008,0.3842,0.3833,0.3785,0.3675,0.3565,0.3563,0.3549,0.3237,0.3211,0.321,0.3164,0.3159,0.3121,0.3026,0.271],[0.9092,0.9082,0.9062,0.8922,0.8596,0.8534,0.8519,0.8286,0.8135,0.8121,0.8072,0.8032,0.7837,0.7759,0.7678,0.7673,0.7652,0.761,0.7593,0.7421,0.7417,0.7384,0.7376,0.7372,0.7364,0.7347,0.727,0.7186,0.717,0.7162,0.7114,0.7047,0.7016,0.6973,0.6919,0.6869,0.6823,0.6748,0.6729,0.6722,0.6655,0.6596,0.6574,0.657,0.6545,0.6519,0.6494,0.6465,0.6425,0.6411,0.6404,0.639,0.634,0.6281,0.6274,0.6214,0.6208,0.6194,0.618,0.6177,0.6173,0.6142,0.6098,0.6,0.5875,0.5862,0.5794,0.5791,0.5787,0.5762,0.5726,0.5548,0.5483,0.5453,0.5408,0.5363,0.5286,0.5239,0.5215,0.5204,0.5078,0.5075,0.5,0.4909,0.4862,0.4774,0.4753,0.4737,0.4713,0.4664,0.4538,0.4387,0.4358,0.4336,0.4281,0.4274,0.4103,0.3938,0.3929,0.3881,0.3771,0.3661,0.3659,0.3645,0.3333,0.3307,0.3305,0.3259,0.3254,0.3216,0.3121,0.2803],[0.9088,0.9077,0.9057,0.8916,0.8588,0.8526,0.8512,0.8277,0.8126,0.8112,0.8062,0.8022,0.7827,0.7748,0.7666,0.7662,0.7641,0.7598,0.7581,0.7409,0.7405,0.7372,0.7364,0.7359,0.7351,0.7335,0.7257,0.7172,0.7156,0.7148,0.7101,0.7033,0.7002,0.6959,0.6905,0.6855,0.6809,0.6733,0.6714,0.6707,0.6639,0.658,0.6558,0.6555,0.6529,0.6503,0.6478,0.6449,0.641,0.6395,0.6388,0.6374,0.6324,0.6264,0.6257,0.6198,0.6191,0.6177,0.6163,0.616,0.6156,0.6126,0.6081,0.5983,0.5857,0.5844,0.5776,0.5773,0.577,0.5744,0.5709,0.5529,0.5465,0.5434,0.5389,0.5344,0.5267,0.522,0.5196,0.5185,0.5059,0.5056,0.498,0.4889,0.4843,0.4754,0.4733,0.4717,0.4693,0.4644,0.4518,0.4367,0.4337,0.4316,0.426,0.4253,0.4083,0.3917,0.3909,0.3861,0.375,0.3641,0.3639,0.3624,0.3312,0.3286,0.3284,0.3239,0.3233,0.3196,0.31,0.2783],[0.9081,0.9071,0.905,0.8909,0.8579,0.8516,0.8502,0.8265,0.8113,0.8099,0.8049,0.8008,0.7812,0.7733,0.7651,0.7647,0.7625,0.7582,0.7565,0.7392,0.7388,0.7355,0.7347,0.7343,0.7334,0.7318,0.724,0.7155,0.7138,0.713,0.7082,0.7015,0.6983,0.694,0.6886,0.6835,0.6789,0.6713,0.6694,0.6687,0.6619,0.656,0.6538,0.6534,0.6508,0.6483,0.6457,0.6428,0.6388,0.6374,0.6367,0.6352,0.6302,0.6242,0.6235,0.6176,0.6169,0.6155,0.6141,0.6138,0.6134,0.6103,0.6059,0.596,0.5834,0.5821,0.5752,0.5749,0.5746,0.572,0.5685,0.5505,0.544,0.541,0.5364,0.5319,0.5241,0.5194,0.5171,0.5159,0.5033,0.503,0.4954,0.4863,0.4817,0.4728,0.4706,0.4691,0.4667,0.4617,0.4491,0.434,0.431,0.4288,0.4233,0.4226,0.4056,0.389,0.3881,0.3833,0.3723,0.3613,0.3611,0.3597,0.3285,0.3259,0.3257,0.3212,0.3206,0.3168,0.3073,0.2757],[0.9094,0.9084,0.9064,0.8924,0.8598,0.8536,0.8522,0.8289,0.8138,0.8125,0.8075,0.8035,0.7841,0.7763,0.7681,0.7677,0.7656,0.7613,0.7597,0.7426,0.7421,0.7388,0.738,0.7376,0.7368,0.7352,0.7275,0.719,0.7174,0.7166,0.7119,0.7052,0.702,0.6978,0.6924,0.6874,0.6828,0.6753,0.6734,0.6727,0.666,0.6601,0.6579,0.6575,0.655,0.6524,0.6499,0.647,0.6431,0.6416,0.6409,0.6395,0.6346,0.6286,0.6279,0.622,0.6213,0.6199,0.6186,0.6182,0.6179,0.6148,0.6104,0.6006,0.5881,0.5868,0.58,0.5796,0.5793,0.5768,0.5732,0.5554,0.5489,0.5459,0.5414,0.5369,0.5292,0.5245,0.5222,0.521,0.5084,0.5082,0.5006,0.4915,0.4869,0.478,0.4759,0.4743,0.472,0.467,0.4545,0.4393,0.4364,0.4343,0.4287,0.428,0.411,0.3945,0.3936,0.3888,0.3778,0.3668,0.3666,0.3652,0.3339,0.3314,0.3312,0.3266,0.3261,0.3223,0.3128,0.281],[0.9112,0.9102,0.9082,0.8945,0.8624,0.8564,0.855,0.832,0.8172,0.8159,0.811,0.8071,0.788,0.7803,0.7723,0.7718,0.7697,0.7656,0.7639,0.7471,0.7466,0.7434,0.7426,0.7422,0.7414,0.7398,0.7322,0.7238,0.7223,0.7215,0.7168,0.7102,0.7071,0.7029,0.6976,0.6926,0.6881,0.6807,0.6788,0.6781,0.6715,0.6657,0.6635,0.6631,0.6606,0.6581,0.6556,0.6528,0.6489,0.6475,0.6467,0.6453,0.6404,0.6345,0.6339,0.628,0.6273,0.626,0.6246,0.6243,0.6239,0.6209,0.6165,0.6069,0.5944,0.5932,0.5864,0.5861,0.5858,0.5832,0.5798,0.562,0.5557,0.5526,0.5482,0.5437,0.5361,0.5314,0.5291,0.528,0.5155,0.5152,0.5077,0.4986,0.4941,0.4853,0.4832,0.4816,0.4792,0.4743,0.4618,0.4467,0.4438,0.4417,0.4362,0.4355,0.4185,0.402,0.4011,0.3963,0.3853,0.3743,0.3741,0.3727,0.3415,0.3389,0.3387,0.3341,0.3336,0.3298,0.3202,0.2883],[0.9094,0.9084,0.9064,0.8924,0.8598,0.8536,0.8522,0.8289,0.8138,0.8125,0.8075,0.8035,0.7841,0.7763,0.7681,0.7677,0.7656,0.7613,0.7597,0.7426,0.7421,0.7388,0.738,0.7376,0.7368,0.7352,0.7275,0.719,0.7174,0.7166,0.7119,0.7052,0.702,0.6978,0.6924,0.6874,0.6828,0.6753,0.6734,0.6727,0.666,0.6601,0.6579,0.6575,0.655,0.6524,0.6499,0.647,0.6431,0.6416,0.6409,0.6395,0.6346,0.6286,0.6279,0.622,0.6213,0.6199,0.6186,0.6182,0.6179,0.6148,0.6104,0.6006,0.5881,0.5868,0.58,0.5796,0.5793,0.5768,0.5732,0.5554,0.5489,0.5459,0.5414,0.5369,0.5292,0.5245,0.5222,0.521,0.5084,0.5082,0.5006,0.4915,0.4869,0.478,0.4759,0.4743,0.472,0.467,0.4545,0.4393,0.4364,0.4343,0.4287,0.428,0.411,0.3945,0.3936,0.3888,0.3778,0.3668,0.3666,0.3652,0.3339,0.3314,0.3312,0.3266,0.3261,0.3223,0.3128,0.281],[0.911,0.91,0.908,0.8943,0.8622,0.8561,0.8547,0.8317,0.8169,0.8156,0.8107,0.8067,0.7876,0.7799,0.7719,0.7715,0.7694,0.7652,0.7635,0.7466,0.7462,0.743,0.7422,0.7418,0.741,0.7394,0.7317,0.7234,0.7218,0.721,0.7163,0.7097,0.7067,0.7024,0.6971,0.6922,0.6877,0.6802,0.6783,0.6776,0.671,0.6652,0.663,0.6626,0.6601,0.6576,0.6551,0.6522,0.6483,0.6469,0.6462,0.6448,0.6399,0.634,0.6333,0.6275,0.6268,0.6254,0.6241,0.6237,0.6234,0.6203,0.616,0.6063,0.5939,0.5926,0.5858,0.5855,0.5852,0.5826,0.5792,0.5614,0.5551,0.552,0.5475,0.5431,0.5354,0.5308,0.5285,0.5273,0.5148,0.5146,0.507,0.498,0.4934,0.4846,0.4825,0.4809,0.4786,0.4736,0.4612,0.4461,0.4432,0.441,0.4355,0.4348,0.4178,0.4013,0.4004,0.3957,0.3846,0.3737,0.3735,0.372,0.3408,0.3382,0.338,0.3334,0.3329,0.3291,0.3195,0.2876],[0.911,0.91,0.908,0.8943,0.8622,0.8561,0.8547,0.8317,0.8169,0.8156,0.8107,0.8067,0.7876,0.7799,0.7719,0.7715,0.7694,0.7652,0.7635,0.7466,0.7462,0.743,0.7422,0.7418,0.741,0.7394,0.7317,0.7234,0.7218,0.721,0.7163,0.7097,0.7067,0.7024,0.6971,0.6922,0.6877,0.6802,0.6783,0.6776,0.671,0.6652,0.663,0.6626,0.6601,0.6576,0.6551,0.6522,0.6483,0.6469,0.6462,0.6448,0.6399,0.634,0.6333,0.6275,0.6268,0.6254,0.6241,0.6237,0.6234,0.6203,0.616,0.6063,0.5939,0.5926,0.5858,0.5855,0.5852,0.5826,0.5792,0.5614,0.5551,0.552,0.5475,0.5431,0.5354,0.5308,0.5285,0.5273,0.5148,0.5146,0.507,0.498,0.4934,0.4846,0.4825,0.4809,0.4786,0.4736,0.4612,0.4461,0.4432,0.441,0.4355,0.4348,0.4178,0.4013,0.4004,0.3957,0.3846,0.3737,0.3735,0.372,0.3408,0.3382,0.338,0.3334,0.3329,0.3291,0.3195,0.2876],[0.9097,0.9087,0.9067,0.8928,0.8603,0.8541,0.8527,0.8294,0.8144,0.8131,0.8081,0.8041,0.7848,0.777,0.7689,0.7685,0.7663,0.7621,0.7604,0.7434,0.743,0.7397,0.7389,0.7385,0.7376,0.736,0.7283,0.7199,0.7183,0.7175,0.7128,0.7061,0.703,0.6987,0.6933,0.6883,0.6838,0.6763,0.6744,0.6737,0.667,0.6611,0.6589,0.6585,0.656,0.6535,0.6509,0.6481,0.6441,0.6427,0.642,0.6406,0.6356,0.6297,0.629,0.6231,0.6224,0.621,0.6197,0.6193,0.619,0.6159,0.6115,0.6018,0.5892,0.5879,0.5811,0.5808,0.5805,0.5779,0.5744,0.5566,0.5502,0.5471,0.5426,0.5381,0.5304,0.5258,0.5234,0.5223,0.5097,0.5094,0.5019,0.4928,0.4882,0.4794,0.4772,0.4757,0.4733,0.4684,0.4558,0.4407,0.4378,0.4356,0.4301,0.4294,0.4124,0.3958,0.395,0.3902,0.3791,0.3682,0.368,0.3665,0.3353,0.3327,0.3325,0.328,0.3274,0.3236,0.3141,0.2823],[0.9127,0.9118,0.9098,0.8963,0.8648,0.8588,0.8574,0.8349,0.8203,0.819,0.8142,0.8103,0.7914,0.7839,0.776,0.7755,0.7735,0.7694,0.7677,0.7511,0.7507,0.7475,0.7467,0.7463,0.7455,0.7439,0.7364,0.7282,0.7266,0.7258,0.7212,0.7147,0.7116,0.7075,0.7022,0.6974,0.6929,0.6855,0.6837,0.683,0.6764,0.6707,0.6685,0.6682,0.6657,0.6632,0.6607,0.6579,0.6541,0.6527,0.652,0.6506,0.6457,0.6399,0.6392,0.6334,0.6328,0.6314,0.6301,0.6297,0.6294,0.6264,0.622,0.6125,0.6002,0.5989,0.5922,0.5919,0.5916,0.5891,0.5856,0.5681,0.5617,0.5587,0.5543,0.5499,0.5423,0.5377,0.5354,0.5342,0.5218,0.5215,0.5141,0.5051,0.5005,0.4918,0.4897,0.4881,0.4858,0.4809,0.4685,0.4534,0.4505,0.4484,0.4429,0.4422,0.4253,0.4088,0.4079,0.4032,0.3921,0.3812,0.381,0.3796,0.3483,0.3457,0.3455,0.3409,0.3404,0.3366,0.327,0.295],[0.9121,0.9111,0.9092,0.8956,0.8639,0.8578,0.8565,0.8337,0.8191,0.8177,0.8129,0.809,0.7901,0.7824,0.7745,0.7741,0.772,0.7678,0.7662,0.7495,0.7491,0.7459,0.7451,0.7447,0.7439,0.7423,0.7347,0.7265,0.7249,0.7241,0.7195,0.7129,0.7098,0.7056,0.7004,0.6955,0.691,0.6836,0.6818,0.681,0.6745,0.6687,0.6665,0.6662,0.6637,0.6612,0.6587,0.6559,0.652,0.6506,0.6499,0.6485,0.6436,0.6378,0.6371,0.6313,0.6306,0.6292,0.6279,0.6276,0.6272,0.6242,0.6198,0.6102,0.5979,0.5966,0.5899,0.5896,0.5893,0.5867,0.5833,0.5657,0.5593,0.5563,0.5518,0.5474,0.5398,0.5352,0.5329,0.5317,0.5193,0.519,0.5115,0.5025,0.4979,0.4892,0.4871,0.4855,0.4832,0.4782,0.4658,0.4508,0.4479,0.4457,0.4402,0.4395,0.4226,0.4061,0.4052,0.4004,0.3894,0.3785,0.3782,0.3768,0.3456,0.343,0.3428,0.3382,0.3377,0.3339,0.3243,0.2923],[0.9096,0.9086,0.9065,0.8926,0.86,0.8539,0.8525,0.8291,0.8141,0.8128,0.8078,0.8038,0.7844,0.7767,0.7685,0.7681,0.766,0.7617,0.76,0.743,0.7426,0.7393,0.7384,0.738,0.7372,0.7356,0.7279,0.7195,0.7179,0.7171,0.7123,0.7056,0.7025,0.6982,0.6928,0.6879,0.6833,0.6758,0.6739,0.6732,0.6665,0.6606,0.6584,0.658,0.6555,0.6529,0.6504,0.6475,0.6436,0.6422,0.6415,0.64,0.6351,0.6291,0.6284,0.6225,0.6219,0.6205,0.6191,0.6188,0.6184,0.6153,0.6109,0.6012,0.5887,0.5874,0.5806,0.5802,0.5799,0.5773,0.5738,0.556,0.5496,0.5465,0.542,0.5375,0.5298,0.5251,0.5228,0.5217,0.5091,0.5088,0.5012,0.4922,0.4875,0.4787,0.4766,0.475,0.4726,0.4677,0.4552,0.44,0.4371,0.4349,0.4294,0.4287,0.4117,0.3952,0.3943,0.3895,0.3784,0.3675,0.3673,0.3659,0.3346,0.332,0.3319,0.3273,0.3267,0.323,0.3134,0.2816],[0.9116,0.9106,0.9087,0.895,0.8632,0.8571,0.8557,0.8329,0.8181,0.8168,0.812,0.808,0.789,0.7814,0.7734,0.773,0.7709,0.7667,0.7651,0.7483,0.7479,0.7446,0.7438,0.7434,0.7426,0.741,0.7334,0.7252,0.7236,0.7228,0.7181,0.7115,0.7085,0.7043,0.699,0.6941,0.6896,0.6821,0.6803,0.6796,0.673,0.6672,0.665,0.6647,0.6621,0.6596,0.6571,0.6543,0.6504,0.649,0.6483,0.6469,0.642,0.6362,0.6355,0.6297,0.629,0.6276,0.6263,0.6259,0.6256,0.6225,0.6182,0.6086,0.5962,0.5949,0.5882,0.5878,0.5875,0.585,0.5815,0.5639,0.5575,0.5545,0.55,0.5456,0.5379,0.5333,0.531,0.5298,0.5174,0.5171,0.5096,0.5006,0.496,0.4872,0.4851,0.4835,0.4812,0.4763,0.4638,0.4488,0.4459,0.4437,0.4382,0.4375,0.4205,0.404,0.4032,0.3984,0.3873,0.3764,0.3762,0.3748,0.3435,0.3409,0.3407,0.3362,0.3356,0.3318,0.3223,0.2903],[0.9115,0.9105,0.9085,0.8948,0.8629,0.8569,0.8555,0.8326,0.8178,0.8165,0.8116,0.8077,0.7887,0.781,0.773,0.7726,0.7705,0.7663,0.7647,0.7479,0.7475,0.7442,0.7434,0.743,0.7422,0.7406,0.733,0.7247,0.7231,0.7224,0.7177,0.7111,0.708,0.7038,0.6985,0.6936,0.6891,0.6817,0.6798,0.6791,0.6725,0.6667,0.6645,0.6642,0.6616,0.6591,0.6566,0.6538,0.6499,0.6485,0.6478,0.6464,0.6415,0.6356,0.6349,0.6291,0.6284,0.6271,0.6257,0.6254,0.625,0.622,0.6176,0.608,0.5956,0.5943,0.5876,0.5873,0.5869,0.5844,0.5809,0.5633,0.5569,0.5539,0.5494,0.5449,0.5373,0.5327,0.5304,0.5292,0.5167,0.5165,0.509,0.4999,0.4953,0.4866,0.4845,0.4829,0.4805,0.4756,0.4631,0.4481,0.4452,0.443,0.4375,0.4368,0.4199,0.4034,0.4025,0.3977,0.3867,0.3757,0.3755,0.3741,0.3428,0.3402,0.34,0.3355,0.3349,0.3311,0.3216,0.2896],[0.9123,0.9113,0.9093,0.8958,0.8641,0.8581,0.8567,0.834,0.8194,0.818,0.8132,0.8093,0.7904,0.7828,0.7749,0.7744,0.7724,0.7682,0.7666,0.7499,0.7495,0.7463,0.7455,0.7451,0.7443,0.7427,0.7351,0.7269,0.7253,0.7245,0.7199,0.7133,0.7103,0.7061,0.7008,0.6959,0.6915,0.6841,0.6823,0.6815,0.675,0.6692,0.667,0.6667,0.6642,0.6617,0.6592,0.6564,0.6525,0.6511,0.6504,0.649,0.6442,0.6383,0.6376,0.6318,0.6311,0.6298,0.6284,0.6281,0.6278,0.6247,0.6204,0.6108,0.5985,0.5972,0.5905,0.5902,0.5898,0.5873,0.5839,0.5663,0.5599,0.5569,0.5524,0.548,0.5404,0.5358,0.5335,0.5323,0.5199,0.5196,0.5122,0.5032,0.4986,0.4898,0.4877,0.4862,0.4838,0.4789,0.4665,0.4514,0.4485,0.4464,0.4409,0.4402,0.4233,0.4068,0.4059,0.4011,0.3901,0.3791,0.3789,0.3775,0.3462,0.3437,0.3435,0.3389,0.3383,0.3345,0.325,0.293],[0.91,0.909,0.907,0.8932,0.8608,0.8546,0.8532,0.83,0.8151,0.8137,0.8088,0.8048,0.7855,0.7777,0.7696,0.7692,0.7671,0.7629,0.7612,0.7442,0.7438,0.7405,0.7397,0.7393,0.7385,0.7368,0.7292,0.7208,0.7192,0.7184,0.7137,0.707,0.7039,0.6996,0.6943,0.6893,0.6848,0.6773,0.6754,0.6746,0.668,0.6621,0.6599,0.6596,0.657,0.6545,0.652,0.6491,0.6452,0.6438,0.6431,0.6416,0.6367,0.6308,0.6301,0.6242,0.6235,0.6221,0.6208,0.6204,0.6201,0.617,0.6126,0.6029,0.5904,0.5891,0.5823,0.582,0.5817,0.5791,0.5756,0.5578,0.5514,0.5484,0.5438,0.5394,0.5317,0.527,0.5247,0.5235,0.511,0.5107,0.5032,0.4941,0.4895,0.4807,0.4786,0.477,0.4746,0.4697,0.4572,0.442,0.4391,0.437,0.4315,0.4307,0.4137,0.3972,0.3963,0.3916,0.3805,0.3695,0.3693,0.3679,0.3367,0.3341,0.3339,0.3293,0.3288,0.325,0.3155,0.2836],[0.911,0.91,0.908,0.8943,0.8622,0.8561,0.8547,0.8317,0.8169,0.8156,0.8107,0.8067,0.7876,0.7799,0.7719,0.7715,0.7694,0.7652,0.7635,0.7466,0.7462,0.743,0.7422,0.7418,0.741,0.7394,0.7317,0.7234,0.7218,0.721,0.7163,0.7097,0.7067,0.7024,0.6971,0.6922,0.6877,0.6802,0.6783,0.6776,0.671,0.6652,0.663,0.6626,0.6601,0.6576,0.6551,0.6522,0.6483,0.6469,0.6462,0.6448,0.6399,0.634,0.6333,0.6275,0.6268,0.6254,0.6241,0.6237,0.6234,0.6203,0.616,0.6063,0.5939,0.5926,0.5858,0.5855,0.5852,0.5826,0.5792,0.5614,0.5551,0.552,0.5475,0.5431,0.5354,0.5308,0.5285,0.5273,0.5148,0.5146,0.507,0.498,0.4934,0.4846,0.4825,0.4809,0.4786,0.4736,0.4612,0.4461,0.4432,0.441,0.4355,0.4348,0.4178,0.4013,0.4004,0.3957,0.3846,0.3737,0.3735,0.372,0.3408,0.3382,0.338,0.3334,0.3329,0.3291,0.3195,0.2876],[0.9092,0.9082,0.9062,0.8922,0.8596,0.8534,0.8519,0.8286,0.8135,0.8121,0.8072,0.8032,0.7837,0.7759,0.7678,0.7673,0.7652,0.761,0.7593,0.7421,0.7417,0.7384,0.7376,0.7372,0.7364,0.7347,0.727,0.7186,0.717,0.7162,0.7114,0.7047,0.7016,0.6973,0.6919,0.6869,0.6823,0.6748,0.6729,0.6722,0.6655,0.6596,0.6574,0.657,0.6545,0.6519,0.6494,0.6465,0.6425,0.6411,0.6404,0.639,0.634,0.6281,0.6274,0.6214,0.6208,0.6194,0.618,0.6177,0.6173,0.6142,0.6098,0.6,0.5875,0.5862,0.5794,0.5791,0.5787,0.5762,0.5726,0.5548,0.5483,0.5453,0.5408,0.5363,0.5286,0.5239,0.5215,0.5204,0.5078,0.5075,0.5,0.4909,0.4862,0.4774,0.4753,0.4737,0.4713,0.4664,0.4538,0.4387,0.4358,0.4336,0.4281,0.4274,0.4103,0.3938,0.3929,0.3881,0.3771,0.3661,0.3659,0.3645,0.3333,0.3307,0.3305,0.3259,0.3254,0.3216,0.3121,0.2803],[0.911,0.91,0.908,0.8943,0.8622,0.8561,0.8547,0.8317,0.8169,0.8156,0.8107,0.8067,0.7876,0.7799,0.7719,0.7715,0.7694,0.7652,0.7635,0.7466,0.7462,0.743,0.7422,0.7418,0.741,0.7394,0.7317,0.7234,0.7218,0.721,0.7163,0.7097,0.7067,0.7024,0.6971,0.6922,0.6877,0.6802,0.6783,0.6776,0.671,0.6652,0.663,0.6626,0.6601,0.6576,0.6551,0.6522,0.6483,0.6469,0.6462,0.6448,0.6399,0.634,0.6333,0.6275,0.6268,0.6254,0.6241,0.6237,0.6234,0.6203,0.616,0.6063,0.5939,0.5926,0.5858,0.5855,0.5852,0.5826,0.5792,0.5614,0.5551,0.552,0.5475,0.5431,0.5354,0.5308,0.5285,0.5273,0.5148,0.5146,0.507,0.498,0.4934,0.4846,0.4825,0.4809,0.4786,0.4736,0.4612,0.4461,0.4432,0.441,0.4355,0.4348,0.4178,0.4013,0.4004,0.3957,0.3846,0.3737,0.3735,0.372,0.3408,0.3382,0.338,0.3334,0.3329,0.3291,0.3195,0.2876],[0.9104,0.9094,0.9074,0.8935,0.8612,0.8551,0.8537,0.8306,0.8157,0.8143,0.8094,0.8054,0.7862,0.7785,0.7704,0.77,0.7679,0.7637,0.762,0.745,0.7446,0.7413,0.7405,0.7401,0.7393,0.7377,0.73,0.7217,0.7201,0.7193,0.7146,0.7079,0.7048,0.7006,0.6952,0.6903,0.6857,0.6782,0.6764,0.6756,0.669,0.6631,0.661,0.6606,0.6581,0.6555,0.653,0.6502,0.6462,0.6448,0.6441,0.6427,0.6378,0.6319,0.6312,0.6253,0.6246,0.6232,0.6219,0.6215,0.6212,0.6181,0.6137,0.604,0.5916,0.5903,0.5835,0.5832,0.5828,0.5803,0.5768,0.559,0.5526,0.5496,0.5451,0.5406,0.5329,0.5283,0.526,0.5248,0.5123,0.512,0.5045,0.4954,0.4908,0.482,0.4799,0.4783,0.4759,0.471,0.4585,0.4434,0.4405,0.4383,0.4328,0.4321,0.4151,0.3986,0.3977,0.3929,0.3819,0.3709,0.3707,0.3693,0.338,0.3354,0.3353,0.3307,0.3301,0.3264,0.3168,0.285],[0.9094,0.9084,0.9064,0.8924,0.8598,0.8536,0.8522,0.8289,0.8138,0.8125,0.8075,0.8035,0.7841,0.7763,0.7681,0.7677,0.7656,0.7613,0.7597,0.7426,0.7421,0.7388,0.738,0.7376,0.7368,0.7352,0.7275,0.719,0.7174,0.7166,0.7119,0.7052,0.702,0.6978,0.6924,0.6874,0.6828,0.6753,0.6734,0.6727,0.666,0.6601,0.6579,0.6575,0.655,0.6524,0.6499,0.647,0.6431,0.6416,0.6409,0.6395,0.6346,0.6286,0.6279,0.622,0.6213,0.6199,0.6186,0.6182,0.6179,0.6148,0.6104,0.6006,0.5881,0.5868,0.58,0.5796,0.5793,0.5768,0.5732,0.5554,0.5489,0.5459,0.5414,0.5369,0.5292,0.5245,0.5222,0.521,0.5084,0.5082,0.5006,0.4915,0.4869,0.478,0.4759,0.4743,0.472,0.467,0.4545,0.4393,0.4364,0.4343,0.4287,0.428,0.411,0.3945,0.3936,0.3888,0.3778,0.3668,0.3666,0.3652,0.3339,0.3314,0.3312,0.3266,0.3261,0.3223,0.3128,0.281],[0.9108,0.9098,0.9079,0.8941,0.862,0.8559,0.8545,0.8315,0.8166,0.8153,0.8104,0.8064,0.7873,0.7796,0.7715,0.7711,0.769,0.7648,0.7631,0.7462,0.7458,0.7426,0.7418,0.7414,0.7406,0.7389,0.7313,0.723,0.7214,0.7206,0.7159,0.7093,0.7062,0.702,0.6966,0.6917,0.6872,0.6797,0.6779,0.6771,0.6705,0.6647,0.6625,0.6621,0.6596,0.6571,0.6546,0.6517,0.6478,0.6464,0.6457,0.6443,0.6394,0.6335,0.6328,0.6269,0.6262,0.6249,0.6235,0.6232,0.6228,0.6198,0.6154,0.6057,0.5933,0.592,0.5852,0.5849,0.5846,0.5821,0.5786,0.5608,0.5544,0.5514,0.5469,0.5425,0.5348,0.5302,0.5279,0.5267,0.5142,0.5139,0.5064,0.4973,0.4928,0.484,0.4818,0.4803,0.4779,0.473,0.4605,0.4454,0.4425,0.4403,0.4348,0.4341,0.4172,0.4006,0.3998,0.395,0.3839,0.373,0.3728,0.3713,0.3401,0.3375,0.3373,0.3327,0.3322,0.3284,0.3189,0.287],[0.9116,0.9106,0.9087,0.895,0.8632,0.8571,0.8557,0.8329,0.8181,0.8168,0.812,0.808,0.789,0.7814,0.7734,0.773,0.7709,0.7667,0.7651,0.7483,0.7479,0.7446,0.7438,0.7434,0.7426,0.741,0.7334,0.7252,0.7236,0.7228,0.7181,0.7115,0.7085,0.7043,0.699,0.6941,0.6896,0.6821,0.6803,0.6796,0.673,0.6672,0.665,0.6647,0.6621,0.6596,0.6571,0.6543,0.6504,0.649,0.6483,0.6469,0.642,0.6362,0.6355,0.6297,0.629,0.6276,0.6263,0.6259,0.6256,0.6225,0.6182,0.6086,0.5962,0.5949,0.5882,0.5878,0.5875,0.585,0.5815,0.5639,0.5575,0.5545,0.55,0.5456,0.5379,0.5333,0.531,0.5298,0.5174,0.5171,0.5096,0.5006,0.496,0.4872,0.4851,0.4835,0.4812,0.4763,0.4638,0.4488,0.4459,0.4437,0.4382,0.4375,0.4205,0.404,0.4032,0.3984,0.3873,0.3764,0.3762,0.3748,0.3435,0.3409,0.3407,0.3362,0.3356,0.3318,0.3223,0.2903],[0.9102,0.9092,0.9072,0.8933,0.861,0.8549,0.8535,0.8303,0.8154,0.814,0.8091,0.8051,0.7859,0.7781,0.77,0.7696,0.7675,0.7633,0.7616,0.7446,0.7442,0.7409,0.7401,0.7397,0.7389,0.7373,0.7296,0.7212,0.7196,0.7188,0.7141,0.7075,0.7044,0.7001,0.6947,0.6898,0.6852,0.6777,0.6759,0.6751,0.6685,0.6626,0.6604,0.6601,0.6575,0.655,0.6525,0.6496,0.6457,0.6443,0.6436,0.6422,0.6372,0.6313,0.6306,0.6247,0.6241,0.6227,0.6213,0.621,0.6206,0.6176,0.6132,0.6035,0.591,0.5897,0.5829,0.5826,0.5823,0.5797,0.5762,0.5584,0.552,0.549,0.5445,0.54,0.5323,0.5277,0.5253,0.5242,0.5116,0.5114,0.5038,0.4948,0.4901,0.4813,0.4792,0.4776,0.4753,0.4703,0.4578,0.4427,0.4398,0.4376,0.4321,0.4314,0.4144,0.3979,0.397,0.3922,0.3812,0.3702,0.37,0.3686,0.3374,0.3348,0.3346,0.33,0.3295,0.3257,0.3161,0.2843],[0.9088,0.9077,0.9057,0.8916,0.8588,0.8526,0.8512,0.8277,0.8126,0.8112,0.8062,0.8022,0.7827,0.7748,0.7666,0.7662,0.7641,0.7598,0.7581,0.7409,0.7405,0.7372,0.7364,0.7359,0.7351,0.7335,0.7257,0.7172,0.7156,0.7148,0.7101,0.7033,0.7002,0.6959,0.6905,0.6855,0.6809,0.6733,0.6714,0.6707,0.6639,0.658,0.6558,0.6555,0.6529,0.6503,0.6478,0.6449,0.641,0.6395,0.6388,0.6374,0.6324,0.6264,0.6257,0.6198,0.6191,0.6177,0.6163,0.616,0.6156,0.6126,0.6081,0.5983,0.5857,0.5844,0.5776,0.5773,0.577,0.5744,0.5709,0.5529,0.5465,0.5434,0.5389,0.5344,0.5267,0.522,0.5196,0.5185,0.5059,0.5056,0.498,0.4889,0.4843,0.4754,0.4733,0.4717,0.4693,0.4644,0.4518,0.4367,0.4337,0.4316,0.426,0.4253,0.4083,0.3917,0.3909,0.3861,0.375,0.3641,0.3639,0.3624,0.3312,0.3286,0.3284,0.3239,0.3233,0.3196,0.31,0.2783],[0.9108,0.9098,0.9079,0.8941,0.862,0.8559,0.8545,0.8315,0.8166,0.8153,0.8104,0.8064,0.7873,0.7796,0.7715,0.7711,0.769,0.7648,0.7631,0.7462,0.7458,0.7426,0.7418,0.7414,0.7406,0.7389,0.7313,0.723,0.7214,0.7206,0.7159,0.7093,0.7062,0.702,0.6966,0.6917,0.6872,0.6797,0.6779,0.6771,0.6705,0.6647,0.6625,0.6621,0.6596,0.6571,0.6546,0.6517,0.6478,0.6464,0.6457,0.6443,0.6394,0.6335,0.6328,0.6269,0.6262,0.6249,0.6235,0.6232,0.6228,0.6198,0.6154,0.6057,0.5933,0.592,0.5852,0.5849,0.5846,0.5821,0.5786,0.5608,0.5544,0.5514,0.5469,0.5425,0.5348,0.5302,0.5279,0.5267,0.5142,0.5139,0.5064,0.4973,0.4928,0.484,0.4818,0.4803,0.4779,0.473,0.4605,0.4454,0.4425,0.4403,0.4348,0.4341,0.4172,0.4006,0.3998,0.395,0.3839,0.373,0.3728,0.3713,0.3401,0.3375,0.3373,0.3327,0.3322,0.3284,0.3189,0.287],[0.9116,0.9106,0.9087,0.895,0.8632,0.8571,0.8557,0.8329,0.8181,0.8168,0.812,0.808,0.789,0.7814,0.7734,0.773,0.7709,0.7667,0.7651,0.7483,0.7479,0.7446,0.7438,0.7434,0.7426,0.741,0.7334,0.7252,0.7236,0.7228,0.7181,0.7115,0.7085,0.7043,0.699,0.6941,0.6896,0.6821,0.6803,0.6796,0.673,0.6672,0.665,0.6647,0.6621,0.6596,0.6571,0.6543,0.6504,0.649,0.6483,0.6469,0.642,0.6362,0.6355,0.6297,0.629,0.6276,0.6263,0.6259,0.6256,0.6225,0.6182,0.6086,0.5962,0.5949,0.5882,0.5878,0.5875,0.585,0.5815,0.5639,0.5575,0.5545,0.55,0.5456,0.5379,0.5333,0.531,0.5298,0.5174,0.5171,0.5096,0.5006,0.496,0.4872,0.4851,0.4835,0.4812,0.4763,0.4638,0.4488,0.4459,0.4437,0.4382,0.4375,0.4205,0.404,0.4032,0.3984,0.3873,0.3764,0.3762,0.3748,0.3435,0.3409,0.3407,0.3362,0.3356,0.3318,0.3223,0.2903],[0.9119,0.911,0.909,0.8954,0.8636,0.8576,0.8562,0.8334,0.8187,0.8174,0.8126,0.8087,0.7897,0.7821,0.7741,0.7737,0.7716,0.7675,0.7658,0.7491,0.7487,0.7454,0.7446,0.7442,0.7434,0.7418,0.7343,0.726,0.7245,0.7237,0.719,0.7125,0.7094,0.7052,0.6999,0.695,0.6905,0.6831,0.6813,0.6805,0.674,0.6682,0.666,0.6657,0.6632,0.6607,0.6582,0.6553,0.6515,0.6501,0.6494,0.648,0.6431,0.6372,0.6365,0.6307,0.6301,0.6287,0.6273,0.627,0.6267,0.6236,0.6193,0.6097,0.5973,0.596,0.5893,0.589,0.5887,0.5862,0.5827,0.5651,0.5587,0.5557,0.5512,0.5468,0.5392,0.5345,0.5322,0.5311,0.5186,0.5184,0.5109,0.5019,0.4973,0.4885,0.4864,0.4849,0.4825,0.4776,0.4651,0.4501,0.4472,0.445,0.4395,0.4388,0.4219,0.4054,0.4045,0.3998,0.3887,0.3778,0.3776,0.3761,0.3449,0.3423,0.3421,0.3375,0.337,0.3332,0.3236,0.2916],[0.9121,0.9111,0.9092,0.8956,0.8639,0.8578,0.8565,0.8337,0.8191,0.8177,0.8129,0.809,0.7901,0.7824,0.7745,0.7741,0.772,0.7678,0.7662,0.7495,0.7491,0.7459,0.7451,0.7447,0.7439,0.7423,0.7347,0.7265,0.7249,0.7241,0.7195,0.7129,0.7098,0.7056,0.7004,0.6955,0.691,0.6836,0.6818,0.681,0.6745,0.6687,0.6665,0.6662,0.6637,0.6612,0.6587,0.6559,0.652,0.6506,0.6499,0.6485,0.6436,0.6378,0.6371,0.6313,0.6306,0.6292,0.6279,0.6276,0.6272,0.6242,0.6198,0.6102,0.5979,0.5966,0.5899,0.5896,0.5893,0.5867,0.5833,0.5657,0.5593,0.5563,0.5518,0.5474,0.5398,0.5352,0.5329,0.5317,0.5193,0.519,0.5115,0.5025,0.4979,0.4892,0.4871,0.4855,0.4832,0.4782,0.4658,0.4508,0.4479,0.4457,0.4402,0.4395,0.4226,0.4061,0.4052,0.4004,0.3894,0.3785,0.3782,0.3768,0.3456,0.343,0.3428,0.3382,0.3377,0.3339,0.3243,0.2923],[0.9094,0.9084,0.9064,0.8924,0.8598,0.8536,0.8522,0.8289,0.8138,0.8125,0.8075,0.8035,0.7841,0.7763,0.7681,0.7677,0.7656,0.7613,0.7597,0.7426,0.7421,0.7388,0.738,0.7376,0.7368,0.7352,0.7275,0.719,0.7174,0.7166,0.7119,0.7052,0.702,0.6978,0.6924,0.6874,0.6828,0.6753,0.6734,0.6727,0.666,0.6601,0.6579,0.6575,0.655,0.6524,0.6499,0.647,0.6431,0.6416,0.6409,0.6395,0.6346,0.6286,0.6279,0.622,0.6213,0.6199,0.6186,0.6182,0.6179,0.6148,0.6104,0.6006,0.5881,0.5868,0.58,0.5796,0.5793,0.5768,0.5732,0.5554,0.5489,0.5459,0.5414,0.5369,0.5292,0.5245,0.5222,0.521,0.5084,0.5082,0.5006,0.4915,0.4869,0.478,0.4759,0.4743,0.472,0.467,0.4545,0.4393,0.4364,0.4343,0.4287,0.428,0.411,0.3945,0.3936,0.3888,0.3778,0.3668,0.3666,0.3652,0.3339,0.3314,0.3312,0.3266,0.3261,0.3223,0.3128,0.281],[0.9119,0.911,0.909,0.8954,0.8636,0.8576,0.8562,0.8334,0.8187,0.8174,0.8126,0.8087,0.7897,0.7821,0.7741,0.7737,0.7716,0.7675,0.7658,0.7491,0.7487,0.7454,0.7446,0.7442,0.7434,0.7418,0.7343,0.726,0.7245,0.7237,0.719,0.7125,0.7094,0.7052,0.6999,0.695,0.6905,0.6831,0.6813,0.6805,0.674,0.6682,0.666,0.6657,0.6632,0.6607,0.6582,0.6553,0.6515,0.6501,0.6494,0.648,0.6431,0.6372,0.6365,0.6307,0.6301,0.6287,0.6273,0.627,0.6267,0.6236,0.6193,0.6097,0.5973,0.596,0.5893,0.589,0.5887,0.5862,0.5827,0.5651,0.5587,0.5557,0.5512,0.5468,0.5392,0.5345,0.5322,0.5311,0.5186,0.5184,0.5109,0.5019,0.4973,0.4885,0.4864,0.4849,0.4825,0.4776,0.4651,0.4501,0.4472,0.445,0.4395,0.4388,0.4219,0.4054,0.4045,0.3998,0.3887,0.3778,0.3776,0.3761,0.3449,0.3423,0.3421,0.3375,0.337,0.3332,0.3236,0.2916],[0.9079,0.9069,0.9049,0.8907,0.8576,0.8513,0.8499,0.8262,0.811,0.8096,0.8046,0.8005,0.7809,0.773,0.7647,0.7643,0.7621,0.7578,0.7561,0.7388,0.7384,0.7351,0.7342,0.7338,0.733,0.7313,0.7235,0.715,0.7134,0.7126,0.7078,0.701,0.6979,0.6935,0.6881,0.683,0.6784,0.6708,0.6689,0.6682,0.6614,0.6555,0.6532,0.6529,0.6503,0.6477,0.6452,0.6423,0.6383,0.6368,0.6361,0.6347,0.6297,0.6237,0.623,0.617,0.6163,0.6149,0.6135,0.6132,0.6129,0.6097,0.6053,0.5955,0.5828,0.5815,0.5746,0.5743,0.574,0.5714,0.5679,0.5499,0.5434,0.5403,0.5358,0.5313,0.5235,0.5188,0.5165,0.5153,0.5027,0.5024,0.4948,0.4856,0.481,0.4721,0.47,0.4684,0.466,0.461,0.4485,0.4333,0.4304,0.4282,0.4226,0.4219,0.4049,0.3883,0.3874,0.3827,0.3716,0.3606,0.3604,0.359,0.3278,0.3252,0.325,0.3205,0.3199,0.3162,0.3067,0.275],[0.913,0.9121,0.9101,0.8967,0.8653,0.8593,0.8579,0.8354,0.8209,0.8196,0.8148,0.8109,0.7921,0.7846,0.7767,0.7763,0.7742,0.7701,0.7685,0.7519,0.7515,0.7483,0.7475,0.7471,0.7463,0.7447,0.7372,0.729,0.7275,0.7267,0.7221,0.7156,0.7125,0.7084,0.7031,0.6983,0.6938,0.6865,0.6847,0.6839,0.6774,0.6717,0.6695,0.6692,0.6667,0.6642,0.6618,0.6589,0.6551,0.6537,0.653,0.6516,0.6468,0.641,0.6403,0.6345,0.6338,0.6325,0.6312,0.6308,0.6305,0.6275,0.6231,0.6136,0.6013,0.6,0.5934,0.5931,0.5927,0.5902,0.5868,0.5693,0.5629,0.5599,0.5555,0.5511,0.5435,0.5389,0.5366,0.5355,0.5231,0.5228,0.5153,0.5064,0.5018,0.4931,0.491,0.4894,0.4871,0.4822,0.4698,0.4548,0.4519,0.4497,0.4443,0.4435,0.4267,0.4102,0.4093,0.4045,0.3935,0.3826,0.3824,0.3809,0.3497,0.3471,0.3469,0.3423,0.3418,0.338,0.3284,0.2963],[0.9094,0.9084,0.9064,0.8924,0.8598,0.8536,0.8522,0.8289,0.8138,0.8125,0.8075,0.8035,0.7841,0.7763,0.7681,0.7677,0.7656,0.7613,0.7597,0.7426,0.7421,0.7388,0.738,0.7376,0.7368,0.7352,0.7275,0.719,0.7174,0.7166,0.7119,0.7052,0.702,0.6978,0.6924,0.6874,0.6828,0.6753,0.6734,0.6727,0.666,0.6601,0.6579,0.6575,0.655,0.6524,0.6499,0.647,0.6431,0.6416,0.6409,0.6395,0.6346,0.6286,0.6279,0.622,0.6213,0.6199,0.6186,0.6182,0.6179,0.6148,0.6104,0.6006,0.5881,0.5868,0.58,0.5796,0.5793,0.5768,0.5732,0.5554,0.5489,0.5459,0.5414,0.5369,0.5292,0.5245,0.5222,0.521,0.5084,0.5082,0.5006,0.4915,0.4869,0.478,0.4759,0.4743,0.472,0.467,0.4545,0.4393,0.4364,0.4343,0.4287,0.428,0.411,0.3945,0.3936,0.3888,0.3778,0.3668,0.3666,0.3652,0.3339,0.3314,0.3312,0.3266,0.3261,0.3223,0.3128,0.281],[0.911,0.91,0.908,0.8943,0.8622,0.8561,0.8547,0.8317,0.8169,0.8156,0.8107,0.8067,0.7876,0.7799,0.7719,0.7715,0.7694,0.7652,0.7635,0.7466,0.7462,0.743,0.7422,0.7418,0.741,0.7394,0.7317,0.7234,0.7218,0.721,0.7163,0.7097,0.7067,0.7024,0.6971,0.6922,0.6877,0.6802,0.6783,0.6776,0.671,0.6652,0.663,0.6626,0.6601,0.6576,0.6551,0.6522,0.6483,0.6469,0.6462,0.6448,0.6399,0.634,0.6333,0.6275,0.6268,0.6254,0.6241,0.6237,0.6234,0.6203,0.616,0.6063,0.5939,0.5926,0.5858,0.5855,0.5852,0.5826,0.5792,0.5614,0.5551,0.552,0.5475,0.5431,0.5354,0.5308,0.5285,0.5273,0.5148,0.5146,0.507,0.498,0.4934,0.4846,0.4825,0.4809,0.4786,0.4736,0.4612,0.4461,0.4432,0.441,0.4355,0.4348,0.4178,0.4013,0.4004,0.3957,0.3846,0.3737,0.3735,0.372,0.3408,0.3382,0.338,0.3334,0.3329,0.3291,0.3195,0.2876],[0.9075,0.9064,0.9044,0.8901,0.8569,0.8506,0.8491,0.8253,0.81,0.8086,0.8036,0.7995,0.7798,0.7719,0.7636,0.7631,0.761,0.7567,0.7549,0.7376,0.7372,0.7338,0.733,0.7326,0.7317,0.7301,0.7222,0.7137,0.7121,0.7112,0.7064,0.6996,0.6965,0.6921,0.6866,0.6816,0.677,0.6693,0.6674,0.6667,0.6599,0.6539,0.6517,0.6513,0.6487,0.6462,0.6436,0.6407,0.6367,0.6352,0.6345,0.6331,0.6281,0.622,0.6213,0.6154,0.6147,0.6133,0.6119,0.6115,0.6112,0.6081,0.6036,0.5937,0.5811,0.5797,0.5729,0.5725,0.5722,0.5696,0.5661,0.548,0.5415,0.5385,0.5339,0.5294,0.5216,0.5169,0.5146,0.5134,0.5007,0.5004,0.4928,0.4837,0.479,0.4701,0.468,0.4664,0.464,0.4591,0.4465,0.4313,0.4283,0.4261,0.4206,0.4199,0.4028,0.3863,0.3854,0.3806,0.3695,0.3586,0.3584,0.3569,0.3258,0.3232,0.323,0.3184,0.3179,0.3141,0.3046,0.273],[0.9083,0.9073,0.9052,0.8911,0.8581,0.8518,0.8504,0.8268,0.8116,0.8102,0.8052,0.8012,0.7816,0.7737,0.7655,0.7651,0.7629,0.7586,0.7569,0.7397,0.7392,0.7359,0.7351,0.7347,0.7339,0.7322,0.7244,0.7159,0.7143,0.7135,0.7087,0.7019,0.6988,0.6945,0.689,0.684,0.6794,0.6718,0.6699,0.6692,0.6624,0.6565,0.6543,0.6539,0.6513,0.6488,0.6462,0.6433,0.6394,0.6379,0.6372,0.6358,0.6308,0.6248,0.6241,0.6181,0.6174,0.616,0.6147,0.6143,0.614,0.6109,0.6064,0.5966,0.584,0.5827,0.5758,0.5755,0.5752,0.5726,0.5691,0.5511,0.5446,0.5416,0.537,0.5325,0.5248,0.5201,0.5177,0.5166,0.5039,0.5037,0.4961,0.4869,0.4823,0.4734,0.4713,0.4697,0.4673,0.4624,0.4498,0.4346,0.4317,0.4295,0.424,0.4233,0.4063,0.3897,0.3888,0.384,0.373,0.362,0.3618,0.3604,0.3292,0.3266,0.3264,0.3218,0.3213,0.3175,0.308,0.2763],[0.9112,0.9102,0.9082,0.8945,0.8624,0.8564,0.855,0.832,0.8172,0.8159,0.811,0.8071,0.788,0.7803,0.7723,0.7718,0.7697,0.7656,0.7639,0.7471,0.7466,0.7434,0.7426,0.7422,0.7414,0.7398,0.7322,0.7238,0.7223,0.7215,0.7168,0.7102,0.7071,0.7029,0.6976,0.6926,0.6881,0.6807,0.6788,0.6781,0.6715,0.6657,0.6635,0.6631,0.6606,0.6581,0.6556,0.6528,0.6489,0.6475,0.6467,0.6453,0.6404,0.6345,0.6339,0.628,0.6273,0.626,0.6246,0.6243,0.6239,0.6209,0.6165,0.6069,0.5944,0.5932,0.5864,0.5861,0.5858,0.5832,0.5798,0.562,0.5557,0.5526,0.5482,0.5437,0.5361,0.5314,0.5291,0.528,0.5155,0.5152,0.5077,0.4986,0.4941,0.4853,0.4832,0.4816,0.4792,0.4743,0.4618,0.4467,0.4438,0.4417,0.4362,0.4355,0.4185,0.402,0.4011,0.3963,0.3853,0.3743,0.3741,0.3727,0.3415,0.3389,0.3387,0.3341,0.3336,0.3298,0.3202,0.2883],[0.9094,0.9084,0.9064,0.8924,0.8598,0.8536,0.8522,0.8289,0.8138,0.8125,0.8075,0.8035,0.7841,0.7763,0.7681,0.7677,0.7656,0.7613,0.7597,0.7426,0.7421,0.7388,0.738,0.7376,0.7368,0.7352,0.7275,0.719,0.7174,0.7166,0.7119,0.7052,0.702,0.6978,0.6924,0.6874,0.6828,0.6753,0.6734,0.6727,0.666,0.6601,0.6579,0.6575,0.655,0.6524,0.6499,0.647,0.6431,0.6416,0.6409,0.6395,0.6346,0.6286,0.6279,0.622,0.6213,0.6199,0.6186,0.6182,0.6179,0.6148,0.6104,0.6006,0.5881,0.5868,0.58,0.5796,0.5793,0.5768,0.5732,0.5554,0.5489,0.5459,0.5414,0.5369,0.5292,0.5245,0.5222,0.521,0.5084,0.5082,0.5006,0.4915,0.4869,0.478,0.4759,0.4743,0.472,0.467,0.4545,0.4393,0.4364,0.4343,0.4287,0.428,0.411,0.3945,0.3936,0.3888,0.3778,0.3668,0.3666,0.3652,0.3339,0.3314,0.3312,0.3266,0.3261,0.3223,0.3128,0.281],[0.9129,0.9119,0.91,0.8965,0.865,0.8591,0.8577,0.8351,0.8206,0.8193,0.8145,0.8106,0.7918,0.7842,0.7763,0.7759,0.7738,0.7697,0.7681,0.7515,0.7511,0.7479,0.7471,0.7467,0.7459,0.7443,0.7368,0.7286,0.7271,0.7263,0.7217,0.7151,0.7121,0.7079,0.7027,0.6978,0.6934,0.686,0.6842,0.6835,0.6769,0.6712,0.669,0.6687,0.6662,0.6637,0.6612,0.6584,0.6546,0.6532,0.6525,0.6511,0.6463,0.6404,0.6398,0.634,0.6333,0.632,0.6306,0.6303,0.6299,0.6269,0.6226,0.613,0.6008,0.5995,0.5928,0.5925,0.5922,0.5896,0.5862,0.5687,0.5623,0.5593,0.5549,0.5505,0.5429,0.5383,0.536,0.5348,0.5224,0.5222,0.5147,0.5057,0.5012,0.4924,0.4903,0.4888,0.4864,0.4815,0.4691,0.4541,0.4512,0.4491,0.4436,0.4429,0.426,0.4095,0.4086,0.4039,0.3928,0.3819,0.3817,0.3803,0.349,0.3464,0.3462,0.3416,0.3411,0.3373,0.3277,0.2957],[0.9112,0.9102,0.9082,0.8945,0.8624,0.8564,0.855,0.832,0.8172,0.8159,0.811,0.8071,0.788,0.7803,0.7723,0.7718,0.7697,0.7656,0.7639,0.7471,0.7466,0.7434,0.7426,0.7422,0.7414,0.7398,0.7322,0.7238,0.7223,0.7215,0.7168,0.7102,0.7071,0.7029,0.6976,0.6926,0.6881,0.6807,0.6788,0.6781,0.6715,0.6657,0.6635,0.6631,0.6606,0.6581,0.6556,0.6528,0.6489,0.6475,0.6467,0.6453,0.6404,0.6345,0.6339,0.628,0.6273,0.626,0.6246,0.6243,0.6239,0.6209,0.6165,0.6069,0.5944,0.5932,0.5864,0.5861,0.5858,0.5832,0.5798,0.562,0.5557,0.5526,0.5482,0.5437,0.5361,0.5314,0.5291,0.528,0.5155,0.5152,0.5077,0.4986,0.4941,0.4853,0.4832,0.4816,0.4792,0.4743,0.4618,0.4467,0.4438,0.4417,0.4362,0.4355,0.4185,0.402,0.4011,0.3963,0.3853,0.3743,0.3741,0.3727,0.3415,0.3389,0.3387,0.3341,0.3336,0.3298,0.3202,0.2883],[0.9108,0.9098,0.9079,0.8941,0.862,0.8559,0.8545,0.8315,0.8166,0.8153,0.8104,0.8064,0.7873,0.7796,0.7715,0.7711,0.769,0.7648,0.7631,0.7462,0.7458,0.7426,0.7418,0.7414,0.7406,0.7389,0.7313,0.723,0.7214,0.7206,0.7159,0.7093,0.7062,0.702,0.6966,0.6917,0.6872,0.6797,0.6779,0.6771,0.6705,0.6647,0.6625,0.6621,0.6596,0.6571,0.6546,0.6517,0.6478,0.6464,0.6457,0.6443,0.6394,0.6335,0.6328,0.6269,0.6262,0.6249,0.6235,0.6232,0.6228,0.6198,0.6154,0.6057,0.5933,0.592,0.5852,0.5849,0.5846,0.5821,0.5786,0.5608,0.5544,0.5514,0.5469,0.5425,0.5348,0.5302,0.5279,0.5267,0.5142,0.5139,0.5064,0.4973,0.4928,0.484,0.4818,0.4803,0.4779,0.473,0.4605,0.4454,0.4425,0.4403,0.4348,0.4341,0.4172,0.4006,0.3998,0.395,0.3839,0.373,0.3728,0.3713,0.3401,0.3375,0.3373,0.3327,0.3322,0.3284,0.3189,0.287],[0.9078,0.9068,0.9047,0.8905,0.8574,0.8511,0.8496,0.8259,0.8107,0.8093,0.8043,0.8002,0.7805,0.7726,0.7643,0.7639,0.7617,0.7574,0.7557,0.7384,0.738,0.7347,0.7338,0.7334,0.7326,0.7309,0.7231,0.7146,0.713,0.7121,0.7073,0.7006,0.6974,0.6931,0.6876,0.6826,0.6779,0.6703,0.6684,0.6677,0.6609,0.6549,0.6527,0.6524,0.6498,0.6472,0.6446,0.6417,0.6378,0.6363,0.6356,0.6342,0.6292,0.6231,0.6224,0.6165,0.6158,0.6144,0.613,0.6126,0.6123,0.6092,0.6047,0.5949,0.5822,0.5809,0.5741,0.5737,0.5734,0.5708,0.5673,0.5493,0.5428,0.5397,0.5352,0.5306,0.5229,0.5182,0.5158,0.5147,0.502,0.5017,0.4941,0.485,0.4803,0.4715,0.4693,0.4677,0.4654,0.4604,0.4478,0.4326,0.4297,0.4275,0.422,0.4213,0.4042,0.3876,0.3868,0.382,0.3709,0.3599,0.3597,0.3583,0.3271,0.3245,0.3244,0.3198,0.3193,0.3155,0.306,0.2743],[0.9104,0.9094,0.9074,0.8935,0.8612,0.8551,0.8537,0.8306,0.8157,0.8143,0.8094,0.8054,0.7862,0.7785,0.7704,0.77,0.7679,0.7637,0.762,0.745,0.7446,0.7413,0.7405,0.7401,0.7393,0.7377,0.73,0.7217,0.7201,0.7193,0.7146,0.7079,0.7048,0.7006,0.6952,0.6903,0.6857,0.6782,0.6764,0.6756,0.669,0.6631,0.661,0.6606,0.6581,0.6555,0.653,0.6502,0.6462,0.6448,0.6441,0.6427,0.6378,0.6319,0.6312,0.6253,0.6246,0.6232,0.6219,0.6215,0.6212,0.6181,0.6137,0.604,0.5916,0.5903,0.5835,0.5832,0.5828,0.5803,0.5768,0.559,0.5526,0.5496,0.5451,0.5406,0.5329,0.5283,0.526,0.5248,0.5123,0.512,0.5045,0.4954,0.4908,0.482,0.4799,0.4783,0.4759,0.471,0.4585,0.4434,0.4405,0.4383,0.4328,0.4321,0.4151,0.3986,0.3977,0.3929,0.3819,0.3709,0.3707,0.3693,0.338,0.3354,0.3353,0.3307,0.3301,0.3264,0.3168,0.285],[0.9124,0.9114,0.9095,0.8959,0.8643,0.8583,0.857,0.8343,0.8197,0.8183,0.8135,0.8096,0.7907,0.7832,0.7752,0.7748,0.7727,0.7686,0.767,0.7503,0.7499,0.7467,0.7459,0.7455,0.7447,0.7431,0.7355,0.7273,0.7258,0.725,0.7203,0.7138,0.7107,0.7066,0.7013,0.6964,0.6919,0.6846,0.6827,0.682,0.6755,0.6697,0.6675,0.6672,0.6647,0.6622,0.6597,0.6569,0.653,0.6516,0.6509,0.6495,0.6447,0.6388,0.6381,0.6324,0.6317,0.6303,0.629,0.6286,0.6283,0.6253,0.6209,0.6114,0.599,0.5978,0.5911,0.5907,0.5904,0.5879,0.5844,0.5669,0.5605,0.5575,0.5531,0.5486,0.541,0.5364,0.5341,0.533,0.5206,0.5203,0.5128,0.5038,0.4992,0.4905,0.4884,0.4868,0.4845,0.4796,0.4671,0.4521,0.4492,0.447,0.4416,0.4409,0.4239,0.4075,0.4066,0.4018,0.3908,0.3798,0.3796,0.3782,0.3469,0.3443,0.3442,0.3396,0.339,0.3352,0.3257,0.2937],[0.907,0.9059,0.9039,0.8895,0.8561,0.8498,0.8483,0.8245,0.8091,0.8077,0.8026,0.7985,0.7787,0.7707,0.7624,0.762,0.7598,0.7555,0.7538,0.7363,0.7359,0.7325,0.7317,0.7313,0.7304,0.7288,0.7209,0.7123,0.7107,0.7099,0.705,0.6982,0.695,0.6907,0.6852,0.6801,0.6755,0.6678,0.6659,0.6651,0.6583,0.6524,0.6501,0.6497,0.6472,0.6446,0.642,0.6391,0.6351,0.6336,0.6329,0.6315,0.6264,0.6204,0.6197,0.6137,0.613,0.6116,0.6102,0.6098,0.6095,0.6064,0.6019,0.592,0.5793,0.578,0.5711,0.5707,0.5704,0.5678,0.5643,0.5462,0.5397,0.5366,0.532,0.5275,0.5197,0.515,0.5126,0.5115,0.4988,0.4985,0.4909,0.4817,0.4771,0.4681,0.466,0.4644,0.462,0.4571,0.4444,0.4292,0.4263,0.4241,0.4186,0.4179,0.4008,0.3842,0.3833,0.3785,0.3675,0.3565,0.3563,0.3549,0.3237,0.3211,0.321,0.3164,0.3159,0.3121,0.3026,0.271],[0.91,0.909,0.907,0.8932,0.8608,0.8546,0.8532,0.83,0.8151,0.8137,0.8088,0.8048,0.7855,0.7777,0.7696,0.7692,0.7671,0.7629,0.7612,0.7442,0.7438,0.7405,0.7397,0.7393,0.7385,0.7368,0.7292,0.7208,0.7192,0.7184,0.7137,0.707,0.7039,0.6996,0.6943,0.6893,0.6848,0.6773,0.6754,0.6746,0.668,0.6621,0.6599,0.6596,0.657,0.6545,0.652,0.6491,0.6452,0.6438,0.6431,0.6416,0.6367,0.6308,0.6301,0.6242,0.6235,0.6221,0.6208,0.6204,0.6201,0.617,0.6126,0.6029,0.5904,0.5891,0.5823,0.582,0.5817,0.5791,0.5756,0.5578,0.5514,0.5484,0.5438,0.5394,0.5317,0.527,0.5247,0.5235,0.511,0.5107,0.5032,0.4941,0.4895,0.4807,0.4786,0.477,0.4746,0.4697,0.4572,0.442,0.4391,0.437,0.4315,0.4307,0.4137,0.3972,0.3963,0.3916,0.3805,0.3695,0.3693,0.3679,0.3367,0.3341,0.3339,0.3293,0.3288,0.325,0.3155,0.2836],[0.9091,0.9081,0.906,0.892,0.8593,0.8531,0.8517,0.8283,0.8132,0.8118,0.8069,0.8028,0.7834,0.7756,0.7674,0.767,0.7648,0.7606,0.7589,0.7417,0.7413,0.738,0.7372,0.7368,0.736,0.7343,0.7266,0.7181,0.7165,0.7157,0.711,0.7043,0.7011,0.6968,0.6914,0.6864,0.6819,0.6743,0.6724,0.6717,0.665,0.6591,0.6569,0.6565,0.6539,0.6514,0.6489,0.646,0.642,0.6406,0.6399,0.6384,0.6335,0.6275,0.6268,0.6209,0.6202,0.6188,0.6174,0.6171,0.6168,0.6137,0.6092,0.5995,0.5869,0.5856,0.5788,0.5785,0.5781,0.5756,0.572,0.5542,0.5477,0.5447,0.5401,0.5356,0.5279,0.5232,0.5209,0.5198,0.5072,0.5069,0.4993,0.4902,0.4856,0.4767,0.4746,0.473,0.4707,0.4657,0.4532,0.438,0.4351,0.4329,0.4274,0.4267,0.4097,0.3931,0.3922,0.3875,0.3764,0.3654,0.3652,0.3638,0.3326,0.33,0.3298,0.3252,0.3247,0.3209,0.3114,0.2796],[0.9121,0.9111,0.9092,0.8956,0.8639,0.8578,0.8565,0.8337,0.8191,0.8177,0.8129,0.809,0.7901,0.7824,0.7745,0.7741,0.772,0.7678,0.7662,0.7495,0.7491,0.7459,0.7451,0.7447,0.7439,0.7423,0.7347,0.7265,0.7249,0.7241,0.7195,0.7129,0.7098,0.7056,0.7004,0.6955,0.691,0.6836,0.6818,0.681,0.6745,0.6687,0.6665,0.6662,0.6637,0.6612,0.6587,0.6559,0.652,0.6506,0.6499,0.6485,0.6436,0.6378,0.6371,0.6313,0.6306,0.6292,0.6279,0.6276,0.6272,0.6242,0.6198,0.6102,0.5979,0.5966,0.5899,0.5896,0.5893,0.5867,0.5833,0.5657,0.5593,0.5563,0.5518,0.5474,0.5398,0.5352,0.5329,0.5317,0.5193,0.519,0.5115,0.5025,0.4979,0.4892,0.4871,0.4855,0.4832,0.4782,0.4658,0.4508,0.4479,0.4457,0.4402,0.4395,0.4226,0.4061,0.4052,0.4004,0.3894,0.3785,0.3782,0.3768,0.3456,0.343,0.3428,0.3382,0.3377,0.3339,0.3243,0.2923],[0.9118,0.9108,0.9088,0.8952,0.8634,0.8574,0.856,0.8332,0.8184,0.8171,0.8123,0.8083,0.7894,0.7817,0.7737,0.7733,0.7712,0.7671,0.7654,0.7487,0.7483,0.745,0.7442,0.7438,0.743,0.7414,0.7339,0.7256,0.724,0.7232,0.7186,0.712,0.7089,0.7047,0.6994,0.6945,0.69,0.6826,0.6808,0.6801,0.6735,0.6677,0.6655,0.6652,0.6627,0.6602,0.6577,0.6548,0.6509,0.6495,0.6488,0.6474,0.6426,0.6367,0.636,0.6302,0.6295,0.6282,0.6268,0.6265,0.6261,0.6231,0.6187,0.6091,0.5967,0.5955,0.5887,0.5884,0.5881,0.5856,0.5821,0.5645,0.5581,0.5551,0.5506,0.5462,0.5386,0.5339,0.5316,0.5305,0.518,0.5177,0.5102,0.5012,0.4966,0.4879,0.4858,0.4842,0.4819,0.4769,0.4645,0.4494,0.4465,0.4444,0.4389,0.4382,0.4212,0.4047,0.4039,0.3991,0.388,0.3771,0.3769,0.3755,0.3442,0.3416,0.3414,0.3368,0.3363,0.3325,0.3229,0.291],[0.9092,0.9082,0.9062,0.8922,0.8596,0.8534,0.8519,0.8286,0.8135,0.8121,0.8072,0.8032,0.7837,0.7759,0.7678,0.7673,0.7652,0.761,0.7593,0.7421,0.7417,0.7384,0.7376,0.7372,0.7364,0.7347,0.727,0.7186,0.717,0.7162,0.7114,0.7047,0.7016,0.6973,0.6919,0.6869,0.6823,0.6748,0.6729,0.6722,0.6655,0.6596,0.6574,0.657,0.6545,0.6519,0.6494,0.6465,0.6425,0.6411,0.6404,0.639,0.634,0.6281,0.6274,0.6214,0.6208,0.6194,0.618,0.6177,0.6173,0.6142,0.6098,0.6,0.5875,0.5862,0.5794,0.5791,0.5787,0.5762,0.5726,0.5548,0.5483,0.5453,0.5408,0.5363,0.5286,0.5239,0.5215,0.5204,0.5078,0.5075,0.5,0.4909,0.4862,0.4774,0.4753,0.4737,0.4713,0.4664,0.4538,0.4387,0.4358,0.4336,0.4281,0.4274,0.4103,0.3938,0.3929,0.3881,0.3771,0.3661,0.3659,0.3645,0.3333,0.3307,0.3305,0.3259,0.3254,0.3216,0.3121,0.2803],[0.9097,0.9087,0.9067,0.8928,0.8603,0.8541,0.8527,0.8294,0.8144,0.8131,0.8081,0.8041,0.7848,0.777,0.7689,0.7685,0.7663,0.7621,0.7604,0.7434,0.743,0.7397,0.7389,0.7385,0.7376,0.736,0.7283,0.7199,0.7183,0.7175,0.7128,0.7061,0.703,0.6987,0.6933,0.6883,0.6838,0.6763,0.6744,0.6737,0.667,0.6611,0.6589,0.6585,0.656,0.6535,0.6509,0.6481,0.6441,0.6427,0.642,0.6406,0.6356,0.6297,0.629,0.6231,0.6224,0.621,0.6197,0.6193,0.619,0.6159,0.6115,0.6018,0.5892,0.5879,0.5811,0.5808,0.5805,0.5779,0.5744,0.5566,0.5502,0.5471,0.5426,0.5381,0.5304,0.5258,0.5234,0.5223,0.5097,0.5094,0.5019,0.4928,0.4882,0.4794,0.4772,0.4757,0.4733,0.4684,0.4558,0.4407,0.4378,0.4356,0.4301,0.4294,0.4124,0.3958,0.395,0.3902,0.3791,0.3682,0.368,0.3665,0.3353,0.3327,0.3325,0.328,0.3274,0.3236,0.3141,0.2823],[0.9061,0.9051,0.903,0.8885,0.8549,0.8485,0.847,0.823,0.8075,0.8061,0.801,0.7968,0.7769,0.7689,0.7605,0.76,0.7579,0.7535,0.7518,0.7342,0.7338,0.7304,0.7296,0.7291,0.7283,0.7266,0.7187,0.7101,0.7084,0.7076,0.7027,0.6959,0.6927,0.6883,0.6828,0.6777,0.673,0.6653,0.6634,0.6626,0.6558,0.6497,0.6475,0.6471,0.6445,0.6419,0.6393,0.6364,0.6324,0.6309,0.6302,0.6287,0.6237,0.6176,0.6169,0.6109,0.6102,0.6088,0.6074,0.607,0.6067,0.6035,0.599,0.5891,0.5763,0.575,0.5681,0.5678,0.5674,0.5648,0.5613,0.5431,0.5366,0.5335,0.5289,0.5243,0.5165,0.5118,0.5094,0.5083,0.4955,0.4953,0.4876,0.4784,0.4738,0.4648,0.4627,0.4611,0.4587,0.4537,0.4411,0.4258,0.4229,0.4207,0.4152,0.4145,0.3974,0.3808,0.3799,0.3751,0.364,0.3531,0.3529,0.3515,0.3203,0.3177,0.3176,0.313,0.3125,0.3087,0.2993,0.2677],[0.9094,0.9084,0.9064,0.8924,0.8598,0.8536,0.8522,0.8289,0.8138,0.8125,0.8075,0.8035,0.7841,0.7763,0.7681,0.7677,0.7656,0.7613,0.7597,0.7426,0.7421,0.7388,0.738,0.7376,0.7368,0.7352,0.7275,0.719,0.7174,0.7166,0.7119,0.7052,0.702,0.6978,0.6924,0.6874,0.6828,0.6753,0.6734,0.6727,0.666,0.6601,0.6579,0.6575,0.655,0.6524,0.6499,0.647,0.6431,0.6416,0.6409,0.6395,0.6346,0.6286,0.6279,0.622,0.6213,0.6199,0.6186,0.6182,0.6179,0.6148,0.6104,0.6006,0.5881,0.5868,0.58,0.5796,0.5793,0.5768,0.5732,0.5554,0.5489,0.5459,0.5414,0.5369,0.5292,0.5245,0.5222,0.521,0.5084,0.5082,0.5006,0.4915,0.4869,0.478,0.4759,0.4743,0.472,0.467,0.4545,0.4393,0.4364,0.4343,0.4287,0.428,0.411,0.3945,0.3936,0.3888,0.3778,0.3668,0.3666,0.3652,0.3339,0.3314,0.3312,0.3266,0.3261,0.3223,0.3128,0.281],[0.91,0.909,0.907,0.8932,0.8608,0.8546,0.8532,0.83,0.8151,0.8137,0.8088,0.8048,0.7855,0.7777,0.7696,0.7692,0.7671,0.7629,0.7612,0.7442,0.7438,0.7405,0.7397,0.7393,0.7385,0.7368,0.7292,0.7208,0.7192,0.7184,0.7137,0.707,0.7039,0.6996,0.6943,0.6893,0.6848,0.6773,0.6754,0.6746,0.668,0.6621,0.6599,0.6596,0.657,0.6545,0.652,0.6491,0.6452,0.6438,0.6431,0.6416,0.6367,0.6308,0.6301,0.6242,0.6235,0.6221,0.6208,0.6204,0.6201,0.617,0.6126,0.6029,0.5904,0.5891,0.5823,0.582,0.5817,0.5791,0.5756,0.5578,0.5514,0.5484,0.5438,0.5394,0.5317,0.527,0.5247,0.5235,0.511,0.5107,0.5032,0.4941,0.4895,0.4807,0.4786,0.477,0.4746,0.4697,0.4572,0.442,0.4391,0.437,0.4315,0.4307,0.4137,0.3972,0.3963,0.3916,0.3805,0.3695,0.3693,0.3679,0.3367,0.3341,0.3339,0.3293,0.3288,0.325,0.3155,0.2836],[0.9115,0.9105,0.9085,0.8948,0.8629,0.8569,0.8555,0.8326,0.8178,0.8165,0.8116,0.8077,0.7887,0.781,0.773,0.7726,0.7705,0.7663,0.7647,0.7479,0.7475,0.7442,0.7434,0.743,0.7422,0.7406,0.733,0.7247,0.7231,0.7224,0.7177,0.7111,0.708,0.7038,0.6985,0.6936,0.6891,0.6817,0.6798,0.6791,0.6725,0.6667,0.6645,0.6642,0.6616,0.6591,0.6566,0.6538,0.6499,0.6485,0.6478,0.6464,0.6415,0.6356,0.6349,0.6291,0.6284,0.6271,0.6257,0.6254,0.625,0.622,0.6176,0.608,0.5956,0.5943,0.5876,0.5873,0.5869,0.5844,0.5809,0.5633,0.5569,0.5539,0.5494,0.5449,0.5373,0.5327,0.5304,0.5292,0.5167,0.5165,0.509,0.4999,0.4953,0.4866,0.4845,0.4829,0.4805,0.4756,0.4631,0.4481,0.4452,0.443,0.4375,0.4368,0.4199,0.4034,0.4025,0.3977,0.3867,0.3757,0.3755,0.3741,0.3428,0.3402,0.34,0.3355,0.3349,0.3311,0.3216,0.2896],[0.9113,0.9103,0.9084,0.8946,0.8627,0.8566,0.8552,0.8323,0.8175,0.8162,0.8113,0.8074,0.7883,0.7806,0.7726,0.7722,0.7701,0.7659,0.7643,0.7475,0.7471,0.7438,0.743,0.7426,0.7418,0.7402,0.7326,0.7243,0.7227,0.7219,0.7172,0.7106,0.7076,0.7033,0.698,0.6931,0.6886,0.6812,0.6793,0.6786,0.672,0.6662,0.664,0.6636,0.6611,0.6586,0.6561,0.6533,0.6494,0.648,0.6473,0.6459,0.641,0.6351,0.6344,0.6286,0.6279,0.6265,0.6252,0.6248,0.6245,0.6214,0.6171,0.6074,0.595,0.5937,0.587,0.5867,0.5864,0.5838,0.5803,0.5627,0.5563,0.5533,0.5488,0.5443,0.5367,0.532,0.5297,0.5286,0.5161,0.5158,0.5083,0.4993,0.4947,0.4859,0.4838,0.4822,0.4799,0.475,0.4625,0.4474,0.4445,0.4423,0.4369,0.4361,0.4192,0.4027,0.4018,0.397,0.386,0.375,0.3748,0.3734,0.3421,0.3395,0.3394,0.3348,0.3342,0.3305,0.3209,0.289],[0.9144,0.9135,0.9116,0.8983,0.8674,0.8615,0.8601,0.8379,0.8236,0.8223,0.8176,0.8137,0.7952,0.7878,0.78,0.7796,0.7775,0.7735,0.7718,0.7555,0.7551,0.7519,0.7511,0.7507,0.7499,0.7484,0.741,0.7329,0.7313,0.7306,0.726,0.7196,0.7166,0.7125,0.7073,0.7025,0.6981,0.6908,0.689,0.6883,0.6818,0.6761,0.674,0.6737,0.6712,0.6688,0.6663,0.6635,0.6597,0.6583,0.6577,0.6563,0.6515,0.6457,0.645,0.6393,0.6387,0.6373,0.636,0.6357,0.6353,0.6324,0.6281,0.6186,0.6064,0.6052,0.5986,0.5982,0.5979,0.5954,0.592,0.5746,0.5683,0.5654,0.561,0.5566,0.549,0.5445,0.5422,0.5411,0.5288,0.5285,0.5211,0.5121,0.5076,0.4989,0.4968,0.4953,0.493,0.4881,0.4757,0.4608,0.4579,0.4557,0.4503,0.4496,0.4327,0.4163,0.4154,0.4107,0.3997,0.3887,0.3885,0.3871,0.3558,0.3532,0.3531,0.3485,0.3479,0.3441,0.3345,0.3024],[0.9108,0.9098,0.9079,0.8941,0.862,0.8559,0.8545,0.8315,0.8166,0.8153,0.8104,0.8064,0.7873,0.7796,0.7715,0.7711,0.769,0.7648,0.7631,0.7462,0.7458,0.7426,0.7418,0.7414,0.7406,0.7389,0.7313,0.723,0.7214,0.7206,0.7159,0.7093,0.7062,0.702,0.6966,0.6917,0.6872,0.6797,0.6779,0.6771,0.6705,0.6647,0.6625,0.6621,0.6596,0.6571,0.6546,0.6517,0.6478,0.6464,0.6457,0.6443,0.6394,0.6335,0.6328,0.6269,0.6262,0.6249,0.6235,0.6232,0.6228,0.6198,0.6154,0.6057,0.5933,0.592,0.5852,0.5849,0.5846,0.5821,0.5786,0.5608,0.5544,0.5514,0.5469,0.5425,0.5348,0.5302,0.5279,0.5267,0.5142,0.5139,0.5064,0.4973,0.4928,0.484,0.4818,0.4803,0.4779,0.473,0.4605,0.4454,0.4425,0.4403,0.4348,0.4341,0.4172,0.4006,0.3998,0.395,0.3839,0.373,0.3728,0.3713,0.3401,0.3375,0.3373,0.3327,0.3322,0.3284,0.3189,0.287],[0.9097,0.9087,0.9067,0.8928,0.8603,0.8541,0.8527,0.8294,0.8144,0.8131,0.8081,0.8041,0.7848,0.777,0.7689,0.7685,0.7663,0.7621,0.7604,0.7434,0.743,0.7397,0.7389,0.7385,0.7376,0.736,0.7283,0.7199,0.7183,0.7175,0.7128,0.7061,0.703,0.6987,0.6933,0.6883,0.6838,0.6763,0.6744,0.6737,0.667,0.6611,0.6589,0.6585,0.656,0.6535,0.6509,0.6481,0.6441,0.6427,0.642,0.6406,0.6356,0.6297,0.629,0.6231,0.6224,0.621,0.6197,0.6193,0.619,0.6159,0.6115,0.6018,0.5892,0.5879,0.5811,0.5808,0.5805,0.5779,0.5744,0.5566,0.5502,0.5471,0.5426,0.5381,0.5304,0.5258,0.5234,0.5223,0.5097,0.5094,0.5019,0.4928,0.4882,0.4794,0.4772,0.4757,0.4733,0.4684,0.4558,0.4407,0.4378,0.4356,0.4301,0.4294,0.4124,0.3958,0.395,0.3902,0.3791,0.3682,0.368,0.3665,0.3353,0.3327,0.3325,0.328,0.3274,0.3236,0.3141,0.2823],[0.9107,0.9097,0.9077,0.8939,0.8617,0.8556,0.8542,0.8312,0.8163,0.815,0.8101,0.8061,0.7869,0.7792,0.7711,0.7707,0.7686,0.7644,0.7628,0.7458,0.7454,0.7422,0.7414,0.7409,0.7401,0.7385,0.7309,0.7225,0.721,0.7202,0.7155,0.7088,0.7057,0.7015,0.6961,0.6912,0.6867,0.6792,0.6774,0.6766,0.67,0.6642,0.662,0.6616,0.6591,0.6566,0.6541,0.6512,0.6473,0.6459,0.6452,0.6438,0.6388,0.6329,0.6322,0.6264,0.6257,0.6243,0.623,0.6226,0.6223,0.6192,0.6148,0.6052,0.5927,0.5914,0.5847,0.5843,0.584,0.5815,0.578,0.5602,0.5538,0.5508,0.5463,0.5418,0.5342,0.5295,0.5272,0.5261,0.5136,0.5133,0.5058,0.4967,0.4921,0.4833,0.4812,0.4796,0.4773,0.4723,0.4598,0.4447,0.4418,0.4397,0.4342,0.4334,0.4165,0.3999,0.3991,0.3943,0.3832,0.3723,0.3721,0.3707,0.3394,0.3368,0.3366,0.3321,0.3315,0.3277,0.3182,0.2863],[0.9119,0.911,0.909,0.8954,0.8636,0.8576,0.8562,0.8334,0.8187,0.8174,0.8126,0.8087,0.7897,0.7821,0.7741,0.7737,0.7716,0.7675,0.7658,0.7491,0.7487,0.7454,0.7446,0.7442,0.7434,0.7418,0.7343,0.726,0.7245,0.7237,0.719,0.7125,0.7094,0.7052,0.6999,0.695,0.6905,0.6831,0.6813,0.6805,0.674,0.6682,0.666,0.6657,0.6632,0.6607,0.6582,0.6553,0.6515,0.6501,0.6494,0.648,0.6431,0.6372,0.6365,0.6307,0.6301,0.6287,0.6273,0.627,0.6267,0.6236,0.6193,0.6097,0.5973,0.596,0.5893,0.589,0.5887,0.5862,0.5827,0.5651,0.5587,0.5557,0.5512,0.5468,0.5392,0.5345,0.5322,0.5311,0.5186,0.5184,0.5109,0.5019,0.4973,0.4885,0.4864,0.4849,0.4825,0.4776,0.4651,0.4501,0.4472,0.445,0.4395,0.4388,0.4219,0.4054,0.4045,0.3998,0.3887,0.3778,0.3776,0.3761,0.3449,0.3423,0.3421,0.3375,0.337,0.3332,0.3236,0.2916],[0.9112,0.9102,0.9082,0.8945,0.8624,0.8564,0.855,0.832,0.8172,0.8159,0.811,0.8071,0.788,0.7803,0.7723,0.7718,0.7697,0.7656,0.7639,0.7471,0.7466,0.7434,0.7426,0.7422,0.7414,0.7398,0.7322,0.7238,0.7223,0.7215,0.7168,0.7102,0.7071,0.7029,0.6976,0.6926,0.6881,0.6807,0.6788,0.6781,0.6715,0.6657,0.6635,0.6631,0.6606,0.6581,0.6556,0.6528,0.6489,0.6475,0.6467,0.6453,0.6404,0.6345,0.6339,0.628,0.6273,0.626,0.6246,0.6243,0.6239,0.6209,0.6165,0.6069,0.5944,0.5932,0.5864,0.5861,0.5858,0.5832,0.5798,0.562,0.5557,0.5526,0.5482,0.5437,0.5361,0.5314,0.5291,0.528,0.5155,0.5152,0.5077,0.4986,0.4941,0.4853,0.4832,0.4816,0.4792,0.4743,0.4618,0.4467,0.4438,0.4417,0.4362,0.4355,0.4185,0.402,0.4011,0.3963,0.3853,0.3743,0.3741,0.3727,0.3415,0.3389,0.3387,0.3341,0.3336,0.3298,0.3202,0.2883],[0.9107,0.9097,0.9077,0.8939,0.8617,0.8556,0.8542,0.8312,0.8163,0.815,0.8101,0.8061,0.7869,0.7792,0.7711,0.7707,0.7686,0.7644,0.7628,0.7458,0.7454,0.7422,0.7414,0.7409,0.7401,0.7385,0.7309,0.7225,0.721,0.7202,0.7155,0.7088,0.7057,0.7015,0.6961,0.6912,0.6867,0.6792,0.6774,0.6766,0.67,0.6642,0.662,0.6616,0.6591,0.6566,0.6541,0.6512,0.6473,0.6459,0.6452,0.6438,0.6388,0.6329,0.6322,0.6264,0.6257,0.6243,0.623,0.6226,0.6223,0.6192,0.6148,0.6052,0.5927,0.5914,0.5847,0.5843,0.584,0.5815,0.578,0.5602,0.5538,0.5508,0.5463,0.5418,0.5342,0.5295,0.5272,0.5261,0.5136,0.5133,0.5058,0.4967,0.4921,0.4833,0.4812,0.4796,0.4773,0.4723,0.4598,0.4447,0.4418,0.4397,0.4342,0.4334,0.4165,0.3999,0.3991,0.3943,0.3832,0.3723,0.3721,0.3707,0.3394,0.3368,0.3366,0.3321,0.3315,0.3277,0.3182,0.2863],[0.9091,0.9081,0.906,0.892,0.8593,0.8531,0.8517,0.8283,0.8132,0.8118,0.8069,0.8028,0.7834,0.7756,0.7674,0.767,0.7648,0.7606,0.7589,0.7417,0.7413,0.738,0.7372,0.7368,0.736,0.7343,0.7266,0.7181,0.7165,0.7157,0.711,0.7043,0.7011,0.6968,0.6914,0.6864,0.6819,0.6743,0.6724,0.6717,0.665,0.6591,0.6569,0.6565,0.6539,0.6514,0.6489,0.646,0.642,0.6406,0.6399,0.6384,0.6335,0.6275,0.6268,0.6209,0.6202,0.6188,0.6174,0.6171,0.6168,0.6137,0.6092,0.5995,0.5869,0.5856,0.5788,0.5785,0.5781,0.5756,0.572,0.5542,0.5477,0.5447,0.5401,0.5356,0.5279,0.5232,0.5209,0.5198,0.5072,0.5069,0.4993,0.4902,0.4856,0.4767,0.4746,0.473,0.4707,0.4657,0.4532,0.438,0.4351,0.4329,0.4274,0.4267,0.4097,0.3931,0.3922,0.3875,0.3764,0.3654,0.3652,0.3638,0.3326,0.33,0.3298,0.3252,0.3247,0.3209,0.3114,0.2796],[0.9086,0.9076,0.9055,0.8914,0.8586,0.8524,0.8509,0.8274,0.8122,0.8109,0.8059,0.8018,0.7823,0.7744,0.7662,0.7658,0.7637,0.7594,0.7577,0.7405,0.7401,0.7368,0.7359,0.7355,0.7347,0.7331,0.7253,0.7168,0.7152,0.7144,0.7096,0.7029,0.6997,0.6954,0.69,0.685,0.6804,0.6728,0.6709,0.6702,0.6634,0.6575,0.6553,0.6549,0.6524,0.6498,0.6473,0.6444,0.6404,0.639,0.6383,0.6368,0.6319,0.6259,0.6252,0.6192,0.6185,0.6172,0.6158,0.6154,0.6151,0.612,0.6076,0.5978,0.5852,0.5838,0.577,0.5767,0.5764,0.5738,0.5703,0.5523,0.5459,0.5428,0.5383,0.5338,0.526,0.5213,0.519,0.5178,0.5052,0.5049,0.4974,0.4882,0.4836,0.4748,0.4726,0.471,0.4687,0.4637,0.4511,0.436,0.4331,0.4309,0.4254,0.4246,0.4076,0.3911,0.3902,0.3854,0.3743,0.3634,0.3632,0.3617,0.3305,0.3279,0.3278,0.3232,0.3227,0.3189,0.3094,0.2776],[0.9115,0.9105,0.9085,0.8948,0.8629,0.8569,0.8555,0.8326,0.8178,0.8165,0.8116,0.8077,0.7887,0.781,0.773,0.7726,0.7705,0.7663,0.7647,0.7479,0.7475,0.7442,0.7434,0.743,0.7422,0.7406,0.733,0.7247,0.7231,0.7224,0.7177,0.7111,0.708,0.7038,0.6985,0.6936,0.6891,0.6817,0.6798,0.6791,0.6725,0.6667,0.6645,0.6642,0.6616,0.6591,0.6566,0.6538,0.6499,0.6485,0.6478,0.6464,0.6415,0.6356,0.6349,0.6291,0.6284,0.6271,0.6257,0.6254,0.625,0.622,0.6176,0.608,0.5956,0.5943,0.5876,0.5873,0.5869,0.5844,0.5809,0.5633,0.5569,0.5539,0.5494,0.5449,0.5373,0.5327,0.5304,0.5292,0.5167,0.5165,0.509,0.4999,0.4953,0.4866,0.4845,0.4829,0.4805,0.4756,0.4631,0.4481,0.4452,0.443,0.4375,0.4368,0.4199,0.4034,0.4025,0.3977,0.3867,0.3757,0.3755,0.3741,0.3428,0.3402,0.34,0.3355,0.3349,0.3311,0.3216,0.2896],[0.9071,0.9061,0.904,0.8897,0.8564,0.8501,0.8486,0.8248,0.8094,0.808,0.803,0.7988,0.7791,0.7711,0.7628,0.7624,0.7602,0.7559,0.7542,0.7367,0.7363,0.733,0.7321,0.7317,0.7309,0.7292,0.7214,0.7128,0.7111,0.7103,0.7055,0.6987,0.6955,0.6912,0.6857,0.6806,0.676,0.6683,0.6664,0.6656,0.6589,0.6529,0.6506,0.6503,0.6477,0.6451,0.6425,0.6396,0.6356,0.6342,0.6334,0.632,0.627,0.6209,0.6202,0.6142,0.6135,0.6121,0.6107,0.6104,0.6101,0.6069,0.6025,0.5926,0.5799,0.5786,0.5717,0.5713,0.571,0.5684,0.5649,0.5468,0.5403,0.5372,0.5327,0.5281,0.5204,0.5156,0.5133,0.5121,0.4994,0.4991,0.4915,0.4824,0.4777,0.4688,0.4667,0.4651,0.4627,0.4577,0.4451,0.4299,0.427,0.4248,0.4193,0.4185,0.4015,0.3849,0.384,0.3792,0.3682,0.3572,0.357,0.3556,0.3244,0.3218,0.3216,0.3171,0.3165,0.3128,0.3033,0.2717],[0.9102,0.9092,0.9072,0.8933,0.861,0.8549,0.8535,0.8303,0.8154,0.814,0.8091,0.8051,0.7859,0.7781,0.77,0.7696,0.7675,0.7633,0.7616,0.7446,0.7442,0.7409,0.7401,0.7397,0.7389,0.7373,0.7296,0.7212,0.7196,0.7188,0.7141,0.7075,0.7044,0.7001,0.6947,0.6898,0.6852,0.6777,0.6759,0.6751,0.6685,0.6626,0.6604,0.6601,0.6575,0.655,0.6525,0.6496,0.6457,0.6443,0.6436,0.6422,0.6372,0.6313,0.6306,0.6247,0.6241,0.6227,0.6213,0.621,0.6206,0.6176,0.6132,0.6035,0.591,0.5897,0.5829,0.5826,0.5823,0.5797,0.5762,0.5584,0.552,0.549,0.5445,0.54,0.5323,0.5277,0.5253,0.5242,0.5116,0.5114,0.5038,0.4948,0.4901,0.4813,0.4792,0.4776,0.4753,0.4703,0.4578,0.4427,0.4398,0.4376,0.4321,0.4314,0.4144,0.3979,0.397,0.3922,0.3812,0.3702,0.37,0.3686,0.3374,0.3348,0.3346,0.33,0.3295,0.3257,0.3161,0.2843],[0.9121,0.9111,0.9092,0.8956,0.8639,0.8578,0.8565,0.8337,0.8191,0.8177,0.8129,0.809,0.7901,0.7824,0.7745,0.7741,0.772,0.7678,0.7662,0.7495,0.7491,0.7459,0.7451,0.7447,0.7439,0.7423,0.7347,0.7265,0.7249,0.7241,0.7195,0.7129,0.7098,0.7056,0.7004,0.6955,0.691,0.6836,0.6818,0.681,0.6745,0.6687,0.6665,0.6662,0.6637,0.6612,0.6587,0.6559,0.652,0.6506,0.6499,0.6485,0.6436,0.6378,0.6371,0.6313,0.6306,0.6292,0.6279,0.6276,0.6272,0.6242,0.6198,0.6102,0.5979,0.5966,0.5899,0.5896,0.5893,0.5867,0.5833,0.5657,0.5593,0.5563,0.5518,0.5474,0.5398,0.5352,0.5329,0.5317,0.5193,0.519,0.5115,0.5025,0.4979,0.4892,0.4871,0.4855,0.4832,0.4782,0.4658,0.4508,0.4479,0.4457,0.4402,0.4395,0.4226,0.4061,0.4052,0.4004,0.3894,0.3785,0.3782,0.3768,0.3456,0.343,0.3428,0.3382,0.3377,0.3339,0.3243,0.2923],[0.9092,0.9082,0.9062,0.8922,0.8596,0.8534,0.8519,0.8286,0.8135,0.8121,0.8072,0.8032,0.7837,0.7759,0.7678,0.7673,0.7652,0.761,0.7593,0.7421,0.7417,0.7384,0.7376,0.7372,0.7364,0.7347,0.727,0.7186,0.717,0.7162,0.7114,0.7047,0.7016,0.6973,0.6919,0.6869,0.6823,0.6748,0.6729,0.6722,0.6655,0.6596,0.6574,0.657,0.6545,0.6519,0.6494,0.6465,0.6425,0.6411,0.6404,0.639,0.634,0.6281,0.6274,0.6214,0.6208,0.6194,0.618,0.6177,0.6173,0.6142,0.6098,0.6,0.5875,0.5862,0.5794,0.5791,0.5787,0.5762,0.5726,0.5548,0.5483,0.5453,0.5408,0.5363,0.5286,0.5239,0.5215,0.5204,0.5078,0.5075,0.5,0.4909,0.4862,0.4774,0.4753,0.4737,0.4713,0.4664,0.4538,0.4387,0.4358,0.4336,0.4281,0.4274,0.4103,0.3938,0.3929,0.3881,0.3771,0.3661,0.3659,0.3645,0.3333,0.3307,0.3305,0.3259,0.3254,0.3216,0.3121,0.2803],[0.9097,0.9087,0.9067,0.8928,0.8603,0.8541,0.8527,0.8294,0.8144,0.8131,0.8081,0.8041,0.7848,0.777,0.7689,0.7685,0.7663,0.7621,0.7604,0.7434,0.743,0.7397,0.7389,0.7385,0.7376,0.736,0.7283,0.7199,0.7183,0.7175,0.7128,0.7061,0.703,0.6987,0.6933,0.6883,0.6838,0.6763,0.6744,0.6737,0.667,0.6611,0.6589,0.6585,0.656,0.6535,0.6509,0.6481,0.6441,0.6427,0.642,0.6406,0.6356,0.6297,0.629,0.6231,0.6224,0.621,0.6197,0.6193,0.619,0.6159,0.6115,0.6018,0.5892,0.5879,0.5811,0.5808,0.5805,0.5779,0.5744,0.5566,0.5502,0.5471,0.5426,0.5381,0.5304,0.5258,0.5234,0.5223,0.5097,0.5094,0.5019,0.4928,0.4882,0.4794,0.4772,0.4757,0.4733,0.4684,0.4558,0.4407,0.4378,0.4356,0.4301,0.4294,0.4124,0.3958,0.395,0.3902,0.3791,0.3682,0.368,0.3665,0.3353,0.3327,0.3325,0.328,0.3274,0.3236,0.3141,0.2823],[0.9076,0.9066,0.9045,0.8903,0.8571,0.8508,0.8494,0.8256,0.8103,0.809,0.8039,0.7998,0.7801,0.7722,0.764,0.7635,0.7614,0.7571,0.7553,0.738,0.7376,0.7342,0.7334,0.733,0.7322,0.7305,0.7227,0.7141,0.7125,0.7117,0.7069,0.7001,0.6969,0.6926,0.6871,0.6821,0.6774,0.6698,0.6679,0.6672,0.6604,0.6544,0.6522,0.6518,0.6493,0.6467,0.6441,0.6412,0.6372,0.6358,0.6351,0.6336,0.6286,0.6226,0.6219,0.6159,0.6152,0.6138,0.6124,0.6121,0.6117,0.6086,0.6042,0.5943,0.5816,0.5803,0.5735,0.5731,0.5728,0.5702,0.5667,0.5487,0.5422,0.5391,0.5345,0.53,0.5223,0.5175,0.5152,0.514,0.5014,0.5011,0.4935,0.4843,0.4797,0.4708,0.4687,0.4671,0.4647,0.4597,0.4471,0.4319,0.429,0.4268,0.4213,0.4206,0.4035,0.3869,0.3861,0.3813,0.3702,0.3593,0.3591,0.3576,0.3264,0.3239,0.3237,0.3191,0.3186,0.3148,0.3053,0.2737],[0.9129,0.9119,0.91,0.8965,0.865,0.8591,0.8577,0.8351,0.8206,0.8193,0.8145,0.8106,0.7918,0.7842,0.7763,0.7759,0.7738,0.7697,0.7681,0.7515,0.7511,0.7479,0.7471,0.7467,0.7459,0.7443,0.7368,0.7286,0.7271,0.7263,0.7217,0.7151,0.7121,0.7079,0.7027,0.6978,0.6934,0.686,0.6842,0.6835,0.6769,0.6712,0.669,0.6687,0.6662,0.6637,0.6612,0.6584,0.6546,0.6532,0.6525,0.6511,0.6463,0.6404,0.6398,0.634,0.6333,0.632,0.6306,0.6303,0.6299,0.6269,0.6226,0.613,0.6008,0.5995,0.5928,0.5925,0.5922,0.5896,0.5862,0.5687,0.5623,0.5593,0.5549,0.5505,0.5429,0.5383,0.536,0.5348,0.5224,0.5222,0.5147,0.5057,0.5012,0.4924,0.4903,0.4888,0.4864,0.4815,0.4691,0.4541,0.4512,0.4491,0.4436,0.4429,0.426,0.4095,0.4086,0.4039,0.3928,0.3819,0.3817,0.3803,0.349,0.3464,0.3462,0.3416,0.3411,0.3373,0.3277,0.2957],[0.9118,0.9108,0.9088,0.8952,0.8634,0.8574,0.856,0.8332,0.8184,0.8171,0.8123,0.8083,0.7894,0.7817,0.7737,0.7733,0.7712,0.7671,0.7654,0.7487,0.7483,0.745,0.7442,0.7438,0.743,0.7414,0.7339,0.7256,0.724,0.7232,0.7186,0.712,0.7089,0.7047,0.6994,0.6945,0.69,0.6826,0.6808,0.6801,0.6735,0.6677,0.6655,0.6652,0.6627,0.6602,0.6577,0.6548,0.6509,0.6495,0.6488,0.6474,0.6426,0.6367,0.636,0.6302,0.6295,0.6282,0.6268,0.6265,0.6261,0.6231,0.6187,0.6091,0.5967,0.5955,0.5887,0.5884,0.5881,0.5856,0.5821,0.5645,0.5581,0.5551,0.5506,0.5462,0.5386,0.5339,0.5316,0.5305,0.518,0.5177,0.5102,0.5012,0.4966,0.4879,0.4858,0.4842,0.4819,0.4769,0.4645,0.4494,0.4465,0.4444,0.4389,0.4382,0.4212,0.4047,0.4039,0.3991,0.388,0.3771,0.3769,0.3755,0.3442,0.3416,0.3414,0.3368,0.3363,0.3325,0.3229,0.291],[0.9092,0.9082,0.9062,0.8922,0.8596,0.8534,0.8519,0.8286,0.8135,0.8121,0.8072,0.8032,0.7837,0.7759,0.7678,0.7673,0.7652,0.761,0.7593,0.7421,0.7417,0.7384,0.7376,0.7372,0.7364,0.7347,0.727,0.7186,0.717,0.7162,0.7114,0.7047,0.7016,0.6973,0.6919,0.6869,0.6823,0.6748,0.6729,0.6722,0.6655,0.6596,0.6574,0.657,0.6545,0.6519,0.6494,0.6465,0.6425,0.6411,0.6404,0.639,0.634,0.6281,0.6274,0.6214,0.6208,0.6194,0.618,0.6177,0.6173,0.6142,0.6098,0.6,0.5875,0.5862,0.5794,0.5791,0.5787,0.5762,0.5726,0.5548,0.5483,0.5453,0.5408,0.5363,0.5286,0.5239,0.5215,0.5204,0.5078,0.5075,0.5,0.4909,0.4862,0.4774,0.4753,0.4737,0.4713,0.4664,0.4538,0.4387,0.4358,0.4336,0.4281,0.4274,0.4103,0.3938,0.3929,0.3881,0.3771,0.3661,0.3659,0.3645,0.3333,0.3307,0.3305,0.3259,0.3254,0.3216,0.3121,0.2803],[0.9104,0.9094,0.9074,0.8935,0.8612,0.8551,0.8537,0.8306,0.8157,0.8143,0.8094,0.8054,0.7862,0.7785,0.7704,0.77,0.7679,0.7637,0.762,0.745,0.7446,0.7413,0.7405,0.7401,0.7393,0.7377,0.73,0.7217,0.7201,0.7193,0.7146,0.7079,0.7048,0.7006,0.6952,0.6903,0.6857,0.6782,0.6764,0.6756,0.669,0.6631,0.661,0.6606,0.6581,0.6555,0.653,0.6502,0.6462,0.6448,0.6441,0.6427,0.6378,0.6319,0.6312,0.6253,0.6246,0.6232,0.6219,0.6215,0.6212,0.6181,0.6137,0.604,0.5916,0.5903,0.5835,0.5832,0.5828,0.5803,0.5768,0.559,0.5526,0.5496,0.5451,0.5406,0.5329,0.5283,0.526,0.5248,0.5123,0.512,0.5045,0.4954,0.4908,0.482,0.4799,0.4783,0.4759,0.471,0.4585,0.4434,0.4405,0.4383,0.4328,0.4321,0.4151,0.3986,0.3977,0.3929,0.3819,0.3709,0.3707,0.3693,0.338,0.3354,0.3353,0.3307,0.3301,0.3264,0.3168,0.285],[0.9091,0.9081,0.906,0.892,0.8593,0.8531,0.8517,0.8283,0.8132,0.8118,0.8069,0.8028,0.7834,0.7756,0.7674,0.767,0.7648,0.7606,0.7589,0.7417,0.7413,0.738,0.7372,0.7368,0.736,0.7343,0.7266,0.7181,0.7165,0.7157,0.711,0.7043,0.7011,0.6968,0.6914,0.6864,0.6819,0.6743,0.6724,0.6717,0.665,0.6591,0.6569,0.6565,0.6539,0.6514,0.6489,0.646,0.642,0.6406,0.6399,0.6384,0.6335,0.6275,0.6268,0.6209,0.6202,0.6188,0.6174,0.6171,0.6168,0.6137,0.6092,0.5995,0.5869,0.5856,0.5788,0.5785,0.5781,0.5756,0.572,0.5542,0.5477,0.5447,0.5401,0.5356,0.5279,0.5232,0.5209,0.5198,0.5072,0.5069,0.4993,0.4902,0.4856,0.4767,0.4746,0.473,0.4707,0.4657,0.4532,0.438,0.4351,0.4329,0.4274,0.4267,0.4097,0.3931,0.3922,0.3875,0.3764,0.3654,0.3652,0.3638,0.3326,0.33,0.3298,0.3252,0.3247,0.3209,0.3114,0.2796],[0.911,0.91,0.908,0.8943,0.8622,0.8561,0.8547,0.8317,0.8169,0.8156,0.8107,0.8067,0.7876,0.7799,0.7719,0.7715,0.7694,0.7652,0.7635,0.7466,0.7462,0.743,0.7422,0.7418,0.741,0.7394,0.7317,0.7234,0.7218,0.721,0.7163,0.7097,0.7067,0.7024,0.6971,0.6922,0.6877,0.6802,0.6783,0.6776,0.671,0.6652,0.663,0.6626,0.6601,0.6576,0.6551,0.6522,0.6483,0.6469,0.6462,0.6448,0.6399,0.634,0.6333,0.6275,0.6268,0.6254,0.6241,0.6237,0.6234,0.6203,0.616,0.6063,0.5939,0.5926,0.5858,0.5855,0.5852,0.5826,0.5792,0.5614,0.5551,0.552,0.5475,0.5431,0.5354,0.5308,0.5285,0.5273,0.5148,0.5146,0.507,0.498,0.4934,0.4846,0.4825,0.4809,0.4786,0.4736,0.4612,0.4461,0.4432,0.441,0.4355,0.4348,0.4178,0.4013,0.4004,0.3957,0.3846,0.3737,0.3735,0.372,0.3408,0.3382,0.338,0.3334,0.3329,0.3291,0.3195,0.2876],[0.9112,0.9102,0.9082,0.8945,0.8624,0.8564,0.855,0.832,0.8172,0.8159,0.811,0.8071,0.788,0.7803,0.7723,0.7718,0.7697,0.7656,0.7639,0.7471,0.7466,0.7434,0.7426,0.7422,0.7414,0.7398,0.7322,0.7238,0.7223,0.7215,0.7168,0.7102,0.7071,0.7029,0.6976,0.6926,0.6881,0.6807,0.6788,0.6781,0.6715,0.6657,0.6635,0.6631,0.6606,0.6581,0.6556,0.6528,0.6489,0.6475,0.6467,0.6453,0.6404,0.6345,0.6339,0.628,0.6273,0.626,0.6246,0.6243,0.6239,0.6209,0.6165,0.6069,0.5944,0.5932,0.5864,0.5861,0.5858,0.5832,0.5798,0.562,0.5557,0.5526,0.5482,0.5437,0.5361,0.5314,0.5291,0.528,0.5155,0.5152,0.5077,0.4986,0.4941,0.4853,0.4832,0.4816,0.4792,0.4743,0.4618,0.4467,0.4438,0.4417,0.4362,0.4355,0.4185,0.402,0.4011,0.3963,0.3853,0.3743,0.3741,0.3727,0.3415,0.3389,0.3387,0.3341,0.3336,0.3298,0.3202,0.2883],[0.9076,0.9066,0.9045,0.8903,0.8571,0.8508,0.8494,0.8256,0.8103,0.809,0.8039,0.7998,0.7801,0.7722,0.764,0.7635,0.7614,0.7571,0.7553,0.738,0.7376,0.7342,0.7334,0.733,0.7322,0.7305,0.7227,0.7141,0.7125,0.7117,0.7069,0.7001,0.6969,0.6926,0.6871,0.6821,0.6774,0.6698,0.6679,0.6672,0.6604,0.6544,0.6522,0.6518,0.6493,0.6467,0.6441,0.6412,0.6372,0.6358,0.6351,0.6336,0.6286,0.6226,0.6219,0.6159,0.6152,0.6138,0.6124,0.6121,0.6117,0.6086,0.6042,0.5943,0.5816,0.5803,0.5735,0.5731,0.5728,0.5702,0.5667,0.5487,0.5422,0.5391,0.5345,0.53,0.5223,0.5175,0.5152,0.514,0.5014,0.5011,0.4935,0.4843,0.4797,0.4708,0.4687,0.4671,0.4647,0.4597,0.4471,0.4319,0.429,0.4268,0.4213,0.4206,0.4035,0.3869,0.3861,0.3813,0.3702,0.3593,0.3591,0.3576,0.3264,0.3239,0.3237,0.3191,0.3186,0.3148,0.3053,0.2737],[0.9118,0.9108,0.9088,0.8952,0.8634,0.8574,0.856,0.8332,0.8184,0.8171,0.8123,0.8083,0.7894,0.7817,0.7737,0.7733,0.7712,0.7671,0.7654,0.7487,0.7483,0.745,0.7442,0.7438,0.743,0.7414,0.7339,0.7256,0.724,0.7232,0.7186,0.712,0.7089,0.7047,0.6994,0.6945,0.69,0.6826,0.6808,0.6801,0.6735,0.6677,0.6655,0.6652,0.6627,0.6602,0.6577,0.6548,0.6509,0.6495,0.6488,0.6474,0.6426,0.6367,0.636,0.6302,0.6295,0.6282,0.6268,0.6265,0.6261,0.6231,0.6187,0.6091,0.5967,0.5955,0.5887,0.5884,0.5881,0.5856,0.5821,0.5645,0.5581,0.5551,0.5506,0.5462,0.5386,0.5339,0.5316,0.5305,0.518,0.5177,0.5102,0.5012,0.4966,0.4879,0.4858,0.4842,0.4819,0.4769,0.4645,0.4494,0.4465,0.4444,0.4389,0.4382,0.4212,0.4047,0.4039,0.3991,0.388,0.3771,0.3769,0.3755,0.3442,0.3416,0.3414,0.3368,0.3363,0.3325,0.3229,0.291],[0.9104,0.9094,0.9074,0.8935,0.8612,0.8551,0.8537,0.8306,0.8157,0.8143,0.8094,0.8054,0.7862,0.7785,0.7704,0.77,0.7679,0.7637,0.762,0.745,0.7446,0.7413,0.7405,0.7401,0.7393,0.7377,0.73,0.7217,0.7201,0.7193,0.7146,0.7079,0.7048,0.7006,0.6952,0.6903,0.6857,0.6782,0.6764,0.6756,0.669,0.6631,0.661,0.6606,0.6581,0.6555,0.653,0.6502,0.6462,0.6448,0.6441,0.6427,0.6378,0.6319,0.6312,0.6253,0.6246,0.6232,0.6219,0.6215,0.6212,0.6181,0.6137,0.604,0.5916,0.5903,0.5835,0.5832,0.5828,0.5803,0.5768,0.559,0.5526,0.5496,0.5451,0.5406,0.5329,0.5283,0.526,0.5248,0.5123,0.512,0.5045,0.4954,0.4908,0.482,0.4799,0.4783,0.4759,0.471,0.4585,0.4434,0.4405,0.4383,0.4328,0.4321,0.4151,0.3986,0.3977,0.3929,0.3819,0.3709,0.3707,0.3693,0.338,0.3354,0.3353,0.3307,0.3301,0.3264,0.3168,0.285],[0.9086,0.9076,0.9055,0.8914,0.8586,0.8524,0.8509,0.8274,0.8122,0.8109,0.8059,0.8018,0.7823,0.7744,0.7662,0.7658,0.7637,0.7594,0.7577,0.7405,0.7401,0.7368,0.7359,0.7355,0.7347,0.7331,0.7253,0.7168,0.7152,0.7144,0.7096,0.7029,0.6997,0.6954,0.69,0.685,0.6804,0.6728,0.6709,0.6702,0.6634,0.6575,0.6553,0.6549,0.6524,0.6498,0.6473,0.6444,0.6404,0.639,0.6383,0.6368,0.6319,0.6259,0.6252,0.6192,0.6185,0.6172,0.6158,0.6154,0.6151,0.612,0.6076,0.5978,0.5852,0.5838,0.577,0.5767,0.5764,0.5738,0.5703,0.5523,0.5459,0.5428,0.5383,0.5338,0.526,0.5213,0.519,0.5178,0.5052,0.5049,0.4974,0.4882,0.4836,0.4748,0.4726,0.471,0.4687,0.4637,0.4511,0.436,0.4331,0.4309,0.4254,0.4246,0.4076,0.3911,0.3902,0.3854,0.3743,0.3634,0.3632,0.3617,0.3305,0.3279,0.3278,0.3232,0.3227,0.3189,0.3094,0.2776],[0.9112,0.9102,0.9082,0.8945,0.8624,0.8564,0.855,0.832,0.8172,0.8159,0.811,0.8071,0.788,0.7803,0.7723,0.7718,0.7697,0.7656,0.7639,0.7471,0.7466,0.7434,0.7426,0.7422,0.7414,0.7398,0.7322,0.7238,0.7223,0.7215,0.7168,0.7102,0.7071,0.7029,0.6976,0.6926,0.6881,0.6807,0.6788,0.6781,0.6715,0.6657,0.6635,0.6631,0.6606,0.6581,0.6556,0.6528,0.6489,0.6475,0.6467,0.6453,0.6404,0.6345,0.6339,0.628,0.6273,0.626,0.6246,0.6243,0.6239,0.6209,0.6165,0.6069,0.5944,0.5932,0.5864,0.5861,0.5858,0.5832,0.5798,0.562,0.5557,0.5526,0.5482,0.5437,0.5361,0.5314,0.5291,0.528,0.5155,0.5152,0.5077,0.4986,0.4941,0.4853,0.4832,0.4816,0.4792,0.4743,0.4618,0.4467,0.4438,0.4417,0.4362,0.4355,0.4185,0.402,0.4011,0.3963,0.3853,0.3743,0.3741,0.3727,0.3415,0.3389,0.3387,0.3341,0.3336,0.3298,0.3202,0.2883],[0.91,0.909,0.907,0.8932,0.8608,0.8546,0.8532,0.83,0.8151,0.8137,0.8088,0.8048,0.7855,0.7777,0.7696,0.7692,0.7671,0.7629,0.7612,0.7442,0.7438,0.7405,0.7397,0.7393,0.7385,0.7368,0.7292,0.7208,0.7192,0.7184,0.7137,0.707,0.7039,0.6996,0.6943,0.6893,0.6848,0.6773,0.6754,0.6746,0.668,0.6621,0.6599,0.6596,0.657,0.6545,0.652,0.6491,0.6452,0.6438,0.6431,0.6416,0.6367,0.6308,0.6301,0.6242,0.6235,0.6221,0.6208,0.6204,0.6201,0.617,0.6126,0.6029,0.5904,0.5891,0.5823,0.582,0.5817,0.5791,0.5756,0.5578,0.5514,0.5484,0.5438,0.5394,0.5317,0.527,0.5247,0.5235,0.511,0.5107,0.5032,0.4941,0.4895,0.4807,0.4786,0.477,0.4746,0.4697,0.4572,0.442,0.4391,0.437,0.4315,0.4307,0.4137,0.3972,0.3963,0.3916,0.3805,0.3695,0.3693,0.3679,0.3367,0.3341,0.3339,0.3293,0.3288,0.325,0.3155,0.2836],[0.9115,0.9105,0.9085,0.8948,0.8629,0.8569,0.8555,0.8326,0.8178,0.8165,0.8116,0.8077,0.7887,0.781,0.773,0.7726,0.7705,0.7663,0.7647,0.7479,0.7475,0.7442,0.7434,0.743,0.7422,0.7406,0.733,0.7247,0.7231,0.7224,0.7177,0.7111,0.708,0.7038,0.6985,0.6936,0.6891,0.6817,0.6798,0.6791,0.6725,0.6667,0.6645,0.6642,0.6616,0.6591,0.6566,0.6538,0.6499,0.6485,0.6478,0.6464,0.6415,0.6356,0.6349,0.6291,0.6284,0.6271,0.6257,0.6254,0.625,0.622,0.6176,0.608,0.5956,0.5943,0.5876,0.5873,0.5869,0.5844,0.5809,0.5633,0.5569,0.5539,0.5494,0.5449,0.5373,0.5327,0.5304,0.5292,0.5167,0.5165,0.509,0.4999,0.4953,0.4866,0.4845,0.4829,0.4805,0.4756,0.4631,0.4481,0.4452,0.443,0.4375,0.4368,0.4199,0.4034,0.4025,0.3977,0.3867,0.3757,0.3755,0.3741,0.3428,0.3402,0.34,0.3355,0.3349,0.3311,0.3216,0.2896],[0.9102,0.9092,0.9072,0.8933,0.861,0.8549,0.8535,0.8303,0.8154,0.814,0.8091,0.8051,0.7859,0.7781,0.77,0.7696,0.7675,0.7633,0.7616,0.7446,0.7442,0.7409,0.7401,0.7397,0.7389,0.7373,0.7296,0.7212,0.7196,0.7188,0.7141,0.7075,0.7044,0.7001,0.6947,0.6898,0.6852,0.6777,0.6759,0.6751,0.6685,0.6626,0.6604,0.6601,0.6575,0.655,0.6525,0.6496,0.6457,0.6443,0.6436,0.6422,0.6372,0.6313,0.6306,0.6247,0.6241,0.6227,0.6213,0.621,0.6206,0.6176,0.6132,0.6035,0.591,0.5897,0.5829,0.5826,0.5823,0.5797,0.5762,0.5584,0.552,0.549,0.5445,0.54,0.5323,0.5277,0.5253,0.5242,0.5116,0.5114,0.5038,0.4948,0.4901,0.4813,0.4792,0.4776,0.4753,0.4703,0.4578,0.4427,0.4398,0.4376,0.4321,0.4314,0.4144,0.3979,0.397,0.3922,0.3812,0.3702,0.37,0.3686,0.3374,0.3348,0.3346,0.33,0.3295,0.3257,0.3161,0.2843],[0.9081,0.9071,0.905,0.8909,0.8579,0.8516,0.8502,0.8265,0.8113,0.8099,0.8049,0.8008,0.7812,0.7733,0.7651,0.7647,0.7625,0.7582,0.7565,0.7392,0.7388,0.7355,0.7347,0.7343,0.7334,0.7318,0.724,0.7155,0.7138,0.713,0.7082,0.7015,0.6983,0.694,0.6886,0.6835,0.6789,0.6713,0.6694,0.6687,0.6619,0.656,0.6538,0.6534,0.6508,0.6483,0.6457,0.6428,0.6388,0.6374,0.6367,0.6352,0.6302,0.6242,0.6235,0.6176,0.6169,0.6155,0.6141,0.6138,0.6134,0.6103,0.6059,0.596,0.5834,0.5821,0.5752,0.5749,0.5746,0.572,0.5685,0.5505,0.544,0.541,0.5364,0.5319,0.5241,0.5194,0.5171,0.5159,0.5033,0.503,0.4954,0.4863,0.4817,0.4728,0.4706,0.4691,0.4667,0.4617,0.4491,0.434,0.431,0.4288,0.4233,0.4226,0.4056,0.389,0.3881,0.3833,0.3723,0.3613,0.3611,0.3597,0.3285,0.3259,0.3257,0.3212,0.3206,0.3168,0.3073,0.2757],[0.9097,0.9087,0.9067,0.8928,0.8603,0.8541,0.8527,0.8294,0.8144,0.8131,0.8081,0.8041,0.7848,0.777,0.7689,0.7685,0.7663,0.7621,0.7604,0.7434,0.743,0.7397,0.7389,0.7385,0.7376,0.736,0.7283,0.7199,0.7183,0.7175,0.7128,0.7061,0.703,0.6987,0.6933,0.6883,0.6838,0.6763,0.6744,0.6737,0.667,0.6611,0.6589,0.6585,0.656,0.6535,0.6509,0.6481,0.6441,0.6427,0.642,0.6406,0.6356,0.6297,0.629,0.6231,0.6224,0.621,0.6197,0.6193,0.619,0.6159,0.6115,0.6018,0.5892,0.5879,0.5811,0.5808,0.5805,0.5779,0.5744,0.5566,0.5502,0.5471,0.5426,0.5381,0.5304,0.5258,0.5234,0.5223,0.5097,0.5094,0.5019,0.4928,0.4882,0.4794,0.4772,0.4757,0.4733,0.4684,0.4558,0.4407,0.4378,0.4356,0.4301,0.4294,0.4124,0.3958,0.395,0.3902,0.3791,0.3682,0.368,0.3665,0.3353,0.3327,0.3325,0.328,0.3274,0.3236,0.3141,0.2823],[0.9099,0.9089,0.9069,0.893,0.8605,0.8544,0.853,0.8297,0.8147,0.8134,0.8085,0.8045,0.7851,0.7774,0.7693,0.7688,0.7667,0.7625,0.7608,0.7438,0.7434,0.7401,0.7393,0.7389,0.7381,0.7364,0.7287,0.7203,0.7188,0.718,0.7132,0.7066,0.7034,0.6992,0.6938,0.6888,0.6843,0.6768,0.6749,0.6742,0.6675,0.6616,0.6594,0.6591,0.6565,0.654,0.6515,0.6486,0.6447,0.6432,0.6425,0.6411,0.6362,0.6302,0.6295,0.6236,0.623,0.6216,0.6202,0.6199,0.6195,0.6165,0.612,0.6023,0.5898,0.5885,0.5817,0.5814,0.5811,0.5785,0.575,0.5572,0.5508,0.5477,0.5432,0.5387,0.5311,0.5264,0.5241,0.5229,0.5104,0.5101,0.5025,0.4935,0.4888,0.48,0.4779,0.4763,0.474,0.469,0.4565,0.4414,0.4385,0.4363,0.4308,0.4301,0.4131,0.3965,0.3957,0.3909,0.3798,0.3689,0.3687,0.3672,0.336,0.3334,0.3332,0.3286,0.3281,0.3243,0.3148,0.283],[0.9107,0.9097,0.9077,0.8939,0.8617,0.8556,0.8542,0.8312,0.8163,0.815,0.8101,0.8061,0.7869,0.7792,0.7711,0.7707,0.7686,0.7644,0.7628,0.7458,0.7454,0.7422,0.7414,0.7409,0.7401,0.7385,0.7309,0.7225,0.721,0.7202,0.7155,0.7088,0.7057,0.7015,0.6961,0.6912,0.6867,0.6792,0.6774,0.6766,0.67,0.6642,0.662,0.6616,0.6591,0.6566,0.6541,0.6512,0.6473,0.6459,0.6452,0.6438,0.6388,0.6329,0.6322,0.6264,0.6257,0.6243,0.623,0.6226,0.6223,0.6192,0.6148,0.6052,0.5927,0.5914,0.5847,0.5843,0.584,0.5815,0.578,0.5602,0.5538,0.5508,0.5463,0.5418,0.5342,0.5295,0.5272,0.5261,0.5136,0.5133,0.5058,0.4967,0.4921,0.4833,0.4812,0.4796,0.4773,0.4723,0.4598,0.4447,0.4418,0.4397,0.4342,0.4334,0.4165,0.3999,0.3991,0.3943,0.3832,0.3723,0.3721,0.3707,0.3394,0.3368,0.3366,0.3321,0.3315,0.3277,0.3182,0.2863],[0.9099,0.9089,0.9069,0.893,0.8605,0.8544,0.853,0.8297,0.8147,0.8134,0.8085,0.8045,0.7851,0.7774,0.7693,0.7688,0.7667,0.7625,0.7608,0.7438,0.7434,0.7401,0.7393,0.7389,0.7381,0.7364,0.7287,0.7203,0.7188,0.718,0.7132,0.7066,0.7034,0.6992,0.6938,0.6888,0.6843,0.6768,0.6749,0.6742,0.6675,0.6616,0.6594,0.6591,0.6565,0.654,0.6515,0.6486,0.6447,0.6432,0.6425,0.6411,0.6362,0.6302,0.6295,0.6236,0.623,0.6216,0.6202,0.6199,0.6195,0.6165,0.612,0.6023,0.5898,0.5885,0.5817,0.5814,0.5811,0.5785,0.575,0.5572,0.5508,0.5477,0.5432,0.5387,0.5311,0.5264,0.5241,0.5229,0.5104,0.5101,0.5025,0.4935,0.4888,0.48,0.4779,0.4763,0.474,0.469,0.4565,0.4414,0.4385,0.4363,0.4308,0.4301,0.4131,0.3965,0.3957,0.3909,0.3798,0.3689,0.3687,0.3672,0.336,0.3334,0.3332,0.3286,0.3281,0.3243,0.3148,0.283],[0.9092,0.9082,0.9062,0.8922,0.8596,0.8534,0.8519,0.8286,0.8135,0.8121,0.8072,0.8032,0.7837,0.7759,0.7678,0.7673,0.7652,0.761,0.7593,0.7421,0.7417,0.7384,0.7376,0.7372,0.7364,0.7347,0.727,0.7186,0.717,0.7162,0.7114,0.7047,0.7016,0.6973,0.6919,0.6869,0.6823,0.6748,0.6729,0.6722,0.6655,0.6596,0.6574,0.657,0.6545,0.6519,0.6494,0.6465,0.6425,0.6411,0.6404,0.639,0.634,0.6281,0.6274,0.6214,0.6208,0.6194,0.618,0.6177,0.6173,0.6142,0.6098,0.6,0.5875,0.5862,0.5794,0.5791,0.5787,0.5762,0.5726,0.5548,0.5483,0.5453,0.5408,0.5363,0.5286,0.5239,0.5215,0.5204,0.5078,0.5075,0.5,0.4909,0.4862,0.4774,0.4753,0.4737,0.4713,0.4664,0.4538,0.4387,0.4358,0.4336,0.4281,0.4274,0.4103,0.3938,0.3929,0.3881,0.3771,0.3661,0.3659,0.3645,0.3333,0.3307,0.3305,0.3259,0.3254,0.3216,0.3121,0.2803],[0.9091,0.9081,0.906,0.892,0.8593,0.8531,0.8517,0.8283,0.8132,0.8118,0.8069,0.8028,0.7834,0.7756,0.7674,0.767,0.7648,0.7606,0.7589,0.7417,0.7413,0.738,0.7372,0.7368,0.736,0.7343,0.7266,0.7181,0.7165,0.7157,0.711,0.7043,0.7011,0.6968,0.6914,0.6864,0.6819,0.6743,0.6724,0.6717,0.665,0.6591,0.6569,0.6565,0.6539,0.6514,0.6489,0.646,0.642,0.6406,0.6399,0.6384,0.6335,0.6275,0.6268,0.6209,0.6202,0.6188,0.6174,0.6171,0.6168,0.6137,0.6092,0.5995,0.5869,0.5856,0.5788,0.5785,0.5781,0.5756,0.572,0.5542,0.5477,0.5447,0.5401,0.5356,0.5279,0.5232,0.5209,0.5198,0.5072,0.5069,0.4993,0.4902,0.4856,0.4767,0.4746,0.473,0.4707,0.4657,0.4532,0.438,0.4351,0.4329,0.4274,0.4267,0.4097,0.3931,0.3922,0.3875,0.3764,0.3654,0.3652,0.3638,0.3326,0.33,0.3298,0.3252,0.3247,0.3209,0.3114,0.2796],[0.9115,0.9105,0.9085,0.8948,0.8629,0.8569,0.8555,0.8326,0.8178,0.8165,0.8116,0.8077,0.7887,0.781,0.773,0.7726,0.7705,0.7663,0.7647,0.7479,0.7475,0.7442,0.7434,0.743,0.7422,0.7406,0.733,0.7247,0.7231,0.7224,0.7177,0.7111,0.708,0.7038,0.6985,0.6936,0.6891,0.6817,0.6798,0.6791,0.6725,0.6667,0.6645,0.6642,0.6616,0.6591,0.6566,0.6538,0.6499,0.6485,0.6478,0.6464,0.6415,0.6356,0.6349,0.6291,0.6284,0.6271,0.6257,0.6254,0.625,0.622,0.6176,0.608,0.5956,0.5943,0.5876,0.5873,0.5869,0.5844,0.5809,0.5633,0.5569,0.5539,0.5494,0.5449,0.5373,0.5327,0.5304,0.5292,0.5167,0.5165,0.509,0.4999,0.4953,0.4866,0.4845,0.4829,0.4805,0.4756,0.4631,0.4481,0.4452,0.443,0.4375,0.4368,0.4199,0.4034,0.4025,0.3977,0.3867,0.3757,0.3755,0.3741,0.3428,0.3402,0.34,0.3355,0.3349,0.3311,0.3216,0.2896],[0.911,0.91,0.908,0.8943,0.8622,0.8561,0.8547,0.8317,0.8169,0.8156,0.8107,0.8067,0.7876,0.7799,0.7719,0.7715,0.7694,0.7652,0.7635,0.7466,0.7462,0.743,0.7422,0.7418,0.741,0.7394,0.7317,0.7234,0.7218,0.721,0.7163,0.7097,0.7067,0.7024,0.6971,0.6922,0.6877,0.6802,0.6783,0.6776,0.671,0.6652,0.663,0.6626,0.6601,0.6576,0.6551,0.6522,0.6483,0.6469,0.6462,0.6448,0.6399,0.634,0.6333,0.6275,0.6268,0.6254,0.6241,0.6237,0.6234,0.6203,0.616,0.6063,0.5939,0.5926,0.5858,0.5855,0.5852,0.5826,0.5792,0.5614,0.5551,0.552,0.5475,0.5431,0.5354,0.5308,0.5285,0.5273,0.5148,0.5146,0.507,0.498,0.4934,0.4846,0.4825,0.4809,0.4786,0.4736,0.4612,0.4461,0.4432,0.441,0.4355,0.4348,0.4178,0.4013,0.4004,0.3957,0.3846,0.3737,0.3735,0.372,0.3408,0.3382,0.338,0.3334,0.3329,0.3291,0.3195,0.2876],[0.9097,0.9087,0.9067,0.8928,0.8603,0.8541,0.8527,0.8294,0.8144,0.8131,0.8081,0.8041,0.7848,0.777,0.7689,0.7685,0.7663,0.7621,0.7604,0.7434,0.743,0.7397,0.7389,0.7385,0.7376,0.736,0.7283,0.7199,0.7183,0.7175,0.7128,0.7061,0.703,0.6987,0.6933,0.6883,0.6838,0.6763,0.6744,0.6737,0.667,0.6611,0.6589,0.6585,0.656,0.6535,0.6509,0.6481,0.6441,0.6427,0.642,0.6406,0.6356,0.6297,0.629,0.6231,0.6224,0.621,0.6197,0.6193,0.619,0.6159,0.6115,0.6018,0.5892,0.5879,0.5811,0.5808,0.5805,0.5779,0.5744,0.5566,0.5502,0.5471,0.5426,0.5381,0.5304,0.5258,0.5234,0.5223,0.5097,0.5094,0.5019,0.4928,0.4882,0.4794,0.4772,0.4757,0.4733,0.4684,0.4558,0.4407,0.4378,0.4356,0.4301,0.4294,0.4124,0.3958,0.395,0.3902,0.3791,0.3682,0.368,0.3665,0.3353,0.3327,0.3325,0.328,0.3274,0.3236,0.3141,0.2823],[0.9123,0.9113,0.9093,0.8958,0.8641,0.8581,0.8567,0.834,0.8194,0.818,0.8132,0.8093,0.7904,0.7828,0.7749,0.7744,0.7724,0.7682,0.7666,0.7499,0.7495,0.7463,0.7455,0.7451,0.7443,0.7427,0.7351,0.7269,0.7253,0.7245,0.7199,0.7133,0.7103,0.7061,0.7008,0.6959,0.6915,0.6841,0.6823,0.6815,0.675,0.6692,0.667,0.6667,0.6642,0.6617,0.6592,0.6564,0.6525,0.6511,0.6504,0.649,0.6442,0.6383,0.6376,0.6318,0.6311,0.6298,0.6284,0.6281,0.6278,0.6247,0.6204,0.6108,0.5985,0.5972,0.5905,0.5902,0.5898,0.5873,0.5839,0.5663,0.5599,0.5569,0.5524,0.548,0.5404,0.5358,0.5335,0.5323,0.5199,0.5196,0.5122,0.5032,0.4986,0.4898,0.4877,0.4862,0.4838,0.4789,0.4665,0.4514,0.4485,0.4464,0.4409,0.4402,0.4233,0.4068,0.4059,0.4011,0.3901,0.3791,0.3789,0.3775,0.3462,0.3437,0.3435,0.3389,0.3383,0.3345,0.325,0.293],[0.9132,0.9122,0.9103,0.8969,0.8655,0.8595,0.8582,0.8357,0.8212,0.8199,0.8151,0.8112,0.7925,0.7849,0.7771,0.7766,0.7746,0.7705,0.7688,0.7523,0.7519,0.7487,0.7479,0.7475,0.7467,0.7451,0.7376,0.7295,0.7279,0.7271,0.7225,0.716,0.713,0.7088,0.7036,0.6988,0.6943,0.687,0.6852,0.6844,0.6779,0.6722,0.67,0.6697,0.6672,0.6647,0.6623,0.6595,0.6556,0.6542,0.6535,0.6521,0.6473,0.6415,0.6408,0.6351,0.6344,0.633,0.6317,0.6314,0.631,0.628,0.6237,0.6142,0.6019,0.6006,0.594,0.5936,0.5933,0.5908,0.5874,0.5699,0.5635,0.5605,0.5561,0.5517,0.5441,0.5395,0.5372,0.5361,0.5237,0.5234,0.516,0.507,0.5025,0.4937,0.4916,0.4901,0.4877,0.4828,0.4704,0.4554,0.4526,0.4504,0.4449,0.4442,0.4273,0.4109,0.41,0.4052,0.3942,0.3833,0.383,0.3816,0.3504,0.3478,0.3476,0.343,0.3424,0.3386,0.3291,0.297],[0.9119,0.911,0.909,0.8954,0.8636,0.8576,0.8562,0.8334,0.8187,0.8174,0.8126,0.8087,0.7897,0.7821,0.7741,0.7737,0.7716,0.7675,0.7658,0.7491,0.7487,0.7454,0.7446,0.7442,0.7434,0.7418,0.7343,0.726,0.7245,0.7237,0.719,0.7125,0.7094,0.7052,0.6999,0.695,0.6905,0.6831,0.6813,0.6805,0.674,0.6682,0.666,0.6657,0.6632,0.6607,0.6582,0.6553,0.6515,0.6501,0.6494,0.648,0.6431,0.6372,0.6365,0.6307,0.6301,0.6287,0.6273,0.627,0.6267,0.6236,0.6193,0.6097,0.5973,0.596,0.5893,0.589,0.5887,0.5862,0.5827,0.5651,0.5587,0.5557,0.5512,0.5468,0.5392,0.5345,0.5322,0.5311,0.5186,0.5184,0.5109,0.5019,0.4973,0.4885,0.4864,0.4849,0.4825,0.4776,0.4651,0.4501,0.4472,0.445,0.4395,0.4388,0.4219,0.4054,0.4045,0.3998,0.3887,0.3778,0.3776,0.3761,0.3449,0.3423,0.3421,0.3375,0.337,0.3332,0.3236,0.2916],[0.9123,0.9113,0.9093,0.8958,0.8641,0.8581,0.8567,0.834,0.8194,0.818,0.8132,0.8093,0.7904,0.7828,0.7749,0.7744,0.7724,0.7682,0.7666,0.7499,0.7495,0.7463,0.7455,0.7451,0.7443,0.7427,0.7351,0.7269,0.7253,0.7245,0.7199,0.7133,0.7103,0.7061,0.7008,0.6959,0.6915,0.6841,0.6823,0.6815,0.675,0.6692,0.667,0.6667,0.6642,0.6617,0.6592,0.6564,0.6525,0.6511,0.6504,0.649,0.6442,0.6383,0.6376,0.6318,0.6311,0.6298,0.6284,0.6281,0.6278,0.6247,0.6204,0.6108,0.5985,0.5972,0.5905,0.5902,0.5898,0.5873,0.5839,0.5663,0.5599,0.5569,0.5524,0.548,0.5404,0.5358,0.5335,0.5323,0.5199,0.5196,0.5122,0.5032,0.4986,0.4898,0.4877,0.4862,0.4838,0.4789,0.4665,0.4514,0.4485,0.4464,0.4409,0.4402,0.4233,0.4068,0.4059,0.4011,0.3901,0.3791,0.3789,0.3775,0.3462,0.3437,0.3435,0.3389,0.3383,0.3345,0.325,0.293],[0.9113,0.9103,0.9084,0.8946,0.8627,0.8566,0.8552,0.8323,0.8175,0.8162,0.8113,0.8074,0.7883,0.7806,0.7726,0.7722,0.7701,0.7659,0.7643,0.7475,0.7471,0.7438,0.743,0.7426,0.7418,0.7402,0.7326,0.7243,0.7227,0.7219,0.7172,0.7106,0.7076,0.7033,0.698,0.6931,0.6886,0.6812,0.6793,0.6786,0.672,0.6662,0.664,0.6636,0.6611,0.6586,0.6561,0.6533,0.6494,0.648,0.6473,0.6459,0.641,0.6351,0.6344,0.6286,0.6279,0.6265,0.6252,0.6248,0.6245,0.6214,0.6171,0.6074,0.595,0.5937,0.587,0.5867,0.5864,0.5838,0.5803,0.5627,0.5563,0.5533,0.5488,0.5443,0.5367,0.532,0.5297,0.5286,0.5161,0.5158,0.5083,0.4993,0.4947,0.4859,0.4838,0.4822,0.4799,0.475,0.4625,0.4474,0.4445,0.4423,0.4369,0.4361,0.4192,0.4027,0.4018,0.397,0.386,0.375,0.3748,0.3734,0.3421,0.3395,0.3394,0.3348,0.3342,0.3305,0.3209,0.289],[0.9118,0.9108,0.9088,0.8952,0.8634,0.8574,0.856,0.8332,0.8184,0.8171,0.8123,0.8083,0.7894,0.7817,0.7737,0.7733,0.7712,0.7671,0.7654,0.7487,0.7483,0.745,0.7442,0.7438,0.743,0.7414,0.7339,0.7256,0.724,0.7232,0.7186,0.712,0.7089,0.7047,0.6994,0.6945,0.69,0.6826,0.6808,0.6801,0.6735,0.6677,0.6655,0.6652,0.6627,0.6602,0.6577,0.6548,0.6509,0.6495,0.6488,0.6474,0.6426,0.6367,0.636,0.6302,0.6295,0.6282,0.6268,0.6265,0.6261,0.6231,0.6187,0.6091,0.5967,0.5955,0.5887,0.5884,0.5881,0.5856,0.5821,0.5645,0.5581,0.5551,0.5506,0.5462,0.5386,0.5339,0.5316,0.5305,0.518,0.5177,0.5102,0.5012,0.4966,0.4879,0.4858,0.4842,0.4819,0.4769,0.4645,0.4494,0.4465,0.4444,0.4389,0.4382,0.4212,0.4047,0.4039,0.3991,0.388,0.3771,0.3769,0.3755,0.3442,0.3416,0.3414,0.3368,0.3363,0.3325,0.3229,0.291],[0.9113,0.9103,0.9084,0.8946,0.8627,0.8566,0.8552,0.8323,0.8175,0.8162,0.8113,0.8074,0.7883,0.7806,0.7726,0.7722,0.7701,0.7659,0.7643,0.7475,0.7471,0.7438,0.743,0.7426,0.7418,0.7402,0.7326,0.7243,0.7227,0.7219,0.7172,0.7106,0.7076,0.7033,0.698,0.6931,0.6886,0.6812,0.6793,0.6786,0.672,0.6662,0.664,0.6636,0.6611,0.6586,0.6561,0.6533,0.6494,0.648,0.6473,0.6459,0.641,0.6351,0.6344,0.6286,0.6279,0.6265,0.6252,0.6248,0.6245,0.6214,0.6171,0.6074,0.595,0.5937,0.587,0.5867,0.5864,0.5838,0.5803,0.5627,0.5563,0.5533,0.5488,0.5443,0.5367,0.532,0.5297,0.5286,0.5161,0.5158,0.5083,0.4993,0.4947,0.4859,0.4838,0.4822,0.4799,0.475,0.4625,0.4474,0.4445,0.4423,0.4369,0.4361,0.4192,0.4027,0.4018,0.397,0.386,0.375,0.3748,0.3734,0.3421,0.3395,0.3394,0.3348,0.3342,0.3305,0.3209,0.289],[0.913,0.9121,0.9101,0.8967,0.8653,0.8593,0.8579,0.8354,0.8209,0.8196,0.8148,0.8109,0.7921,0.7846,0.7767,0.7763,0.7742,0.7701,0.7685,0.7519,0.7515,0.7483,0.7475,0.7471,0.7463,0.7447,0.7372,0.729,0.7275,0.7267,0.7221,0.7156,0.7125,0.7084,0.7031,0.6983,0.6938,0.6865,0.6847,0.6839,0.6774,0.6717,0.6695,0.6692,0.6667,0.6642,0.6618,0.6589,0.6551,0.6537,0.653,0.6516,0.6468,0.641,0.6403,0.6345,0.6338,0.6325,0.6312,0.6308,0.6305,0.6275,0.6231,0.6136,0.6013,0.6,0.5934,0.5931,0.5927,0.5902,0.5868,0.5693,0.5629,0.5599,0.5555,0.5511,0.5435,0.5389,0.5366,0.5355,0.5231,0.5228,0.5153,0.5064,0.5018,0.4931,0.491,0.4894,0.4871,0.4822,0.4698,0.4548,0.4519,0.4497,0.4443,0.4435,0.4267,0.4102,0.4093,0.4045,0.3935,0.3826,0.3824,0.3809,0.3497,0.3471,0.3469,0.3423,0.3418,0.338,0.3284,0.2963],[0.91,0.909,0.907,0.8932,0.8608,0.8546,0.8532,0.83,0.8151,0.8137,0.8088,0.8048,0.7855,0.7777,0.7696,0.7692,0.7671,0.7629,0.7612,0.7442,0.7438,0.7405,0.7397,0.7393,0.7385,0.7368,0.7292,0.7208,0.7192,0.7184,0.7137,0.707,0.7039,0.6996,0.6943,0.6893,0.6848,0.6773,0.6754,0.6746,0.668,0.6621,0.6599,0.6596,0.657,0.6545,0.652,0.6491,0.6452,0.6438,0.6431,0.6416,0.6367,0.6308,0.6301,0.6242,0.6235,0.6221,0.6208,0.6204,0.6201,0.617,0.6126,0.6029,0.5904,0.5891,0.5823,0.582,0.5817,0.5791,0.5756,0.5578,0.5514,0.5484,0.5438,0.5394,0.5317,0.527,0.5247,0.5235,0.511,0.5107,0.5032,0.4941,0.4895,0.4807,0.4786,0.477,0.4746,0.4697,0.4572,0.442,0.4391,0.437,0.4315,0.4307,0.4137,0.3972,0.3963,0.3916,0.3805,0.3695,0.3693,0.3679,0.3367,0.3341,0.3339,0.3293,0.3288,0.325,0.3155,0.2836],[0.9104,0.9094,0.9074,0.8935,0.8612,0.8551,0.8537,0.8306,0.8157,0.8143,0.8094,0.8054,0.7862,0.7785,0.7704,0.77,0.7679,0.7637,0.762,0.745,0.7446,0.7413,0.7405,0.7401,0.7393,0.7377,0.73,0.7217,0.7201,0.7193,0.7146,0.7079,0.7048,0.7006,0.6952,0.6903,0.6857,0.6782,0.6764,0.6756,0.669,0.6631,0.661,0.6606,0.6581,0.6555,0.653,0.6502,0.6462,0.6448,0.6441,0.6427,0.6378,0.6319,0.6312,0.6253,0.6246,0.6232,0.6219,0.6215,0.6212,0.6181,0.6137,0.604,0.5916,0.5903,0.5835,0.5832,0.5828,0.5803,0.5768,0.559,0.5526,0.5496,0.5451,0.5406,0.5329,0.5283,0.526,0.5248,0.5123,0.512,0.5045,0.4954,0.4908,0.482,0.4799,0.4783,0.4759,0.471,0.4585,0.4434,0.4405,0.4383,0.4328,0.4321,0.4151,0.3986,0.3977,0.3929,0.3819,0.3709,0.3707,0.3693,0.338,0.3354,0.3353,0.3307,0.3301,0.3264,0.3168,0.285],[0.9099,0.9089,0.9069,0.893,0.8605,0.8544,0.853,0.8297,0.8147,0.8134,0.8085,0.8045,0.7851,0.7774,0.7693,0.7688,0.7667,0.7625,0.7608,0.7438,0.7434,0.7401,0.7393,0.7389,0.7381,0.7364,0.7287,0.7203,0.7188,0.718,0.7132,0.7066,0.7034,0.6992,0.6938,0.6888,0.6843,0.6768,0.6749,0.6742,0.6675,0.6616,0.6594,0.6591,0.6565,0.654,0.6515,0.6486,0.6447,0.6432,0.6425,0.6411,0.6362,0.6302,0.6295,0.6236,0.623,0.6216,0.6202,0.6199,0.6195,0.6165,0.612,0.6023,0.5898,0.5885,0.5817,0.5814,0.5811,0.5785,0.575,0.5572,0.5508,0.5477,0.5432,0.5387,0.5311,0.5264,0.5241,0.5229,0.5104,0.5101,0.5025,0.4935,0.4888,0.48,0.4779,0.4763,0.474,0.469,0.4565,0.4414,0.4385,0.4363,0.4308,0.4301,0.4131,0.3965,0.3957,0.3909,0.3798,0.3689,0.3687,0.3672,0.336,0.3334,0.3332,0.3286,0.3281,0.3243,0.3148,0.283],[0.9088,0.9077,0.9057,0.8916,0.8588,0.8526,0.8512,0.8277,0.8126,0.8112,0.8062,0.8022,0.7827,0.7748,0.7666,0.7662,0.7641,0.7598,0.7581,0.7409,0.7405,0.7372,0.7364,0.7359,0.7351,0.7335,0.7257,0.7172,0.7156,0.7148,0.7101,0.7033,0.7002,0.6959,0.6905,0.6855,0.6809,0.6733,0.6714,0.6707,0.6639,0.658,0.6558,0.6555,0.6529,0.6503,0.6478,0.6449,0.641,0.6395,0.6388,0.6374,0.6324,0.6264,0.6257,0.6198,0.6191,0.6177,0.6163,0.616,0.6156,0.6126,0.6081,0.5983,0.5857,0.5844,0.5776,0.5773,0.577,0.5744,0.5709,0.5529,0.5465,0.5434,0.5389,0.5344,0.5267,0.522,0.5196,0.5185,0.5059,0.5056,0.498,0.4889,0.4843,0.4754,0.4733,0.4717,0.4693,0.4644,0.4518,0.4367,0.4337,0.4316,0.426,0.4253,0.4083,0.3917,0.3909,0.3861,0.375,0.3641,0.3639,0.3624,0.3312,0.3286,0.3284,0.3239,0.3233,0.3196,0.31,0.2783],[0.911,0.91,0.908,0.8943,0.8622,0.8561,0.8547,0.8317,0.8169,0.8156,0.8107,0.8067,0.7876,0.7799,0.7719,0.7715,0.7694,0.7652,0.7635,0.7466,0.7462,0.743,0.7422,0.7418,0.741,0.7394,0.7317,0.7234,0.7218,0.721,0.7163,0.7097,0.7067,0.7024,0.6971,0.6922,0.6877,0.6802,0.6783,0.6776,0.671,0.6652,0.663,0.6626,0.6601,0.6576,0.6551,0.6522,0.6483,0.6469,0.6462,0.6448,0.6399,0.634,0.6333,0.6275,0.6268,0.6254,0.6241,0.6237,0.6234,0.6203,0.616,0.6063,0.5939,0.5926,0.5858,0.5855,0.5852,0.5826,0.5792,0.5614,0.5551,0.552,0.5475,0.5431,0.5354,0.5308,0.5285,0.5273,0.5148,0.5146,0.507,0.498,0.4934,0.4846,0.4825,0.4809,0.4786,0.4736,0.4612,0.4461,0.4432,0.441,0.4355,0.4348,0.4178,0.4013,0.4004,0.3957,0.3846,0.3737,0.3735,0.372,0.3408,0.3382,0.338,0.3334,0.3329,0.3291,0.3195,0.2876],[0.91,0.909,0.907,0.8932,0.8608,0.8546,0.8532,0.83,0.8151,0.8137,0.8088,0.8048,0.7855,0.7777,0.7696,0.7692,0.7671,0.7629,0.7612,0.7442,0.7438,0.7405,0.7397,0.7393,0.7385,0.7368,0.7292,0.7208,0.7192,0.7184,0.7137,0.707,0.7039,0.6996,0.6943,0.6893,0.6848,0.6773,0.6754,0.6746,0.668,0.6621,0.6599,0.6596,0.657,0.6545,0.652,0.6491,0.6452,0.6438,0.6431,0.6416,0.6367,0.6308,0.6301,0.6242,0.6235,0.6221,0.6208,0.6204,0.6201,0.617,0.6126,0.6029,0.5904,0.5891,0.5823,0.582,0.5817,0.5791,0.5756,0.5578,0.5514,0.5484,0.5438,0.5394,0.5317,0.527,0.5247,0.5235,0.511,0.5107,0.5032,0.4941,0.4895,0.4807,0.4786,0.477,0.4746,0.4697,0.4572,0.442,0.4391,0.437,0.4315,0.4307,0.4137,0.3972,0.3963,0.3916,0.3805,0.3695,0.3693,0.3679,0.3367,0.3341,0.3339,0.3293,0.3288,0.325,0.3155,0.2836],[0.91,0.909,0.907,0.8932,0.8608,0.8546,0.8532,0.83,0.8151,0.8137,0.8088,0.8048,0.7855,0.7777,0.7696,0.7692,0.7671,0.7629,0.7612,0.7442,0.7438,0.7405,0.7397,0.7393,0.7385,0.7368,0.7292,0.7208,0.7192,0.7184,0.7137,0.707,0.7039,0.6996,0.6943,0.6893,0.6848,0.6773,0.6754,0.6746,0.668,0.6621,0.6599,0.6596,0.657,0.6545,0.652,0.6491,0.6452,0.6438,0.6431,0.6416,0.6367,0.6308,0.6301,0.6242,0.6235,0.6221,0.6208,0.6204,0.6201,0.617,0.6126,0.6029,0.5904,0.5891,0.5823,0.582,0.5817,0.5791,0.5756,0.5578,0.5514,0.5484,0.5438,0.5394,0.5317,0.527,0.5247,0.5235,0.511,0.5107,0.5032,0.4941,0.4895,0.4807,0.4786,0.477,0.4746,0.4697,0.4572,0.442,0.4391,0.437,0.4315,0.4307,0.4137,0.3972,0.3963,0.3916,0.3805,0.3695,0.3693,0.3679,0.3367,0.3341,0.3339,0.3293,0.3288,0.325,0.3155,0.2836],[0.9115,0.9105,0.9085,0.8948,0.8629,0.8569,0.8555,0.8326,0.8178,0.8165,0.8116,0.8077,0.7887,0.781,0.773,0.7726,0.7705,0.7663,0.7647,0.7479,0.7475,0.7442,0.7434,0.743,0.7422,0.7406,0.733,0.7247,0.7231,0.7224,0.7177,0.7111,0.708,0.7038,0.6985,0.6936,0.6891,0.6817,0.6798,0.6791,0.6725,0.6667,0.6645,0.6642,0.6616,0.6591,0.6566,0.6538,0.6499,0.6485,0.6478,0.6464,0.6415,0.6356,0.6349,0.6291,0.6284,0.6271,0.6257,0.6254,0.625,0.622,0.6176,0.608,0.5956,0.5943,0.5876,0.5873,0.5869,0.5844,0.5809,0.5633,0.5569,0.5539,0.5494,0.5449,0.5373,0.5327,0.5304,0.5292,0.5167,0.5165,0.509,0.4999,0.4953,0.4866,0.4845,0.4829,0.4805,0.4756,0.4631,0.4481,0.4452,0.443,0.4375,0.4368,0.4199,0.4034,0.4025,0.3977,0.3867,0.3757,0.3755,0.3741,0.3428,0.3402,0.34,0.3355,0.3349,0.3311,0.3216,0.2896],[0.9096,0.9086,0.9065,0.8926,0.86,0.8539,0.8525,0.8291,0.8141,0.8128,0.8078,0.8038,0.7844,0.7767,0.7685,0.7681,0.766,0.7617,0.76,0.743,0.7426,0.7393,0.7384,0.738,0.7372,0.7356,0.7279,0.7195,0.7179,0.7171,0.7123,0.7056,0.7025,0.6982,0.6928,0.6879,0.6833,0.6758,0.6739,0.6732,0.6665,0.6606,0.6584,0.658,0.6555,0.6529,0.6504,0.6475,0.6436,0.6422,0.6415,0.64,0.6351,0.6291,0.6284,0.6225,0.6219,0.6205,0.6191,0.6188,0.6184,0.6153,0.6109,0.6012,0.5887,0.5874,0.5806,0.5802,0.5799,0.5773,0.5738,0.556,0.5496,0.5465,0.542,0.5375,0.5298,0.5251,0.5228,0.5217,0.5091,0.5088,0.5012,0.4922,0.4875,0.4787,0.4766,0.475,0.4726,0.4677,0.4552,0.44,0.4371,0.4349,0.4294,0.4287,0.4117,0.3952,0.3943,0.3895,0.3784,0.3675,0.3673,0.3659,0.3346,0.332,0.3319,0.3273,0.3267,0.323,0.3134,0.2816],[0.91,0.909,0.907,0.8932,0.8608,0.8546,0.8532,0.83,0.8151,0.8137,0.8088,0.8048,0.7855,0.7777,0.7696,0.7692,0.7671,0.7629,0.7612,0.7442,0.7438,0.7405,0.7397,0.7393,0.7385,0.7368,0.7292,0.7208,0.7192,0.7184,0.7137,0.707,0.7039,0.6996,0.6943,0.6893,0.6848,0.6773,0.6754,0.6746,0.668,0.6621,0.6599,0.6596,0.657,0.6545,0.652,0.6491,0.6452,0.6438,0.6431,0.6416,0.6367,0.6308,0.6301,0.6242,0.6235,0.6221,0.6208,0.6204,0.6201,0.617,0.6126,0.6029,0.5904,0.5891,0.5823,0.582,0.5817,0.5791,0.5756,0.5578,0.5514,0.5484,0.5438,0.5394,0.5317,0.527,0.5247,0.5235,0.511,0.5107,0.5032,0.4941,0.4895,0.4807,0.4786,0.477,0.4746,0.4697,0.4572,0.442,0.4391,0.437,0.4315,0.4307,0.4137,0.3972,0.3963,0.3916,0.3805,0.3695,0.3693,0.3679,0.3367,0.3341,0.3339,0.3293,0.3288,0.325,0.3155,0.2836],[0.9141,0.9132,0.9112,0.8979,0.8669,0.861,0.8596,0.8374,0.823,0.8217,0.8169,0.8131,0.7945,0.7871,0.7792,0.7788,0.7768,0.7727,0.7711,0.7547,0.7543,0.7511,0.7503,0.7499,0.7491,0.7476,0.7401,0.732,0.7305,0.7297,0.7251,0.7187,0.7157,0.7116,0.7064,0.7015,0.6971,0.6899,0.688,0.6873,0.6809,0.6752,0.673,0.6727,0.6702,0.6678,0.6653,0.6625,0.6587,0.6573,0.6566,0.6553,0.6505,0.6447,0.644,0.6383,0.6376,0.6363,0.6349,0.6346,0.6343,0.6313,0.627,0.6175,0.6053,0.604,0.5974,0.5971,0.5968,0.5943,0.5909,0.5734,0.5671,0.5642,0.5597,0.5554,0.5478,0.5432,0.541,0.5398,0.5275,0.5272,0.5198,0.5109,0.5063,0.4976,0.4955,0.494,0.4917,0.4868,0.4744,0.4594,0.4566,0.4544,0.449,0.4482,0.4314,0.4149,0.4141,0.4093,0.3983,0.3874,0.3872,0.3857,0.3545,0.3519,0.3517,0.3471,0.3465,0.3427,0.3332,0.3011],[0.9126,0.9116,0.9096,0.8961,0.8646,0.8586,0.8572,0.8346,0.82,0.8187,0.8138,0.8099,0.7911,0.7835,0.7756,0.7752,0.7731,0.769,0.7673,0.7507,0.7503,0.7471,0.7463,0.7459,0.7451,0.7435,0.736,0.7277,0.7262,0.7254,0.7208,0.7142,0.7112,0.707,0.7017,0.6969,0.6924,0.6851,0.6832,0.6825,0.676,0.6702,0.668,0.6677,0.6652,0.6627,0.6602,0.6574,0.6535,0.6522,0.6515,0.6501,0.6452,0.6394,0.6387,0.6329,0.6322,0.6309,0.6295,0.6292,0.6289,0.6258,0.6215,0.6119,0.5996,0.5983,0.5916,0.5913,0.591,0.5885,0.585,0.5675,0.5611,0.5581,0.5537,0.5492,0.5417,0.537,0.5347,0.5336,0.5212,0.5209,0.5134,0.5044,0.4999,0.4911,0.489,0.4875,0.4851,0.4802,0.4678,0.4528,0.4499,0.4477,0.4422,0.4415,0.4246,0.4081,0.4073,0.4025,0.3915,0.3805,0.3803,0.3789,0.3476,0.345,0.3448,0.3403,0.3397,0.3359,0.3263,0.2943],[0.9071,0.9061,0.904,0.8897,0.8564,0.8501,0.8486,0.8248,0.8094,0.808,0.803,0.7988,0.7791,0.7711,0.7628,0.7624,0.7602,0.7559,0.7542,0.7367,0.7363,0.733,0.7321,0.7317,0.7309,0.7292,0.7214,0.7128,0.7111,0.7103,0.7055,0.6987,0.6955,0.6912,0.6857,0.6806,0.676,0.6683,0.6664,0.6656,0.6589,0.6529,0.6506,0.6503,0.6477,0.6451,0.6425,0.6396,0.6356,0.6342,0.6334,0.632,0.627,0.6209,0.6202,0.6142,0.6135,0.6121,0.6107,0.6104,0.6101,0.6069,0.6025,0.5926,0.5799,0.5786,0.5717,0.5713,0.571,0.5684,0.5649,0.5468,0.5403,0.5372,0.5327,0.5281,0.5204,0.5156,0.5133,0.5121,0.4994,0.4991,0.4915,0.4824,0.4777,0.4688,0.4667,0.4651,0.4627,0.4577,0.4451,0.4299,0.427,0.4248,0.4193,0.4185,0.4015,0.3849,0.384,0.3792,0.3682,0.3572,0.357,0.3556,0.3244,0.3218,0.3216,0.3171,0.3165,0.3128,0.3033,0.2717],[0.9107,0.9097,0.9077,0.8939,0.8617,0.8556,0.8542,0.8312,0.8163,0.815,0.8101,0.8061,0.7869,0.7792,0.7711,0.7707,0.7686,0.7644,0.7628,0.7458,0.7454,0.7422,0.7414,0.7409,0.7401,0.7385,0.7309,0.7225,0.721,0.7202,0.7155,0.7088,0.7057,0.7015,0.6961,0.6912,0.6867,0.6792,0.6774,0.6766,0.67,0.6642,0.662,0.6616,0.6591,0.6566,0.6541,0.6512,0.6473,0.6459,0.6452,0.6438,0.6388,0.6329,0.6322,0.6264,0.6257,0.6243,0.623,0.6226,0.6223,0.6192,0.6148,0.6052,0.5927,0.5914,0.5847,0.5843,0.584,0.5815,0.578,0.5602,0.5538,0.5508,0.5463,0.5418,0.5342,0.5295,0.5272,0.5261,0.5136,0.5133,0.5058,0.4967,0.4921,0.4833,0.4812,0.4796,0.4773,0.4723,0.4598,0.4447,0.4418,0.4397,0.4342,0.4334,0.4165,0.3999,0.3991,0.3943,0.3832,0.3723,0.3721,0.3707,0.3394,0.3368,0.3366,0.3321,0.3315,0.3277,0.3182,0.2863],[0.9132,0.9122,0.9103,0.8969,0.8655,0.8595,0.8582,0.8357,0.8212,0.8199,0.8151,0.8112,0.7925,0.7849,0.7771,0.7766,0.7746,0.7705,0.7688,0.7523,0.7519,0.7487,0.7479,0.7475,0.7467,0.7451,0.7376,0.7295,0.7279,0.7271,0.7225,0.716,0.713,0.7088,0.7036,0.6988,0.6943,0.687,0.6852,0.6844,0.6779,0.6722,0.67,0.6697,0.6672,0.6647,0.6623,0.6595,0.6556,0.6542,0.6535,0.6521,0.6473,0.6415,0.6408,0.6351,0.6344,0.633,0.6317,0.6314,0.631,0.628,0.6237,0.6142,0.6019,0.6006,0.594,0.5936,0.5933,0.5908,0.5874,0.5699,0.5635,0.5605,0.5561,0.5517,0.5441,0.5395,0.5372,0.5361,0.5237,0.5234,0.516,0.507,0.5025,0.4937,0.4916,0.4901,0.4877,0.4828,0.4704,0.4554,0.4526,0.4504,0.4449,0.4442,0.4273,0.4109,0.41,0.4052,0.3942,0.3833,0.383,0.3816,0.3504,0.3478,0.3476,0.343,0.3424,0.3386,0.3291,0.297],[0.9097,0.9087,0.9067,0.8928,0.8603,0.8541,0.8527,0.8294,0.8144,0.8131,0.8081,0.8041,0.7848,0.777,0.7689,0.7685,0.7663,0.7621,0.7604,0.7434,0.743,0.7397,0.7389,0.7385,0.7376,0.736,0.7283,0.7199,0.7183,0.7175,0.7128,0.7061,0.703,0.6987,0.6933,0.6883,0.6838,0.6763,0.6744,0.6737,0.667,0.6611,0.6589,0.6585,0.656,0.6535,0.6509,0.6481,0.6441,0.6427,0.642,0.6406,0.6356,0.6297,0.629,0.6231,0.6224,0.621,0.6197,0.6193,0.619,0.6159,0.6115,0.6018,0.5892,0.5879,0.5811,0.5808,0.5805,0.5779,0.5744,0.5566,0.5502,0.5471,0.5426,0.5381,0.5304,0.5258,0.5234,0.5223,0.5097,0.5094,0.5019,0.4928,0.4882,0.4794,0.4772,0.4757,0.4733,0.4684,0.4558,0.4407,0.4378,0.4356,0.4301,0.4294,0.4124,0.3958,0.395,0.3902,0.3791,0.3682,0.368,0.3665,0.3353,0.3327,0.3325,0.328,0.3274,0.3236,0.3141,0.2823],[0.9099,0.9089,0.9069,0.893,0.8605,0.8544,0.853,0.8297,0.8147,0.8134,0.8085,0.8045,0.7851,0.7774,0.7693,0.7688,0.7667,0.7625,0.7608,0.7438,0.7434,0.7401,0.7393,0.7389,0.7381,0.7364,0.7287,0.7203,0.7188,0.718,0.7132,0.7066,0.7034,0.6992,0.6938,0.6888,0.6843,0.6768,0.6749,0.6742,0.6675,0.6616,0.6594,0.6591,0.6565,0.654,0.6515,0.6486,0.6447,0.6432,0.6425,0.6411,0.6362,0.6302,0.6295,0.6236,0.623,0.6216,0.6202,0.6199,0.6195,0.6165,0.612,0.6023,0.5898,0.5885,0.5817,0.5814,0.5811,0.5785,0.575,0.5572,0.5508,0.5477,0.5432,0.5387,0.5311,0.5264,0.5241,0.5229,0.5104,0.5101,0.5025,0.4935,0.4888,0.48,0.4779,0.4763,0.474,0.469,0.4565,0.4414,0.4385,0.4363,0.4308,0.4301,0.4131,0.3965,0.3957,0.3909,0.3798,0.3689,0.3687,0.3672,0.336,0.3334,0.3332,0.3286,0.3281,0.3243,0.3148,0.283],[0.9124,0.9114,0.9095,0.8959,0.8643,0.8583,0.857,0.8343,0.8197,0.8183,0.8135,0.8096,0.7907,0.7832,0.7752,0.7748,0.7727,0.7686,0.767,0.7503,0.7499,0.7467,0.7459,0.7455,0.7447,0.7431,0.7355,0.7273,0.7258,0.725,0.7203,0.7138,0.7107,0.7066,0.7013,0.6964,0.6919,0.6846,0.6827,0.682,0.6755,0.6697,0.6675,0.6672,0.6647,0.6622,0.6597,0.6569,0.653,0.6516,0.6509,0.6495,0.6447,0.6388,0.6381,0.6324,0.6317,0.6303,0.629,0.6286,0.6283,0.6253,0.6209,0.6114,0.599,0.5978,0.5911,0.5907,0.5904,0.5879,0.5844,0.5669,0.5605,0.5575,0.5531,0.5486,0.541,0.5364,0.5341,0.533,0.5206,0.5203,0.5128,0.5038,0.4992,0.4905,0.4884,0.4868,0.4845,0.4796,0.4671,0.4521,0.4492,0.447,0.4416,0.4409,0.4239,0.4075,0.4066,0.4018,0.3908,0.3798,0.3796,0.3782,0.3469,0.3443,0.3442,0.3396,0.339,0.3352,0.3257,0.2937],[0.9118,0.9108,0.9088,0.8952,0.8634,0.8574,0.856,0.8332,0.8184,0.8171,0.8123,0.8083,0.7894,0.7817,0.7737,0.7733,0.7712,0.7671,0.7654,0.7487,0.7483,0.745,0.7442,0.7438,0.743,0.7414,0.7339,0.7256,0.724,0.7232,0.7186,0.712,0.7089,0.7047,0.6994,0.6945,0.69,0.6826,0.6808,0.6801,0.6735,0.6677,0.6655,0.6652,0.6627,0.6602,0.6577,0.6548,0.6509,0.6495,0.6488,0.6474,0.6426,0.6367,0.636,0.6302,0.6295,0.6282,0.6268,0.6265,0.6261,0.6231,0.6187,0.6091,0.5967,0.5955,0.5887,0.5884,0.5881,0.5856,0.5821,0.5645,0.5581,0.5551,0.5506,0.5462,0.5386,0.5339,0.5316,0.5305,0.518,0.5177,0.5102,0.5012,0.4966,0.4879,0.4858,0.4842,0.4819,0.4769,0.4645,0.4494,0.4465,0.4444,0.4389,0.4382,0.4212,0.4047,0.4039,0.3991,0.388,0.3771,0.3769,0.3755,0.3442,0.3416,0.3414,0.3368,0.3363,0.3325,0.3229,0.291],[0.9092,0.9082,0.9062,0.8922,0.8596,0.8534,0.8519,0.8286,0.8135,0.8121,0.8072,0.8032,0.7837,0.7759,0.7678,0.7673,0.7652,0.761,0.7593,0.7421,0.7417,0.7384,0.7376,0.7372,0.7364,0.7347,0.727,0.7186,0.717,0.7162,0.7114,0.7047,0.7016,0.6973,0.6919,0.6869,0.6823,0.6748,0.6729,0.6722,0.6655,0.6596,0.6574,0.657,0.6545,0.6519,0.6494,0.6465,0.6425,0.6411,0.6404,0.639,0.634,0.6281,0.6274,0.6214,0.6208,0.6194,0.618,0.6177,0.6173,0.6142,0.6098,0.6,0.5875,0.5862,0.5794,0.5791,0.5787,0.5762,0.5726,0.5548,0.5483,0.5453,0.5408,0.5363,0.5286,0.5239,0.5215,0.5204,0.5078,0.5075,0.5,0.4909,0.4862,0.4774,0.4753,0.4737,0.4713,0.4664,0.4538,0.4387,0.4358,0.4336,0.4281,0.4274,0.4103,0.3938,0.3929,0.3881,0.3771,0.3661,0.3659,0.3645,0.3333,0.3307,0.3305,0.3259,0.3254,0.3216,0.3121,0.2803],[0.9084,0.9074,0.9054,0.8913,0.8583,0.8521,0.8507,0.8271,0.8119,0.8106,0.8056,0.8015,0.7819,0.7741,0.7659,0.7654,0.7633,0.759,0.7573,0.7401,0.7397,0.7363,0.7355,0.7351,0.7343,0.7326,0.7249,0.7164,0.7147,0.7139,0.7091,0.7024,0.6993,0.695,0.6895,0.6845,0.6799,0.6723,0.6704,0.6697,0.6629,0.657,0.6548,0.6544,0.6519,0.6493,0.6468,0.6439,0.6399,0.6385,0.6377,0.6363,0.6313,0.6253,0.6246,0.6187,0.618,0.6166,0.6152,0.6149,0.6145,0.6114,0.607,0.5972,0.5846,0.5833,0.5764,0.5761,0.5758,0.5732,0.5697,0.5517,0.5452,0.5422,0.5376,0.5331,0.5254,0.5207,0.5184,0.5172,0.5046,0.5043,0.4967,0.4876,0.483,0.4741,0.472,0.4704,0.468,0.463,0.4505,0.4353,0.4324,0.4302,0.4247,0.424,0.4069,0.3904,0.3895,0.3847,0.3736,0.3627,0.3625,0.3611,0.3298,0.3273,0.3271,0.3225,0.322,0.3182,0.3087,0.277],[0.9115,0.9105,0.9085,0.8948,0.8629,0.8569,0.8555,0.8326,0.8178,0.8165,0.8116,0.8077,0.7887,0.781,0.773,0.7726,0.7705,0.7663,0.7647,0.7479,0.7475,0.7442,0.7434,0.743,0.7422,0.7406,0.733,0.7247,0.7231,0.7224,0.7177,0.7111,0.708,0.7038,0.6985,0.6936,0.6891,0.6817,0.6798,0.6791,0.6725,0.6667,0.6645,0.6642,0.6616,0.6591,0.6566,0.6538,0.6499,0.6485,0.6478,0.6464,0.6415,0.6356,0.6349,0.6291,0.6284,0.6271,0.6257,0.6254,0.625,0.622,0.6176,0.608,0.5956,0.5943,0.5876,0.5873,0.5869,0.5844,0.5809,0.5633,0.5569,0.5539,0.5494,0.5449,0.5373,0.5327,0.5304,0.5292,0.5167,0.5165,0.509,0.4999,0.4953,0.4866,0.4845,0.4829,0.4805,0.4756,0.4631,0.4481,0.4452,0.443,0.4375,0.4368,0.4199,0.4034,0.4025,0.3977,0.3867,0.3757,0.3755,0.3741,0.3428,0.3402,0.34,0.3355,0.3349,0.3311,0.3216,0.2896],[0.9079,0.9069,0.9049,0.8907,0.8576,0.8513,0.8499,0.8262,0.811,0.8096,0.8046,0.8005,0.7809,0.773,0.7647,0.7643,0.7621,0.7578,0.7561,0.7388,0.7384,0.7351,0.7342,0.7338,0.733,0.7313,0.7235,0.715,0.7134,0.7126,0.7078,0.701,0.6979,0.6935,0.6881,0.683,0.6784,0.6708,0.6689,0.6682,0.6614,0.6555,0.6532,0.6529,0.6503,0.6477,0.6452,0.6423,0.6383,0.6368,0.6361,0.6347,0.6297,0.6237,0.623,0.617,0.6163,0.6149,0.6135,0.6132,0.6129,0.6097,0.6053,0.5955,0.5828,0.5815,0.5746,0.5743,0.574,0.5714,0.5679,0.5499,0.5434,0.5403,0.5358,0.5313,0.5235,0.5188,0.5165,0.5153,0.5027,0.5024,0.4948,0.4856,0.481,0.4721,0.47,0.4684,0.466,0.461,0.4485,0.4333,0.4304,0.4282,0.4226,0.4219,0.4049,0.3883,0.3874,0.3827,0.3716,0.3606,0.3604,0.359,0.3278,0.3252,0.325,0.3205,0.3199,0.3162,0.3067,0.275],[0.9073,0.9063,0.9042,0.8899,0.8566,0.8503,0.8489,0.8251,0.8097,0.8083,0.8033,0.7992,0.7794,0.7715,0.7632,0.7627,0.7606,0.7563,0.7545,0.7372,0.7367,0.7334,0.7326,0.7321,0.7313,0.7296,0.7218,0.7132,0.7116,0.7108,0.706,0.6992,0.696,0.6916,0.6862,0.6811,0.6765,0.6688,0.6669,0.6662,0.6594,0.6534,0.6512,0.6508,0.6482,0.6456,0.6431,0.6401,0.6361,0.6347,0.634,0.6325,0.6275,0.6215,0.6208,0.6148,0.6141,0.6127,0.6113,0.611,0.6106,0.6075,0.603,0.5932,0.5805,0.5791,0.5723,0.5719,0.5716,0.569,0.5655,0.5474,0.5409,0.5379,0.5333,0.5288,0.521,0.5163,0.5139,0.5128,0.5001,0.4998,0.4922,0.483,0.4784,0.4695,0.4673,0.4657,0.4634,0.4584,0.4458,0.4306,0.4276,0.4255,0.4199,0.4192,0.4022,0.3856,0.3847,0.3799,0.3688,0.3579,0.3577,0.3563,0.3251,0.3225,0.3223,0.3178,0.3172,0.3135,0.304,0.2724],[0.9078,0.9068,0.9047,0.8905,0.8574,0.8511,0.8496,0.8259,0.8107,0.8093,0.8043,0.8002,0.7805,0.7726,0.7643,0.7639,0.7617,0.7574,0.7557,0.7384,0.738,0.7347,0.7338,0.7334,0.7326,0.7309,0.7231,0.7146,0.713,0.7121,0.7073,0.7006,0.6974,0.6931,0.6876,0.6826,0.6779,0.6703,0.6684,0.6677,0.6609,0.6549,0.6527,0.6524,0.6498,0.6472,0.6446,0.6417,0.6378,0.6363,0.6356,0.6342,0.6292,0.6231,0.6224,0.6165,0.6158,0.6144,0.613,0.6126,0.6123,0.6092,0.6047,0.5949,0.5822,0.5809,0.5741,0.5737,0.5734,0.5708,0.5673,0.5493,0.5428,0.5397,0.5352,0.5306,0.5229,0.5182,0.5158,0.5147,0.502,0.5017,0.4941,0.485,0.4803,0.4715,0.4693,0.4677,0.4654,0.4604,0.4478,0.4326,0.4297,0.4275,0.422,0.4213,0.4042,0.3876,0.3868,0.382,0.3709,0.3599,0.3597,0.3583,0.3271,0.3245,0.3244,0.3198,0.3193,0.3155,0.306,0.2743],[0.9115,0.9105,0.9085,0.8948,0.8629,0.8569,0.8555,0.8326,0.8178,0.8165,0.8116,0.8077,0.7887,0.781,0.773,0.7726,0.7705,0.7663,0.7647,0.7479,0.7475,0.7442,0.7434,0.743,0.7422,0.7406,0.733,0.7247,0.7231,0.7224,0.7177,0.7111,0.708,0.7038,0.6985,0.6936,0.6891,0.6817,0.6798,0.6791,0.6725,0.6667,0.6645,0.6642,0.6616,0.6591,0.6566,0.6538,0.6499,0.6485,0.6478,0.6464,0.6415,0.6356,0.6349,0.6291,0.6284,0.6271,0.6257,0.6254,0.625,0.622,0.6176,0.608,0.5956,0.5943,0.5876,0.5873,0.5869,0.5844,0.5809,0.5633,0.5569,0.5539,0.5494,0.5449,0.5373,0.5327,0.5304,0.5292,0.5167,0.5165,0.509,0.4999,0.4953,0.4866,0.4845,0.4829,0.4805,0.4756,0.4631,0.4481,0.4452,0.443,0.4375,0.4368,0.4199,0.4034,0.4025,0.3977,0.3867,0.3757,0.3755,0.3741,0.3428,0.3402,0.34,0.3355,0.3349,0.3311,0.3216,0.2896],[0.9097,0.9087,0.9067,0.8928,0.8603,0.8541,0.8527,0.8294,0.8144,0.8131,0.8081,0.8041,0.7848,0.777,0.7689,0.7685,0.7663,0.7621,0.7604,0.7434,0.743,0.7397,0.7389,0.7385,0.7376,0.736,0.7283,0.7199,0.7183,0.7175,0.7128,0.7061,0.703,0.6987,0.6933,0.6883,0.6838,0.6763,0.6744,0.6737,0.667,0.6611,0.6589,0.6585,0.656,0.6535,0.6509,0.6481,0.6441,0.6427,0.642,0.6406,0.6356,0.6297,0.629,0.6231,0.6224,0.621,0.6197,0.6193,0.619,0.6159,0.6115,0.6018,0.5892,0.5879,0.5811,0.5808,0.5805,0.5779,0.5744,0.5566,0.5502,0.5471,0.5426,0.5381,0.5304,0.5258,0.5234,0.5223,0.5097,0.5094,0.5019,0.4928,0.4882,0.4794,0.4772,0.4757,0.4733,0.4684,0.4558,0.4407,0.4378,0.4356,0.4301,0.4294,0.4124,0.3958,0.395,0.3902,0.3791,0.3682,0.368,0.3665,0.3353,0.3327,0.3325,0.328,0.3274,0.3236,0.3141,0.2823],[0.9089,0.9079,0.9059,0.8918,0.8591,0.8529,0.8514,0.828,0.8129,0.8115,0.8065,0.8025,0.783,0.7752,0.767,0.7666,0.7644,0.7602,0.7585,0.7413,0.7409,0.7376,0.7368,0.7364,0.7355,0.7339,0.7262,0.7177,0.7161,0.7153,0.7105,0.7038,0.7007,0.6964,0.6909,0.6859,0.6814,0.6738,0.6719,0.6712,0.6645,0.6585,0.6563,0.656,0.6534,0.6509,0.6483,0.6454,0.6415,0.6401,0.6393,0.6379,0.6329,0.627,0.6263,0.6203,0.6197,0.6183,0.6169,0.6165,0.6162,0.6131,0.6087,0.5989,0.5863,0.585,0.5782,0.5779,0.5775,0.575,0.5715,0.5536,0.5471,0.544,0.5395,0.535,0.5273,0.5226,0.5203,0.5191,0.5065,0.5062,0.4987,0.4896,0.4849,0.4761,0.4739,0.4724,0.47,0.465,0.4525,0.4373,0.4344,0.4322,0.4267,0.426,0.409,0.3924,0.3915,0.3868,0.3757,0.3647,0.3645,0.3631,0.3319,0.3293,0.3291,0.3246,0.324,0.3202,0.3107,0.279],[0.913,0.9121,0.9101,0.8967,0.8653,0.8593,0.8579,0.8354,0.8209,0.8196,0.8148,0.8109,0.7921,0.7846,0.7767,0.7763,0.7742,0.7701,0.7685,0.7519,0.7515,0.7483,0.7475,0.7471,0.7463,0.7447,0.7372,0.729,0.7275,0.7267,0.7221,0.7156,0.7125,0.7084,0.7031,0.6983,0.6938,0.6865,0.6847,0.6839,0.6774,0.6717,0.6695,0.6692,0.6667,0.6642,0.6618,0.6589,0.6551,0.6537,0.653,0.6516,0.6468,0.641,0.6403,0.6345,0.6338,0.6325,0.6312,0.6308,0.6305,0.6275,0.6231,0.6136,0.6013,0.6,0.5934,0.5931,0.5927,0.5902,0.5868,0.5693,0.5629,0.5599,0.5555,0.5511,0.5435,0.5389,0.5366,0.5355,0.5231,0.5228,0.5153,0.5064,0.5018,0.4931,0.491,0.4894,0.4871,0.4822,0.4698,0.4548,0.4519,0.4497,0.4443,0.4435,0.4267,0.4102,0.4093,0.4045,0.3935,0.3826,0.3824,0.3809,0.3497,0.3471,0.3469,0.3423,0.3418,0.338,0.3284,0.2963],[0.9116,0.9106,0.9087,0.895,0.8632,0.8571,0.8557,0.8329,0.8181,0.8168,0.812,0.808,0.789,0.7814,0.7734,0.773,0.7709,0.7667,0.7651,0.7483,0.7479,0.7446,0.7438,0.7434,0.7426,0.741,0.7334,0.7252,0.7236,0.7228,0.7181,0.7115,0.7085,0.7043,0.699,0.6941,0.6896,0.6821,0.6803,0.6796,0.673,0.6672,0.665,0.6647,0.6621,0.6596,0.6571,0.6543,0.6504,0.649,0.6483,0.6469,0.642,0.6362,0.6355,0.6297,0.629,0.6276,0.6263,0.6259,0.6256,0.6225,0.6182,0.6086,0.5962,0.5949,0.5882,0.5878,0.5875,0.585,0.5815,0.5639,0.5575,0.5545,0.55,0.5456,0.5379,0.5333,0.531,0.5298,0.5174,0.5171,0.5096,0.5006,0.496,0.4872,0.4851,0.4835,0.4812,0.4763,0.4638,0.4488,0.4459,0.4437,0.4382,0.4375,0.4205,0.404,0.4032,0.3984,0.3873,0.3764,0.3762,0.3748,0.3435,0.3409,0.3407,0.3362,0.3356,0.3318,0.3223,0.2903],[0.9092,0.9082,0.9062,0.8922,0.8596,0.8534,0.8519,0.8286,0.8135,0.8121,0.8072,0.8032,0.7837,0.7759,0.7678,0.7673,0.7652,0.761,0.7593,0.7421,0.7417,0.7384,0.7376,0.7372,0.7364,0.7347,0.727,0.7186,0.717,0.7162,0.7114,0.7047,0.7016,0.6973,0.6919,0.6869,0.6823,0.6748,0.6729,0.6722,0.6655,0.6596,0.6574,0.657,0.6545,0.6519,0.6494,0.6465,0.6425,0.6411,0.6404,0.639,0.634,0.6281,0.6274,0.6214,0.6208,0.6194,0.618,0.6177,0.6173,0.6142,0.6098,0.6,0.5875,0.5862,0.5794,0.5791,0.5787,0.5762,0.5726,0.5548,0.5483,0.5453,0.5408,0.5363,0.5286,0.5239,0.5215,0.5204,0.5078,0.5075,0.5,0.4909,0.4862,0.4774,0.4753,0.4737,0.4713,0.4664,0.4538,0.4387,0.4358,0.4336,0.4281,0.4274,0.4103,0.3938,0.3929,0.3881,0.3771,0.3661,0.3659,0.3645,0.3333,0.3307,0.3305,0.3259,0.3254,0.3216,0.3121,0.2803],[0.9102,0.9092,0.9072,0.8933,0.861,0.8549,0.8535,0.8303,0.8154,0.814,0.8091,0.8051,0.7859,0.7781,0.77,0.7696,0.7675,0.7633,0.7616,0.7446,0.7442,0.7409,0.7401,0.7397,0.7389,0.7373,0.7296,0.7212,0.7196,0.7188,0.7141,0.7075,0.7044,0.7001,0.6947,0.6898,0.6852,0.6777,0.6759,0.6751,0.6685,0.6626,0.6604,0.6601,0.6575,0.655,0.6525,0.6496,0.6457,0.6443,0.6436,0.6422,0.6372,0.6313,0.6306,0.6247,0.6241,0.6227,0.6213,0.621,0.6206,0.6176,0.6132,0.6035,0.591,0.5897,0.5829,0.5826,0.5823,0.5797,0.5762,0.5584,0.552,0.549,0.5445,0.54,0.5323,0.5277,0.5253,0.5242,0.5116,0.5114,0.5038,0.4948,0.4901,0.4813,0.4792,0.4776,0.4753,0.4703,0.4578,0.4427,0.4398,0.4376,0.4321,0.4314,0.4144,0.3979,0.397,0.3922,0.3812,0.3702,0.37,0.3686,0.3374,0.3348,0.3346,0.33,0.3295,0.3257,0.3161,0.2843],[0.9107,0.9097,0.9077,0.8939,0.8617,0.8556,0.8542,0.8312,0.8163,0.815,0.8101,0.8061,0.7869,0.7792,0.7711,0.7707,0.7686,0.7644,0.7628,0.7458,0.7454,0.7422,0.7414,0.7409,0.7401,0.7385,0.7309,0.7225,0.721,0.7202,0.7155,0.7088,0.7057,0.7015,0.6961,0.6912,0.6867,0.6792,0.6774,0.6766,0.67,0.6642,0.662,0.6616,0.6591,0.6566,0.6541,0.6512,0.6473,0.6459,0.6452,0.6438,0.6388,0.6329,0.6322,0.6264,0.6257,0.6243,0.623,0.6226,0.6223,0.6192,0.6148,0.6052,0.5927,0.5914,0.5847,0.5843,0.584,0.5815,0.578,0.5602,0.5538,0.5508,0.5463,0.5418,0.5342,0.5295,0.5272,0.5261,0.5136,0.5133,0.5058,0.4967,0.4921,0.4833,0.4812,0.4796,0.4773,0.4723,0.4598,0.4447,0.4418,0.4397,0.4342,0.4334,0.4165,0.3999,0.3991,0.3943,0.3832,0.3723,0.3721,0.3707,0.3394,0.3368,0.3366,0.3321,0.3315,0.3277,0.3182,0.2863],[0.9094,0.9084,0.9064,0.8924,0.8598,0.8536,0.8522,0.8289,0.8138,0.8125,0.8075,0.8035,0.7841,0.7763,0.7681,0.7677,0.7656,0.7613,0.7597,0.7426,0.7421,0.7388,0.738,0.7376,0.7368,0.7352,0.7275,0.719,0.7174,0.7166,0.7119,0.7052,0.702,0.6978,0.6924,0.6874,0.6828,0.6753,0.6734,0.6727,0.666,0.6601,0.6579,0.6575,0.655,0.6524,0.6499,0.647,0.6431,0.6416,0.6409,0.6395,0.6346,0.6286,0.6279,0.622,0.6213,0.6199,0.6186,0.6182,0.6179,0.6148,0.6104,0.6006,0.5881,0.5868,0.58,0.5796,0.5793,0.5768,0.5732,0.5554,0.5489,0.5459,0.5414,0.5369,0.5292,0.5245,0.5222,0.521,0.5084,0.5082,0.5006,0.4915,0.4869,0.478,0.4759,0.4743,0.472,0.467,0.4545,0.4393,0.4364,0.4343,0.4287,0.428,0.411,0.3945,0.3936,0.3888,0.3778,0.3668,0.3666,0.3652,0.3339,0.3314,0.3312,0.3266,0.3261,0.3223,0.3128,0.281],[0.9089,0.9079,0.9059,0.8918,0.8591,0.8529,0.8514,0.828,0.8129,0.8115,0.8065,0.8025,0.783,0.7752,0.767,0.7666,0.7644,0.7602,0.7585,0.7413,0.7409,0.7376,0.7368,0.7364,0.7355,0.7339,0.7262,0.7177,0.7161,0.7153,0.7105,0.7038,0.7007,0.6964,0.6909,0.6859,0.6814,0.6738,0.6719,0.6712,0.6645,0.6585,0.6563,0.656,0.6534,0.6509,0.6483,0.6454,0.6415,0.6401,0.6393,0.6379,0.6329,0.627,0.6263,0.6203,0.6197,0.6183,0.6169,0.6165,0.6162,0.6131,0.6087,0.5989,0.5863,0.585,0.5782,0.5779,0.5775,0.575,0.5715,0.5536,0.5471,0.544,0.5395,0.535,0.5273,0.5226,0.5203,0.5191,0.5065,0.5062,0.4987,0.4896,0.4849,0.4761,0.4739,0.4724,0.47,0.465,0.4525,0.4373,0.4344,0.4322,0.4267,0.426,0.409,0.3924,0.3915,0.3868,0.3757,0.3647,0.3645,0.3631,0.3319,0.3293,0.3291,0.3246,0.324,0.3202,0.3107,0.279],[0.9108,0.9098,0.9079,0.8941,0.862,0.8559,0.8545,0.8315,0.8166,0.8153,0.8104,0.8064,0.7873,0.7796,0.7715,0.7711,0.769,0.7648,0.7631,0.7462,0.7458,0.7426,0.7418,0.7414,0.7406,0.7389,0.7313,0.723,0.7214,0.7206,0.7159,0.7093,0.7062,0.702,0.6966,0.6917,0.6872,0.6797,0.6779,0.6771,0.6705,0.6647,0.6625,0.6621,0.6596,0.6571,0.6546,0.6517,0.6478,0.6464,0.6457,0.6443,0.6394,0.6335,0.6328,0.6269,0.6262,0.6249,0.6235,0.6232,0.6228,0.6198,0.6154,0.6057,0.5933,0.592,0.5852,0.5849,0.5846,0.5821,0.5786,0.5608,0.5544,0.5514,0.5469,0.5425,0.5348,0.5302,0.5279,0.5267,0.5142,0.5139,0.5064,0.4973,0.4928,0.484,0.4818,0.4803,0.4779,0.473,0.4605,0.4454,0.4425,0.4403,0.4348,0.4341,0.4172,0.4006,0.3998,0.395,0.3839,0.373,0.3728,0.3713,0.3401,0.3375,0.3373,0.3327,0.3322,0.3284,0.3189,0.287],[0.9108,0.9098,0.9079,0.8941,0.862,0.8559,0.8545,0.8315,0.8166,0.8153,0.8104,0.8064,0.7873,0.7796,0.7715,0.7711,0.769,0.7648,0.7631,0.7462,0.7458,0.7426,0.7418,0.7414,0.7406,0.7389,0.7313,0.723,0.7214,0.7206,0.7159,0.7093,0.7062,0.702,0.6966,0.6917,0.6872,0.6797,0.6779,0.6771,0.6705,0.6647,0.6625,0.6621,0.6596,0.6571,0.6546,0.6517,0.6478,0.6464,0.6457,0.6443,0.6394,0.6335,0.6328,0.6269,0.6262,0.6249,0.6235,0.6232,0.6228,0.6198,0.6154,0.6057,0.5933,0.592,0.5852,0.5849,0.5846,0.5821,0.5786,0.5608,0.5544,0.5514,0.5469,0.5425,0.5348,0.5302,0.5279,0.5267,0.5142,0.5139,0.5064,0.4973,0.4928,0.484,0.4818,0.4803,0.4779,0.473,0.4605,0.4454,0.4425,0.4403,0.4348,0.4341,0.4172,0.4006,0.3998,0.395,0.3839,0.373,0.3728,0.3713,0.3401,0.3375,0.3373,0.3327,0.3322,0.3284,0.3189,0.287],[0.9097,0.9087,0.9067,0.8928,0.8603,0.8541,0.8527,0.8294,0.8144,0.8131,0.8081,0.8041,0.7848,0.777,0.7689,0.7685,0.7663,0.7621,0.7604,0.7434,0.743,0.7397,0.7389,0.7385,0.7376,0.736,0.7283,0.7199,0.7183,0.7175,0.7128,0.7061,0.703,0.6987,0.6933,0.6883,0.6838,0.6763,0.6744,0.6737,0.667,0.6611,0.6589,0.6585,0.656,0.6535,0.6509,0.6481,0.6441,0.6427,0.642,0.6406,0.6356,0.6297,0.629,0.6231,0.6224,0.621,0.6197,0.6193,0.619,0.6159,0.6115,0.6018,0.5892,0.5879,0.5811,0.5808,0.5805,0.5779,0.5744,0.5566,0.5502,0.5471,0.5426,0.5381,0.5304,0.5258,0.5234,0.5223,0.5097,0.5094,0.5019,0.4928,0.4882,0.4794,0.4772,0.4757,0.4733,0.4684,0.4558,0.4407,0.4378,0.4356,0.4301,0.4294,0.4124,0.3958,0.395,0.3902,0.3791,0.3682,0.368,0.3665,0.3353,0.3327,0.3325,0.328,0.3274,0.3236,0.3141,0.2823],[0.9124,0.9114,0.9095,0.8959,0.8643,0.8583,0.857,0.8343,0.8197,0.8183,0.8135,0.8096,0.7907,0.7832,0.7752,0.7748,0.7727,0.7686,0.767,0.7503,0.7499,0.7467,0.7459,0.7455,0.7447,0.7431,0.7355,0.7273,0.7258,0.725,0.7203,0.7138,0.7107,0.7066,0.7013,0.6964,0.6919,0.6846,0.6827,0.682,0.6755,0.6697,0.6675,0.6672,0.6647,0.6622,0.6597,0.6569,0.653,0.6516,0.6509,0.6495,0.6447,0.6388,0.6381,0.6324,0.6317,0.6303,0.629,0.6286,0.6283,0.6253,0.6209,0.6114,0.599,0.5978,0.5911,0.5907,0.5904,0.5879,0.5844,0.5669,0.5605,0.5575,0.5531,0.5486,0.541,0.5364,0.5341,0.533,0.5206,0.5203,0.5128,0.5038,0.4992,0.4905,0.4884,0.4868,0.4845,0.4796,0.4671,0.4521,0.4492,0.447,0.4416,0.4409,0.4239,0.4075,0.4066,0.4018,0.3908,0.3798,0.3796,0.3782,0.3469,0.3443,0.3442,0.3396,0.339,0.3352,0.3257,0.2937],[0.913,0.9121,0.9101,0.8967,0.8653,0.8593,0.8579,0.8354,0.8209,0.8196,0.8148,0.8109,0.7921,0.7846,0.7767,0.7763,0.7742,0.7701,0.7685,0.7519,0.7515,0.7483,0.7475,0.7471,0.7463,0.7447,0.7372,0.729,0.7275,0.7267,0.7221,0.7156,0.7125,0.7084,0.7031,0.6983,0.6938,0.6865,0.6847,0.6839,0.6774,0.6717,0.6695,0.6692,0.6667,0.6642,0.6618,0.6589,0.6551,0.6537,0.653,0.6516,0.6468,0.641,0.6403,0.6345,0.6338,0.6325,0.6312,0.6308,0.6305,0.6275,0.6231,0.6136,0.6013,0.6,0.5934,0.5931,0.5927,0.5902,0.5868,0.5693,0.5629,0.5599,0.5555,0.5511,0.5435,0.5389,0.5366,0.5355,0.5231,0.5228,0.5153,0.5064,0.5018,0.4931,0.491,0.4894,0.4871,0.4822,0.4698,0.4548,0.4519,0.4497,0.4443,0.4435,0.4267,0.4102,0.4093,0.4045,0.3935,0.3826,0.3824,0.3809,0.3497,0.3471,0.3469,0.3423,0.3418,0.338,0.3284,0.2963],[0.9108,0.9098,0.9079,0.8941,0.862,0.8559,0.8545,0.8315,0.8166,0.8153,0.8104,0.8064,0.7873,0.7796,0.7715,0.7711,0.769,0.7648,0.7631,0.7462,0.7458,0.7426,0.7418,0.7414,0.7406,0.7389,0.7313,0.723,0.7214,0.7206,0.7159,0.7093,0.7062,0.702,0.6966,0.6917,0.6872,0.6797,0.6779,0.6771,0.6705,0.6647,0.6625,0.6621,0.6596,0.6571,0.6546,0.6517,0.6478,0.6464,0.6457,0.6443,0.6394,0.6335,0.6328,0.6269,0.6262,0.6249,0.6235,0.6232,0.6228,0.6198,0.6154,0.6057,0.5933,0.592,0.5852,0.5849,0.5846,0.5821,0.5786,0.5608,0.5544,0.5514,0.5469,0.5425,0.5348,0.5302,0.5279,0.5267,0.5142,0.5139,0.5064,0.4973,0.4928,0.484,0.4818,0.4803,0.4779,0.473,0.4605,0.4454,0.4425,0.4403,0.4348,0.4341,0.4172,0.4006,0.3998,0.395,0.3839,0.373,0.3728,0.3713,0.3401,0.3375,0.3373,0.3327,0.3322,0.3284,0.3189,0.287],[0.9094,0.9084,0.9064,0.8924,0.8598,0.8536,0.8522,0.8289,0.8138,0.8125,0.8075,0.8035,0.7841,0.7763,0.7681,0.7677,0.7656,0.7613,0.7597,0.7426,0.7421,0.7388,0.738,0.7376,0.7368,0.7352,0.7275,0.719,0.7174,0.7166,0.7119,0.7052,0.702,0.6978,0.6924,0.6874,0.6828,0.6753,0.6734,0.6727,0.666,0.6601,0.6579,0.6575,0.655,0.6524,0.6499,0.647,0.6431,0.6416,0.6409,0.6395,0.6346,0.6286,0.6279,0.622,0.6213,0.6199,0.6186,0.6182,0.6179,0.6148,0.6104,0.6006,0.5881,0.5868,0.58,0.5796,0.5793,0.5768,0.5732,0.5554,0.5489,0.5459,0.5414,0.5369,0.5292,0.5245,0.5222,0.521,0.5084,0.5082,0.5006,0.4915,0.4869,0.478,0.4759,0.4743,0.472,0.467,0.4545,0.4393,0.4364,0.4343,0.4287,0.428,0.411,0.3945,0.3936,0.3888,0.3778,0.3668,0.3666,0.3652,0.3339,0.3314,0.3312,0.3266,0.3261,0.3223,0.3128,0.281],[0.9115,0.9105,0.9085,0.8948,0.8629,0.8569,0.8555,0.8326,0.8178,0.8165,0.8116,0.8077,0.7887,0.781,0.773,0.7726,0.7705,0.7663,0.7647,0.7479,0.7475,0.7442,0.7434,0.743,0.7422,0.7406,0.733,0.7247,0.7231,0.7224,0.7177,0.7111,0.708,0.7038,0.6985,0.6936,0.6891,0.6817,0.6798,0.6791,0.6725,0.6667,0.6645,0.6642,0.6616,0.6591,0.6566,0.6538,0.6499,0.6485,0.6478,0.6464,0.6415,0.6356,0.6349,0.6291,0.6284,0.6271,0.6257,0.6254,0.625,0.622,0.6176,0.608,0.5956,0.5943,0.5876,0.5873,0.5869,0.5844,0.5809,0.5633,0.5569,0.5539,0.5494,0.5449,0.5373,0.5327,0.5304,0.5292,0.5167,0.5165,0.509,0.4999,0.4953,0.4866,0.4845,0.4829,0.4805,0.4756,0.4631,0.4481,0.4452,0.443,0.4375,0.4368,0.4199,0.4034,0.4025,0.3977,0.3867,0.3757,0.3755,0.3741,0.3428,0.3402,0.34,0.3355,0.3349,0.3311,0.3216,0.2896],[0.9115,0.9105,0.9085,0.8948,0.8629,0.8569,0.8555,0.8326,0.8178,0.8165,0.8116,0.8077,0.7887,0.781,0.773,0.7726,0.7705,0.7663,0.7647,0.7479,0.7475,0.7442,0.7434,0.743,0.7422,0.7406,0.733,0.7247,0.7231,0.7224,0.7177,0.7111,0.708,0.7038,0.6985,0.6936,0.6891,0.6817,0.6798,0.6791,0.6725,0.6667,0.6645,0.6642,0.6616,0.6591,0.6566,0.6538,0.6499,0.6485,0.6478,0.6464,0.6415,0.6356,0.6349,0.6291,0.6284,0.6271,0.6257,0.6254,0.625,0.622,0.6176,0.608,0.5956,0.5943,0.5876,0.5873,0.5869,0.5844,0.5809,0.5633,0.5569,0.5539,0.5494,0.5449,0.5373,0.5327,0.5304,0.5292,0.5167,0.5165,0.509,0.4999,0.4953,0.4866,0.4845,0.4829,0.4805,0.4756,0.4631,0.4481,0.4452,0.443,0.4375,0.4368,0.4199,0.4034,0.4025,0.3977,0.3867,0.3757,0.3755,0.3741,0.3428,0.3402,0.34,0.3355,0.3349,0.3311,0.3216,0.2896],[0.9107,0.9097,0.9077,0.8939,0.8617,0.8556,0.8542,0.8312,0.8163,0.815,0.8101,0.8061,0.7869,0.7792,0.7711,0.7707,0.7686,0.7644,0.7628,0.7458,0.7454,0.7422,0.7414,0.7409,0.7401,0.7385,0.7309,0.7225,0.721,0.7202,0.7155,0.7088,0.7057,0.7015,0.6961,0.6912,0.6867,0.6792,0.6774,0.6766,0.67,0.6642,0.662,0.6616,0.6591,0.6566,0.6541,0.6512,0.6473,0.6459,0.6452,0.6438,0.6388,0.6329,0.6322,0.6264,0.6257,0.6243,0.623,0.6226,0.6223,0.6192,0.6148,0.6052,0.5927,0.5914,0.5847,0.5843,0.584,0.5815,0.578,0.5602,0.5538,0.5508,0.5463,0.5418,0.5342,0.5295,0.5272,0.5261,0.5136,0.5133,0.5058,0.4967,0.4921,0.4833,0.4812,0.4796,0.4773,0.4723,0.4598,0.4447,0.4418,0.4397,0.4342,0.4334,0.4165,0.3999,0.3991,0.3943,0.3832,0.3723,0.3721,0.3707,0.3394,0.3368,0.3366,0.3321,0.3315,0.3277,0.3182,0.2863],[0.91,0.909,0.907,0.8932,0.8608,0.8546,0.8532,0.83,0.8151,0.8137,0.8088,0.8048,0.7855,0.7777,0.7696,0.7692,0.7671,0.7629,0.7612,0.7442,0.7438,0.7405,0.7397,0.7393,0.7385,0.7368,0.7292,0.7208,0.7192,0.7184,0.7137,0.707,0.7039,0.6996,0.6943,0.6893,0.6848,0.6773,0.6754,0.6746,0.668,0.6621,0.6599,0.6596,0.657,0.6545,0.652,0.6491,0.6452,0.6438,0.6431,0.6416,0.6367,0.6308,0.6301,0.6242,0.6235,0.6221,0.6208,0.6204,0.6201,0.617,0.6126,0.6029,0.5904,0.5891,0.5823,0.582,0.5817,0.5791,0.5756,0.5578,0.5514,0.5484,0.5438,0.5394,0.5317,0.527,0.5247,0.5235,0.511,0.5107,0.5032,0.4941,0.4895,0.4807,0.4786,0.477,0.4746,0.4697,0.4572,0.442,0.4391,0.437,0.4315,0.4307,0.4137,0.3972,0.3963,0.3916,0.3805,0.3695,0.3693,0.3679,0.3367,0.3341,0.3339,0.3293,0.3288,0.325,0.3155,0.2836],[0.9097,0.9087,0.9067,0.8928,0.8603,0.8541,0.8527,0.8294,0.8144,0.8131,0.8081,0.8041,0.7848,0.777,0.7689,0.7685,0.7663,0.7621,0.7604,0.7434,0.743,0.7397,0.7389,0.7385,0.7376,0.736,0.7283,0.7199,0.7183,0.7175,0.7128,0.7061,0.703,0.6987,0.6933,0.6883,0.6838,0.6763,0.6744,0.6737,0.667,0.6611,0.6589,0.6585,0.656,0.6535,0.6509,0.6481,0.6441,0.6427,0.642,0.6406,0.6356,0.6297,0.629,0.6231,0.6224,0.621,0.6197,0.6193,0.619,0.6159,0.6115,0.6018,0.5892,0.5879,0.5811,0.5808,0.5805,0.5779,0.5744,0.5566,0.5502,0.5471,0.5426,0.5381,0.5304,0.5258,0.5234,0.5223,0.5097,0.5094,0.5019,0.4928,0.4882,0.4794,0.4772,0.4757,0.4733,0.4684,0.4558,0.4407,0.4378,0.4356,0.4301,0.4294,0.4124,0.3958,0.395,0.3902,0.3791,0.3682,0.368,0.3665,0.3353,0.3327,0.3325,0.328,0.3274,0.3236,0.3141,0.2823],[0.9092,0.9082,0.9062,0.8922,0.8596,0.8534,0.8519,0.8286,0.8135,0.8121,0.8072,0.8032,0.7837,0.7759,0.7678,0.7673,0.7652,0.761,0.7593,0.7421,0.7417,0.7384,0.7376,0.7372,0.7364,0.7347,0.727,0.7186,0.717,0.7162,0.7114,0.7047,0.7016,0.6973,0.6919,0.6869,0.6823,0.6748,0.6729,0.6722,0.6655,0.6596,0.6574,0.657,0.6545,0.6519,0.6494,0.6465,0.6425,0.6411,0.6404,0.639,0.634,0.6281,0.6274,0.6214,0.6208,0.6194,0.618,0.6177,0.6173,0.6142,0.6098,0.6,0.5875,0.5862,0.5794,0.5791,0.5787,0.5762,0.5726,0.5548,0.5483,0.5453,0.5408,0.5363,0.5286,0.5239,0.5215,0.5204,0.5078,0.5075,0.5,0.4909,0.4862,0.4774,0.4753,0.4737,0.4713,0.4664,0.4538,0.4387,0.4358,0.4336,0.4281,0.4274,0.4103,0.3938,0.3929,0.3881,0.3771,0.3661,0.3659,0.3645,0.3333,0.3307,0.3305,0.3259,0.3254,0.3216,0.3121,0.2803],[0.9092,0.9082,0.9062,0.8922,0.8596,0.8534,0.8519,0.8286,0.8135,0.8121,0.8072,0.8032,0.7837,0.7759,0.7678,0.7673,0.7652,0.761,0.7593,0.7421,0.7417,0.7384,0.7376,0.7372,0.7364,0.7347,0.727,0.7186,0.717,0.7162,0.7114,0.7047,0.7016,0.6973,0.6919,0.6869,0.6823,0.6748,0.6729,0.6722,0.6655,0.6596,0.6574,0.657,0.6545,0.6519,0.6494,0.6465,0.6425,0.6411,0.6404,0.639,0.634,0.6281,0.6274,0.6214,0.6208,0.6194,0.618,0.6177,0.6173,0.6142,0.6098,0.6,0.5875,0.5862,0.5794,0.5791,0.5787,0.5762,0.5726,0.5548,0.5483,0.5453,0.5408,0.5363,0.5286,0.5239,0.5215,0.5204,0.5078,0.5075,0.5,0.4909,0.4862,0.4774,0.4753,0.4737,0.4713,0.4664,0.4538,0.4387,0.4358,0.4336,0.4281,0.4274,0.4103,0.3938,0.3929,0.3881,0.3771,0.3661,0.3659,0.3645,0.3333,0.3307,0.3305,0.3259,0.3254,0.3216,0.3121,0.2803],[0.9121,0.9111,0.9092,0.8956,0.8639,0.8578,0.8565,0.8337,0.8191,0.8177,0.8129,0.809,0.7901,0.7824,0.7745,0.7741,0.772,0.7678,0.7662,0.7495,0.7491,0.7459,0.7451,0.7447,0.7439,0.7423,0.7347,0.7265,0.7249,0.7241,0.7195,0.7129,0.7098,0.7056,0.7004,0.6955,0.691,0.6836,0.6818,0.681,0.6745,0.6687,0.6665,0.6662,0.6637,0.6612,0.6587,0.6559,0.652,0.6506,0.6499,0.6485,0.6436,0.6378,0.6371,0.6313,0.6306,0.6292,0.6279,0.6276,0.6272,0.6242,0.6198,0.6102,0.5979,0.5966,0.5899,0.5896,0.5893,0.5867,0.5833,0.5657,0.5593,0.5563,0.5518,0.5474,0.5398,0.5352,0.5329,0.5317,0.5193,0.519,0.5115,0.5025,0.4979,0.4892,0.4871,0.4855,0.4832,0.4782,0.4658,0.4508,0.4479,0.4457,0.4402,0.4395,0.4226,0.4061,0.4052,0.4004,0.3894,0.3785,0.3782,0.3768,0.3456,0.343,0.3428,0.3382,0.3377,0.3339,0.3243,0.2923],[0.9119,0.911,0.909,0.8954,0.8636,0.8576,0.8562,0.8334,0.8187,0.8174,0.8126,0.8087,0.7897,0.7821,0.7741,0.7737,0.7716,0.7675,0.7658,0.7491,0.7487,0.7454,0.7446,0.7442,0.7434,0.7418,0.7343,0.726,0.7245,0.7237,0.719,0.7125,0.7094,0.7052,0.6999,0.695,0.6905,0.6831,0.6813,0.6805,0.674,0.6682,0.666,0.6657,0.6632,0.6607,0.6582,0.6553,0.6515,0.6501,0.6494,0.648,0.6431,0.6372,0.6365,0.6307,0.6301,0.6287,0.6273,0.627,0.6267,0.6236,0.6193,0.6097,0.5973,0.596,0.5893,0.589,0.5887,0.5862,0.5827,0.5651,0.5587,0.5557,0.5512,0.5468,0.5392,0.5345,0.5322,0.5311,0.5186,0.5184,0.5109,0.5019,0.4973,0.4885,0.4864,0.4849,0.4825,0.4776,0.4651,0.4501,0.4472,0.445,0.4395,0.4388,0.4219,0.4054,0.4045,0.3998,0.3887,0.3778,0.3776,0.3761,0.3449,0.3423,0.3421,0.3375,0.337,0.3332,0.3236,0.2916],[0.913,0.9121,0.9101,0.8967,0.8653,0.8593,0.8579,0.8354,0.8209,0.8196,0.8148,0.8109,0.7921,0.7846,0.7767,0.7763,0.7742,0.7701,0.7685,0.7519,0.7515,0.7483,0.7475,0.7471,0.7463,0.7447,0.7372,0.729,0.7275,0.7267,0.7221,0.7156,0.7125,0.7084,0.7031,0.6983,0.6938,0.6865,0.6847,0.6839,0.6774,0.6717,0.6695,0.6692,0.6667,0.6642,0.6618,0.6589,0.6551,0.6537,0.653,0.6516,0.6468,0.641,0.6403,0.6345,0.6338,0.6325,0.6312,0.6308,0.6305,0.6275,0.6231,0.6136,0.6013,0.6,0.5934,0.5931,0.5927,0.5902,0.5868,0.5693,0.5629,0.5599,0.5555,0.5511,0.5435,0.5389,0.5366,0.5355,0.5231,0.5228,0.5153,0.5064,0.5018,0.4931,0.491,0.4894,0.4871,0.4822,0.4698,0.4548,0.4519,0.4497,0.4443,0.4435,0.4267,0.4102,0.4093,0.4045,0.3935,0.3826,0.3824,0.3809,0.3497,0.3471,0.3469,0.3423,0.3418,0.338,0.3284,0.2963],[0.9088,0.9077,0.9057,0.8916,0.8588,0.8526,0.8512,0.8277,0.8126,0.8112,0.8062,0.8022,0.7827,0.7748,0.7666,0.7662,0.7641,0.7598,0.7581,0.7409,0.7405,0.7372,0.7364,0.7359,0.7351,0.7335,0.7257,0.7172,0.7156,0.7148,0.7101,0.7033,0.7002,0.6959,0.6905,0.6855,0.6809,0.6733,0.6714,0.6707,0.6639,0.658,0.6558,0.6555,0.6529,0.6503,0.6478,0.6449,0.641,0.6395,0.6388,0.6374,0.6324,0.6264,0.6257,0.6198,0.6191,0.6177,0.6163,0.616,0.6156,0.6126,0.6081,0.5983,0.5857,0.5844,0.5776,0.5773,0.577,0.5744,0.5709,0.5529,0.5465,0.5434,0.5389,0.5344,0.5267,0.522,0.5196,0.5185,0.5059,0.5056,0.498,0.4889,0.4843,0.4754,0.4733,0.4717,0.4693,0.4644,0.4518,0.4367,0.4337,0.4316,0.426,0.4253,0.4083,0.3917,0.3909,0.3861,0.375,0.3641,0.3639,0.3624,0.3312,0.3286,0.3284,0.3239,0.3233,0.3196,0.31,0.2783],[0.9094,0.9084,0.9064,0.8924,0.8598,0.8536,0.8522,0.8289,0.8138,0.8125,0.8075,0.8035,0.7841,0.7763,0.7681,0.7677,0.7656,0.7613,0.7597,0.7426,0.7421,0.7388,0.738,0.7376,0.7368,0.7352,0.7275,0.719,0.7174,0.7166,0.7119,0.7052,0.702,0.6978,0.6924,0.6874,0.6828,0.6753,0.6734,0.6727,0.666,0.6601,0.6579,0.6575,0.655,0.6524,0.6499,0.647,0.6431,0.6416,0.6409,0.6395,0.6346,0.6286,0.6279,0.622,0.6213,0.6199,0.6186,0.6182,0.6179,0.6148,0.6104,0.6006,0.5881,0.5868,0.58,0.5796,0.5793,0.5768,0.5732,0.5554,0.5489,0.5459,0.5414,0.5369,0.5292,0.5245,0.5222,0.521,0.5084,0.5082,0.5006,0.4915,0.4869,0.478,0.4759,0.4743,0.472,0.467,0.4545,0.4393,0.4364,0.4343,0.4287,0.428,0.411,0.3945,0.3936,0.3888,0.3778,0.3668,0.3666,0.3652,0.3339,0.3314,0.3312,0.3266,0.3261,0.3223,0.3128,0.281],[0.9086,0.9076,0.9055,0.8914,0.8586,0.8524,0.8509,0.8274,0.8122,0.8109,0.8059,0.8018,0.7823,0.7744,0.7662,0.7658,0.7637,0.7594,0.7577,0.7405,0.7401,0.7368,0.7359,0.7355,0.7347,0.7331,0.7253,0.7168,0.7152,0.7144,0.7096,0.7029,0.6997,0.6954,0.69,0.685,0.6804,0.6728,0.6709,0.6702,0.6634,0.6575,0.6553,0.6549,0.6524,0.6498,0.6473,0.6444,0.6404,0.639,0.6383,0.6368,0.6319,0.6259,0.6252,0.6192,0.6185,0.6172,0.6158,0.6154,0.6151,0.612,0.6076,0.5978,0.5852,0.5838,0.577,0.5767,0.5764,0.5738,0.5703,0.5523,0.5459,0.5428,0.5383,0.5338,0.526,0.5213,0.519,0.5178,0.5052,0.5049,0.4974,0.4882,0.4836,0.4748,0.4726,0.471,0.4687,0.4637,0.4511,0.436,0.4331,0.4309,0.4254,0.4246,0.4076,0.3911,0.3902,0.3854,0.3743,0.3634,0.3632,0.3617,0.3305,0.3279,0.3278,0.3232,0.3227,0.3189,0.3094,0.2776],[0.9112,0.9102,0.9082,0.8945,0.8624,0.8564,0.855,0.832,0.8172,0.8159,0.811,0.8071,0.788,0.7803,0.7723,0.7718,0.7697,0.7656,0.7639,0.7471,0.7466,0.7434,0.7426,0.7422,0.7414,0.7398,0.7322,0.7238,0.7223,0.7215,0.7168,0.7102,0.7071,0.7029,0.6976,0.6926,0.6881,0.6807,0.6788,0.6781,0.6715,0.6657,0.6635,0.6631,0.6606,0.6581,0.6556,0.6528,0.6489,0.6475,0.6467,0.6453,0.6404,0.6345,0.6339,0.628,0.6273,0.626,0.6246,0.6243,0.6239,0.6209,0.6165,0.6069,0.5944,0.5932,0.5864,0.5861,0.5858,0.5832,0.5798,0.562,0.5557,0.5526,0.5482,0.5437,0.5361,0.5314,0.5291,0.528,0.5155,0.5152,0.5077,0.4986,0.4941,0.4853,0.4832,0.4816,0.4792,0.4743,0.4618,0.4467,0.4438,0.4417,0.4362,0.4355,0.4185,0.402,0.4011,0.3963,0.3853,0.3743,0.3741,0.3727,0.3415,0.3389,0.3387,0.3341,0.3336,0.3298,0.3202,0.2883],[0.9129,0.9119,0.91,0.8965,0.865,0.8591,0.8577,0.8351,0.8206,0.8193,0.8145,0.8106,0.7918,0.7842,0.7763,0.7759,0.7738,0.7697,0.7681,0.7515,0.7511,0.7479,0.7471,0.7467,0.7459,0.7443,0.7368,0.7286,0.7271,0.7263,0.7217,0.7151,0.7121,0.7079,0.7027,0.6978,0.6934,0.686,0.6842,0.6835,0.6769,0.6712,0.669,0.6687,0.6662,0.6637,0.6612,0.6584,0.6546,0.6532,0.6525,0.6511,0.6463,0.6404,0.6398,0.634,0.6333,0.632,0.6306,0.6303,0.6299,0.6269,0.6226,0.613,0.6008,0.5995,0.5928,0.5925,0.5922,0.5896,0.5862,0.5687,0.5623,0.5593,0.5549,0.5505,0.5429,0.5383,0.536,0.5348,0.5224,0.5222,0.5147,0.5057,0.5012,0.4924,0.4903,0.4888,0.4864,0.4815,0.4691,0.4541,0.4512,0.4491,0.4436,0.4429,0.426,0.4095,0.4086,0.4039,0.3928,0.3819,0.3817,0.3803,0.349,0.3464,0.3462,0.3416,0.3411,0.3373,0.3277,0.2957],[0.9091,0.9081,0.906,0.892,0.8593,0.8531,0.8517,0.8283,0.8132,0.8118,0.8069,0.8028,0.7834,0.7756,0.7674,0.767,0.7648,0.7606,0.7589,0.7417,0.7413,0.738,0.7372,0.7368,0.736,0.7343,0.7266,0.7181,0.7165,0.7157,0.711,0.7043,0.7011,0.6968,0.6914,0.6864,0.6819,0.6743,0.6724,0.6717,0.665,0.6591,0.6569,0.6565,0.6539,0.6514,0.6489,0.646,0.642,0.6406,0.6399,0.6384,0.6335,0.6275,0.6268,0.6209,0.6202,0.6188,0.6174,0.6171,0.6168,0.6137,0.6092,0.5995,0.5869,0.5856,0.5788,0.5785,0.5781,0.5756,0.572,0.5542,0.5477,0.5447,0.5401,0.5356,0.5279,0.5232,0.5209,0.5198,0.5072,0.5069,0.4993,0.4902,0.4856,0.4767,0.4746,0.473,0.4707,0.4657,0.4532,0.438,0.4351,0.4329,0.4274,0.4267,0.4097,0.3931,0.3922,0.3875,0.3764,0.3654,0.3652,0.3638,0.3326,0.33,0.3298,0.3252,0.3247,0.3209,0.3114,0.2796],[0.91,0.909,0.907,0.8932,0.8608,0.8546,0.8532,0.83,0.8151,0.8137,0.8088,0.8048,0.7855,0.7777,0.7696,0.7692,0.7671,0.7629,0.7612,0.7442,0.7438,0.7405,0.7397,0.7393,0.7385,0.7368,0.7292,0.7208,0.7192,0.7184,0.7137,0.707,0.7039,0.6996,0.6943,0.6893,0.6848,0.6773,0.6754,0.6746,0.668,0.6621,0.6599,0.6596,0.657,0.6545,0.652,0.6491,0.6452,0.6438,0.6431,0.6416,0.6367,0.6308,0.6301,0.6242,0.6235,0.6221,0.6208,0.6204,0.6201,0.617,0.6126,0.6029,0.5904,0.5891,0.5823,0.582,0.5817,0.5791,0.5756,0.5578,0.5514,0.5484,0.5438,0.5394,0.5317,0.527,0.5247,0.5235,0.511,0.5107,0.5032,0.4941,0.4895,0.4807,0.4786,0.477,0.4746,0.4697,0.4572,0.442,0.4391,0.437,0.4315,0.4307,0.4137,0.3972,0.3963,0.3916,0.3805,0.3695,0.3693,0.3679,0.3367,0.3341,0.3339,0.3293,0.3288,0.325,0.3155,0.2836],[0.9123,0.9113,0.9093,0.8958,0.8641,0.8581,0.8567,0.834,0.8194,0.818,0.8132,0.8093,0.7904,0.7828,0.7749,0.7744,0.7724,0.7682,0.7666,0.7499,0.7495,0.7463,0.7455,0.7451,0.7443,0.7427,0.7351,0.7269,0.7253,0.7245,0.7199,0.7133,0.7103,0.7061,0.7008,0.6959,0.6915,0.6841,0.6823,0.6815,0.675,0.6692,0.667,0.6667,0.6642,0.6617,0.6592,0.6564,0.6525,0.6511,0.6504,0.649,0.6442,0.6383,0.6376,0.6318,0.6311,0.6298,0.6284,0.6281,0.6278,0.6247,0.6204,0.6108,0.5985,0.5972,0.5905,0.5902,0.5898,0.5873,0.5839,0.5663,0.5599,0.5569,0.5524,0.548,0.5404,0.5358,0.5335,0.5323,0.5199,0.5196,0.5122,0.5032,0.4986,0.4898,0.4877,0.4862,0.4838,0.4789,0.4665,0.4514,0.4485,0.4464,0.4409,0.4402,0.4233,0.4068,0.4059,0.4011,0.3901,0.3791,0.3789,0.3775,0.3462,0.3437,0.3435,0.3389,0.3383,0.3345,0.325,0.293],[0.9096,0.9086,0.9065,0.8926,0.86,0.8539,0.8525,0.8291,0.8141,0.8128,0.8078,0.8038,0.7844,0.7767,0.7685,0.7681,0.766,0.7617,0.76,0.743,0.7426,0.7393,0.7384,0.738,0.7372,0.7356,0.7279,0.7195,0.7179,0.7171,0.7123,0.7056,0.7025,0.6982,0.6928,0.6879,0.6833,0.6758,0.6739,0.6732,0.6665,0.6606,0.6584,0.658,0.6555,0.6529,0.6504,0.6475,0.6436,0.6422,0.6415,0.64,0.6351,0.6291,0.6284,0.6225,0.6219,0.6205,0.6191,0.6188,0.6184,0.6153,0.6109,0.6012,0.5887,0.5874,0.5806,0.5802,0.5799,0.5773,0.5738,0.556,0.5496,0.5465,0.542,0.5375,0.5298,0.5251,0.5228,0.5217,0.5091,0.5088,0.5012,0.4922,0.4875,0.4787,0.4766,0.475,0.4726,0.4677,0.4552,0.44,0.4371,0.4349,0.4294,0.4287,0.4117,0.3952,0.3943,0.3895,0.3784,0.3675,0.3673,0.3659,0.3346,0.332,0.3319,0.3273,0.3267,0.323,0.3134,0.2816],[0.9105,0.9095,0.9075,0.8937,0.8615,0.8554,0.854,0.8309,0.816,0.8146,0.8097,0.8058,0.7866,0.7788,0.7708,0.7703,0.7682,0.764,0.7624,0.7454,0.745,0.7418,0.7409,0.7405,0.7397,0.7381,0.7305,0.7221,0.7205,0.7197,0.715,0.7084,0.7053,0.701,0.6957,0.6907,0.6862,0.6787,0.6769,0.6761,0.6695,0.6636,0.6615,0.6611,0.6586,0.656,0.6535,0.6507,0.6468,0.6453,0.6446,0.6432,0.6383,0.6324,0.6317,0.6258,0.6252,0.6238,0.6224,0.6221,0.6217,0.6187,0.6143,0.6046,0.5921,0.5908,0.5841,0.5838,0.5834,0.5809,0.5774,0.5596,0.5532,0.5502,0.5457,0.5412,0.5336,0.5289,0.5266,0.5254,0.5129,0.5126,0.5051,0.4961,0.4915,0.4826,0.4805,0.479,0.4766,0.4717,0.4592,0.4441,0.4411,0.439,0.4335,0.4328,0.4158,0.3993,0.3984,0.3936,0.3826,0.3716,0.3714,0.37,0.3387,0.3361,0.3359,0.3314,0.3308,0.327,0.3175,0.2856],[0.9099,0.9089,0.9069,0.893,0.8605,0.8544,0.853,0.8297,0.8147,0.8134,0.8085,0.8045,0.7851,0.7774,0.7693,0.7688,0.7667,0.7625,0.7608,0.7438,0.7434,0.7401,0.7393,0.7389,0.7381,0.7364,0.7287,0.7203,0.7188,0.718,0.7132,0.7066,0.7034,0.6992,0.6938,0.6888,0.6843,0.6768,0.6749,0.6742,0.6675,0.6616,0.6594,0.6591,0.6565,0.654,0.6515,0.6486,0.6447,0.6432,0.6425,0.6411,0.6362,0.6302,0.6295,0.6236,0.623,0.6216,0.6202,0.6199,0.6195,0.6165,0.612,0.6023,0.5898,0.5885,0.5817,0.5814,0.5811,0.5785,0.575,0.5572,0.5508,0.5477,0.5432,0.5387,0.5311,0.5264,0.5241,0.5229,0.5104,0.5101,0.5025,0.4935,0.4888,0.48,0.4779,0.4763,0.474,0.469,0.4565,0.4414,0.4385,0.4363,0.4308,0.4301,0.4131,0.3965,0.3957,0.3909,0.3798,0.3689,0.3687,0.3672,0.336,0.3334,0.3332,0.3286,0.3281,0.3243,0.3148,0.283],[0.9115,0.9105,0.9085,0.8948,0.8629,0.8569,0.8555,0.8326,0.8178,0.8165,0.8116,0.8077,0.7887,0.781,0.773,0.7726,0.7705,0.7663,0.7647,0.7479,0.7475,0.7442,0.7434,0.743,0.7422,0.7406,0.733,0.7247,0.7231,0.7224,0.7177,0.7111,0.708,0.7038,0.6985,0.6936,0.6891,0.6817,0.6798,0.6791,0.6725,0.6667,0.6645,0.6642,0.6616,0.6591,0.6566,0.6538,0.6499,0.6485,0.6478,0.6464,0.6415,0.6356,0.6349,0.6291,0.6284,0.6271,0.6257,0.6254,0.625,0.622,0.6176,0.608,0.5956,0.5943,0.5876,0.5873,0.5869,0.5844,0.5809,0.5633,0.5569,0.5539,0.5494,0.5449,0.5373,0.5327,0.5304,0.5292,0.5167,0.5165,0.509,0.4999,0.4953,0.4866,0.4845,0.4829,0.4805,0.4756,0.4631,0.4481,0.4452,0.443,0.4375,0.4368,0.4199,0.4034,0.4025,0.3977,0.3867,0.3757,0.3755,0.3741,0.3428,0.3402,0.34,0.3355,0.3349,0.3311,0.3216,0.2896],[0.9096,0.9086,0.9065,0.8926,0.86,0.8539,0.8525,0.8291,0.8141,0.8128,0.8078,0.8038,0.7844,0.7767,0.7685,0.7681,0.766,0.7617,0.76,0.743,0.7426,0.7393,0.7384,0.738,0.7372,0.7356,0.7279,0.7195,0.7179,0.7171,0.7123,0.7056,0.7025,0.6982,0.6928,0.6879,0.6833,0.6758,0.6739,0.6732,0.6665,0.6606,0.6584,0.658,0.6555,0.6529,0.6504,0.6475,0.6436,0.6422,0.6415,0.64,0.6351,0.6291,0.6284,0.6225,0.6219,0.6205,0.6191,0.6188,0.6184,0.6153,0.6109,0.6012,0.5887,0.5874,0.5806,0.5802,0.5799,0.5773,0.5738,0.556,0.5496,0.5465,0.542,0.5375,0.5298,0.5251,0.5228,0.5217,0.5091,0.5088,0.5012,0.4922,0.4875,0.4787,0.4766,0.475,0.4726,0.4677,0.4552,0.44,0.4371,0.4349,0.4294,0.4287,0.4117,0.3952,0.3943,0.3895,0.3784,0.3675,0.3673,0.3659,0.3346,0.332,0.3319,0.3273,0.3267,0.323,0.3134,0.2816],[0.9105,0.9095,0.9075,0.8937,0.8615,0.8554,0.854,0.8309,0.816,0.8146,0.8097,0.8058,0.7866,0.7788,0.7708,0.7703,0.7682,0.764,0.7624,0.7454,0.745,0.7418,0.7409,0.7405,0.7397,0.7381,0.7305,0.7221,0.7205,0.7197,0.715,0.7084,0.7053,0.701,0.6957,0.6907,0.6862,0.6787,0.6769,0.6761,0.6695,0.6636,0.6615,0.6611,0.6586,0.656,0.6535,0.6507,0.6468,0.6453,0.6446,0.6432,0.6383,0.6324,0.6317,0.6258,0.6252,0.6238,0.6224,0.6221,0.6217,0.6187,0.6143,0.6046,0.5921,0.5908,0.5841,0.5838,0.5834,0.5809,0.5774,0.5596,0.5532,0.5502,0.5457,0.5412,0.5336,0.5289,0.5266,0.5254,0.5129,0.5126,0.5051,0.4961,0.4915,0.4826,0.4805,0.479,0.4766,0.4717,0.4592,0.4441,0.4411,0.439,0.4335,0.4328,0.4158,0.3993,0.3984,0.3936,0.3826,0.3716,0.3714,0.37,0.3387,0.3361,0.3359,0.3314,0.3308,0.327,0.3175,0.2856],[0.9079,0.9069,0.9049,0.8907,0.8576,0.8513,0.8499,0.8262,0.811,0.8096,0.8046,0.8005,0.7809,0.773,0.7647,0.7643,0.7621,0.7578,0.7561,0.7388,0.7384,0.7351,0.7342,0.7338,0.733,0.7313,0.7235,0.715,0.7134,0.7126,0.7078,0.701,0.6979,0.6935,0.6881,0.683,0.6784,0.6708,0.6689,0.6682,0.6614,0.6555,0.6532,0.6529,0.6503,0.6477,0.6452,0.6423,0.6383,0.6368,0.6361,0.6347,0.6297,0.6237,0.623,0.617,0.6163,0.6149,0.6135,0.6132,0.6129,0.6097,0.6053,0.5955,0.5828,0.5815,0.5746,0.5743,0.574,0.5714,0.5679,0.5499,0.5434,0.5403,0.5358,0.5313,0.5235,0.5188,0.5165,0.5153,0.5027,0.5024,0.4948,0.4856,0.481,0.4721,0.47,0.4684,0.466,0.461,0.4485,0.4333,0.4304,0.4282,0.4226,0.4219,0.4049,0.3883,0.3874,0.3827,0.3716,0.3606,0.3604,0.359,0.3278,0.3252,0.325,0.3205,0.3199,0.3162,0.3067,0.275],[0.9094,0.9084,0.9064,0.8924,0.8598,0.8536,0.8522,0.8289,0.8138,0.8125,0.8075,0.8035,0.7841,0.7763,0.7681,0.7677,0.7656,0.7613,0.7597,0.7426,0.7421,0.7388,0.738,0.7376,0.7368,0.7352,0.7275,0.719,0.7174,0.7166,0.7119,0.7052,0.702,0.6978,0.6924,0.6874,0.6828,0.6753,0.6734,0.6727,0.666,0.6601,0.6579,0.6575,0.655,0.6524,0.6499,0.647,0.6431,0.6416,0.6409,0.6395,0.6346,0.6286,0.6279,0.622,0.6213,0.6199,0.6186,0.6182,0.6179,0.6148,0.6104,0.6006,0.5881,0.5868,0.58,0.5796,0.5793,0.5768,0.5732,0.5554,0.5489,0.5459,0.5414,0.5369,0.5292,0.5245,0.5222,0.521,0.5084,0.5082,0.5006,0.4915,0.4869,0.478,0.4759,0.4743,0.472,0.467,0.4545,0.4393,0.4364,0.4343,0.4287,0.428,0.411,0.3945,0.3936,0.3888,0.3778,0.3668,0.3666,0.3652,0.3339,0.3314,0.3312,0.3266,0.3261,0.3223,0.3128,0.281],[0.9129,0.9119,0.91,0.8965,0.865,0.8591,0.8577,0.8351,0.8206,0.8193,0.8145,0.8106,0.7918,0.7842,0.7763,0.7759,0.7738,0.7697,0.7681,0.7515,0.7511,0.7479,0.7471,0.7467,0.7459,0.7443,0.7368,0.7286,0.7271,0.7263,0.7217,0.7151,0.7121,0.7079,0.7027,0.6978,0.6934,0.686,0.6842,0.6835,0.6769,0.6712,0.669,0.6687,0.6662,0.6637,0.6612,0.6584,0.6546,0.6532,0.6525,0.6511,0.6463,0.6404,0.6398,0.634,0.6333,0.632,0.6306,0.6303,0.6299,0.6269,0.6226,0.613,0.6008,0.5995,0.5928,0.5925,0.5922,0.5896,0.5862,0.5687,0.5623,0.5593,0.5549,0.5505,0.5429,0.5383,0.536,0.5348,0.5224,0.5222,0.5147,0.5057,0.5012,0.4924,0.4903,0.4888,0.4864,0.4815,0.4691,0.4541,0.4512,0.4491,0.4436,0.4429,0.426,0.4095,0.4086,0.4039,0.3928,0.3819,0.3817,0.3803,0.349,0.3464,0.3462,0.3416,0.3411,0.3373,0.3277,0.2957],[0.9116,0.9106,0.9087,0.895,0.8632,0.8571,0.8557,0.8329,0.8181,0.8168,0.812,0.808,0.789,0.7814,0.7734,0.773,0.7709,0.7667,0.7651,0.7483,0.7479,0.7446,0.7438,0.7434,0.7426,0.741,0.7334,0.7252,0.7236,0.7228,0.7181,0.7115,0.7085,0.7043,0.699,0.6941,0.6896,0.6821,0.6803,0.6796,0.673,0.6672,0.665,0.6647,0.6621,0.6596,0.6571,0.6543,0.6504,0.649,0.6483,0.6469,0.642,0.6362,0.6355,0.6297,0.629,0.6276,0.6263,0.6259,0.6256,0.6225,0.6182,0.6086,0.5962,0.5949,0.5882,0.5878,0.5875,0.585,0.5815,0.5639,0.5575,0.5545,0.55,0.5456,0.5379,0.5333,0.531,0.5298,0.5174,0.5171,0.5096,0.5006,0.496,0.4872,0.4851,0.4835,0.4812,0.4763,0.4638,0.4488,0.4459,0.4437,0.4382,0.4375,0.4205,0.404,0.4032,0.3984,0.3873,0.3764,0.3762,0.3748,0.3435,0.3409,0.3407,0.3362,0.3356,0.3318,0.3223,0.2903],[0.9079,0.9069,0.9049,0.8907,0.8576,0.8513,0.8499,0.8262,0.811,0.8096,0.8046,0.8005,0.7809,0.773,0.7647,0.7643,0.7621,0.7578,0.7561,0.7388,0.7384,0.7351,0.7342,0.7338,0.733,0.7313,0.7235,0.715,0.7134,0.7126,0.7078,0.701,0.6979,0.6935,0.6881,0.683,0.6784,0.6708,0.6689,0.6682,0.6614,0.6555,0.6532,0.6529,0.6503,0.6477,0.6452,0.6423,0.6383,0.6368,0.6361,0.6347,0.6297,0.6237,0.623,0.617,0.6163,0.6149,0.6135,0.6132,0.6129,0.6097,0.6053,0.5955,0.5828,0.5815,0.5746,0.5743,0.574,0.5714,0.5679,0.5499,0.5434,0.5403,0.5358,0.5313,0.5235,0.5188,0.5165,0.5153,0.5027,0.5024,0.4948,0.4856,0.481,0.4721,0.47,0.4684,0.466,0.461,0.4485,0.4333,0.4304,0.4282,0.4226,0.4219,0.4049,0.3883,0.3874,0.3827,0.3716,0.3606,0.3604,0.359,0.3278,0.3252,0.325,0.3205,0.3199,0.3162,0.3067,0.275],[0.9118,0.9108,0.9088,0.8952,0.8634,0.8574,0.856,0.8332,0.8184,0.8171,0.8123,0.8083,0.7894,0.7817,0.7737,0.7733,0.7712,0.7671,0.7654,0.7487,0.7483,0.745,0.7442,0.7438,0.743,0.7414,0.7339,0.7256,0.724,0.7232,0.7186,0.712,0.7089,0.7047,0.6994,0.6945,0.69,0.6826,0.6808,0.6801,0.6735,0.6677,0.6655,0.6652,0.6627,0.6602,0.6577,0.6548,0.6509,0.6495,0.6488,0.6474,0.6426,0.6367,0.636,0.6302,0.6295,0.6282,0.6268,0.6265,0.6261,0.6231,0.6187,0.6091,0.5967,0.5955,0.5887,0.5884,0.5881,0.5856,0.5821,0.5645,0.5581,0.5551,0.5506,0.5462,0.5386,0.5339,0.5316,0.5305,0.518,0.5177,0.5102,0.5012,0.4966,0.4879,0.4858,0.4842,0.4819,0.4769,0.4645,0.4494,0.4465,0.4444,0.4389,0.4382,0.4212,0.4047,0.4039,0.3991,0.388,0.3771,0.3769,0.3755,0.3442,0.3416,0.3414,0.3368,0.3363,0.3325,0.3229,0.291],[0.913,0.9121,0.9101,0.8967,0.8653,0.8593,0.8579,0.8354,0.8209,0.8196,0.8148,0.8109,0.7921,0.7846,0.7767,0.7763,0.7742,0.7701,0.7685,0.7519,0.7515,0.7483,0.7475,0.7471,0.7463,0.7447,0.7372,0.729,0.7275,0.7267,0.7221,0.7156,0.7125,0.7084,0.7031,0.6983,0.6938,0.6865,0.6847,0.6839,0.6774,0.6717,0.6695,0.6692,0.6667,0.6642,0.6618,0.6589,0.6551,0.6537,0.653,0.6516,0.6468,0.641,0.6403,0.6345,0.6338,0.6325,0.6312,0.6308,0.6305,0.6275,0.6231,0.6136,0.6013,0.6,0.5934,0.5931,0.5927,0.5902,0.5868,0.5693,0.5629,0.5599,0.5555,0.5511,0.5435,0.5389,0.5366,0.5355,0.5231,0.5228,0.5153,0.5064,0.5018,0.4931,0.491,0.4894,0.4871,0.4822,0.4698,0.4548,0.4519,0.4497,0.4443,0.4435,0.4267,0.4102,0.4093,0.4045,0.3935,0.3826,0.3824,0.3809,0.3497,0.3471,0.3469,0.3423,0.3418,0.338,0.3284,0.2963],[0.9119,0.911,0.909,0.8954,0.8636,0.8576,0.8562,0.8334,0.8187,0.8174,0.8126,0.8087,0.7897,0.7821,0.7741,0.7737,0.7716,0.7675,0.7658,0.7491,0.7487,0.7454,0.7446,0.7442,0.7434,0.7418,0.7343,0.726,0.7245,0.7237,0.719,0.7125,0.7094,0.7052,0.6999,0.695,0.6905,0.6831,0.6813,0.6805,0.674,0.6682,0.666,0.6657,0.6632,0.6607,0.6582,0.6553,0.6515,0.6501,0.6494,0.648,0.6431,0.6372,0.6365,0.6307,0.6301,0.6287,0.6273,0.627,0.6267,0.6236,0.6193,0.6097,0.5973,0.596,0.5893,0.589,0.5887,0.5862,0.5827,0.5651,0.5587,0.5557,0.5512,0.5468,0.5392,0.5345,0.5322,0.5311,0.5186,0.5184,0.5109,0.5019,0.4973,0.4885,0.4864,0.4849,0.4825,0.4776,0.4651,0.4501,0.4472,0.445,0.4395,0.4388,0.4219,0.4054,0.4045,0.3998,0.3887,0.3778,0.3776,0.3761,0.3449,0.3423,0.3421,0.3375,0.337,0.3332,0.3236,0.2916],[0.9105,0.9095,0.9075,0.8937,0.8615,0.8554,0.854,0.8309,0.816,0.8146,0.8097,0.8058,0.7866,0.7788,0.7708,0.7703,0.7682,0.764,0.7624,0.7454,0.745,0.7418,0.7409,0.7405,0.7397,0.7381,0.7305,0.7221,0.7205,0.7197,0.715,0.7084,0.7053,0.701,0.6957,0.6907,0.6862,0.6787,0.6769,0.6761,0.6695,0.6636,0.6615,0.6611,0.6586,0.656,0.6535,0.6507,0.6468,0.6453,0.6446,0.6432,0.6383,0.6324,0.6317,0.6258,0.6252,0.6238,0.6224,0.6221,0.6217,0.6187,0.6143,0.6046,0.5921,0.5908,0.5841,0.5838,0.5834,0.5809,0.5774,0.5596,0.5532,0.5502,0.5457,0.5412,0.5336,0.5289,0.5266,0.5254,0.5129,0.5126,0.5051,0.4961,0.4915,0.4826,0.4805,0.479,0.4766,0.4717,0.4592,0.4441,0.4411,0.439,0.4335,0.4328,0.4158,0.3993,0.3984,0.3936,0.3826,0.3716,0.3714,0.37,0.3387,0.3361,0.3359,0.3314,0.3308,0.327,0.3175,0.2856],[0.9086,0.9076,0.9055,0.8914,0.8586,0.8524,0.8509,0.8274,0.8122,0.8109,0.8059,0.8018,0.7823,0.7744,0.7662,0.7658,0.7637,0.7594,0.7577,0.7405,0.7401,0.7368,0.7359,0.7355,0.7347,0.7331,0.7253,0.7168,0.7152,0.7144,0.7096,0.7029,0.6997,0.6954,0.69,0.685,0.6804,0.6728,0.6709,0.6702,0.6634,0.6575,0.6553,0.6549,0.6524,0.6498,0.6473,0.6444,0.6404,0.639,0.6383,0.6368,0.6319,0.6259,0.6252,0.6192,0.6185,0.6172,0.6158,0.6154,0.6151,0.612,0.6076,0.5978,0.5852,0.5838,0.577,0.5767,0.5764,0.5738,0.5703,0.5523,0.5459,0.5428,0.5383,0.5338,0.526,0.5213,0.519,0.5178,0.5052,0.5049,0.4974,0.4882,0.4836,0.4748,0.4726,0.471,0.4687,0.4637,0.4511,0.436,0.4331,0.4309,0.4254,0.4246,0.4076,0.3911,0.3902,0.3854,0.3743,0.3634,0.3632,0.3617,0.3305,0.3279,0.3278,0.3232,0.3227,0.3189,0.3094,0.2776],[0.9123,0.9113,0.9093,0.8958,0.8641,0.8581,0.8567,0.834,0.8194,0.818,0.8132,0.8093,0.7904,0.7828,0.7749,0.7744,0.7724,0.7682,0.7666,0.7499,0.7495,0.7463,0.7455,0.7451,0.7443,0.7427,0.7351,0.7269,0.7253,0.7245,0.7199,0.7133,0.7103,0.7061,0.7008,0.6959,0.6915,0.6841,0.6823,0.6815,0.675,0.6692,0.667,0.6667,0.6642,0.6617,0.6592,0.6564,0.6525,0.6511,0.6504,0.649,0.6442,0.6383,0.6376,0.6318,0.6311,0.6298,0.6284,0.6281,0.6278,0.6247,0.6204,0.6108,0.5985,0.5972,0.5905,0.5902,0.5898,0.5873,0.5839,0.5663,0.5599,0.5569,0.5524,0.548,0.5404,0.5358,0.5335,0.5323,0.5199,0.5196,0.5122,0.5032,0.4986,0.4898,0.4877,0.4862,0.4838,0.4789,0.4665,0.4514,0.4485,0.4464,0.4409,0.4402,0.4233,0.4068,0.4059,0.4011,0.3901,0.3791,0.3789,0.3775,0.3462,0.3437,0.3435,0.3389,0.3383,0.3345,0.325,0.293],[0.9089,0.9079,0.9059,0.8918,0.8591,0.8529,0.8514,0.828,0.8129,0.8115,0.8065,0.8025,0.783,0.7752,0.767,0.7666,0.7644,0.7602,0.7585,0.7413,0.7409,0.7376,0.7368,0.7364,0.7355,0.7339,0.7262,0.7177,0.7161,0.7153,0.7105,0.7038,0.7007,0.6964,0.6909,0.6859,0.6814,0.6738,0.6719,0.6712,0.6645,0.6585,0.6563,0.656,0.6534,0.6509,0.6483,0.6454,0.6415,0.6401,0.6393,0.6379,0.6329,0.627,0.6263,0.6203,0.6197,0.6183,0.6169,0.6165,0.6162,0.6131,0.6087,0.5989,0.5863,0.585,0.5782,0.5779,0.5775,0.575,0.5715,0.5536,0.5471,0.544,0.5395,0.535,0.5273,0.5226,0.5203,0.5191,0.5065,0.5062,0.4987,0.4896,0.4849,0.4761,0.4739,0.4724,0.47,0.465,0.4525,0.4373,0.4344,0.4322,0.4267,0.426,0.409,0.3924,0.3915,0.3868,0.3757,0.3647,0.3645,0.3631,0.3319,0.3293,0.3291,0.3246,0.324,0.3202,0.3107,0.279],[0.9097,0.9087,0.9067,0.8928,0.8603,0.8541,0.8527,0.8294,0.8144,0.8131,0.8081,0.8041,0.7848,0.777,0.7689,0.7685,0.7663,0.7621,0.7604,0.7434,0.743,0.7397,0.7389,0.7385,0.7376,0.736,0.7283,0.7199,0.7183,0.7175,0.7128,0.7061,0.703,0.6987,0.6933,0.6883,0.6838,0.6763,0.6744,0.6737,0.667,0.6611,0.6589,0.6585,0.656,0.6535,0.6509,0.6481,0.6441,0.6427,0.642,0.6406,0.6356,0.6297,0.629,0.6231,0.6224,0.621,0.6197,0.6193,0.619,0.6159,0.6115,0.6018,0.5892,0.5879,0.5811,0.5808,0.5805,0.5779,0.5744,0.5566,0.5502,0.5471,0.5426,0.5381,0.5304,0.5258,0.5234,0.5223,0.5097,0.5094,0.5019,0.4928,0.4882,0.4794,0.4772,0.4757,0.4733,0.4684,0.4558,0.4407,0.4378,0.4356,0.4301,0.4294,0.4124,0.3958,0.395,0.3902,0.3791,0.3682,0.368,0.3665,0.3353,0.3327,0.3325,0.328,0.3274,0.3236,0.3141,0.2823],[0.9097,0.9087,0.9067,0.8928,0.8603,0.8541,0.8527,0.8294,0.8144,0.8131,0.8081,0.8041,0.7848,0.777,0.7689,0.7685,0.7663,0.7621,0.7604,0.7434,0.743,0.7397,0.7389,0.7385,0.7376,0.736,0.7283,0.7199,0.7183,0.7175,0.7128,0.7061,0.703,0.6987,0.6933,0.6883,0.6838,0.6763,0.6744,0.6737,0.667,0.6611,0.6589,0.6585,0.656,0.6535,0.6509,0.6481,0.6441,0.6427,0.642,0.6406,0.6356,0.6297,0.629,0.6231,0.6224,0.621,0.6197,0.6193,0.619,0.6159,0.6115,0.6018,0.5892,0.5879,0.5811,0.5808,0.5805,0.5779,0.5744,0.5566,0.5502,0.5471,0.5426,0.5381,0.5304,0.5258,0.5234,0.5223,0.5097,0.5094,0.5019,0.4928,0.4882,0.4794,0.4772,0.4757,0.4733,0.4684,0.4558,0.4407,0.4378,0.4356,0.4301,0.4294,0.4124,0.3958,0.395,0.3902,0.3791,0.3682,0.368,0.3665,0.3353,0.3327,0.3325,0.328,0.3274,0.3236,0.3141,0.2823],[0.9094,0.9084,0.9064,0.8924,0.8598,0.8536,0.8522,0.8289,0.8138,0.8125,0.8075,0.8035,0.7841,0.7763,0.7681,0.7677,0.7656,0.7613,0.7597,0.7426,0.7421,0.7388,0.738,0.7376,0.7368,0.7352,0.7275,0.719,0.7174,0.7166,0.7119,0.7052,0.702,0.6978,0.6924,0.6874,0.6828,0.6753,0.6734,0.6727,0.666,0.6601,0.6579,0.6575,0.655,0.6524,0.6499,0.647,0.6431,0.6416,0.6409,0.6395,0.6346,0.6286,0.6279,0.622,0.6213,0.6199,0.6186,0.6182,0.6179,0.6148,0.6104,0.6006,0.5881,0.5868,0.58,0.5796,0.5793,0.5768,0.5732,0.5554,0.5489,0.5459,0.5414,0.5369,0.5292,0.5245,0.5222,0.521,0.5084,0.5082,0.5006,0.4915,0.4869,0.478,0.4759,0.4743,0.472,0.467,0.4545,0.4393,0.4364,0.4343,0.4287,0.428,0.411,0.3945,0.3936,0.3888,0.3778,0.3668,0.3666,0.3652,0.3339,0.3314,0.3312,0.3266,0.3261,0.3223,0.3128,0.281],[0.9129,0.9119,0.91,0.8965,0.865,0.8591,0.8577,0.8351,0.8206,0.8193,0.8145,0.8106,0.7918,0.7842,0.7763,0.7759,0.7738,0.7697,0.7681,0.7515,0.7511,0.7479,0.7471,0.7467,0.7459,0.7443,0.7368,0.7286,0.7271,0.7263,0.7217,0.7151,0.7121,0.7079,0.7027,0.6978,0.6934,0.686,0.6842,0.6835,0.6769,0.6712,0.669,0.6687,0.6662,0.6637,0.6612,0.6584,0.6546,0.6532,0.6525,0.6511,0.6463,0.6404,0.6398,0.634,0.6333,0.632,0.6306,0.6303,0.6299,0.6269,0.6226,0.613,0.6008,0.5995,0.5928,0.5925,0.5922,0.5896,0.5862,0.5687,0.5623,0.5593,0.5549,0.5505,0.5429,0.5383,0.536,0.5348,0.5224,0.5222,0.5147,0.5057,0.5012,0.4924,0.4903,0.4888,0.4864,0.4815,0.4691,0.4541,0.4512,0.4491,0.4436,0.4429,0.426,0.4095,0.4086,0.4039,0.3928,0.3819,0.3817,0.3803,0.349,0.3464,0.3462,0.3416,0.3411,0.3373,0.3277,0.2957],[0.9113,0.9103,0.9084,0.8946,0.8627,0.8566,0.8552,0.8323,0.8175,0.8162,0.8113,0.8074,0.7883,0.7806,0.7726,0.7722,0.7701,0.7659,0.7643,0.7475,0.7471,0.7438,0.743,0.7426,0.7418,0.7402,0.7326,0.7243,0.7227,0.7219,0.7172,0.7106,0.7076,0.7033,0.698,0.6931,0.6886,0.6812,0.6793,0.6786,0.672,0.6662,0.664,0.6636,0.6611,0.6586,0.6561,0.6533,0.6494,0.648,0.6473,0.6459,0.641,0.6351,0.6344,0.6286,0.6279,0.6265,0.6252,0.6248,0.6245,0.6214,0.6171,0.6074,0.595,0.5937,0.587,0.5867,0.5864,0.5838,0.5803,0.5627,0.5563,0.5533,0.5488,0.5443,0.5367,0.532,0.5297,0.5286,0.5161,0.5158,0.5083,0.4993,0.4947,0.4859,0.4838,0.4822,0.4799,0.475,0.4625,0.4474,0.4445,0.4423,0.4369,0.4361,0.4192,0.4027,0.4018,0.397,0.386,0.375,0.3748,0.3734,0.3421,0.3395,0.3394,0.3348,0.3342,0.3305,0.3209,0.289],[0.9091,0.9081,0.906,0.892,0.8593,0.8531,0.8517,0.8283,0.8132,0.8118,0.8069,0.8028,0.7834,0.7756,0.7674,0.767,0.7648,0.7606,0.7589,0.7417,0.7413,0.738,0.7372,0.7368,0.736,0.7343,0.7266,0.7181,0.7165,0.7157,0.711,0.7043,0.7011,0.6968,0.6914,0.6864,0.6819,0.6743,0.6724,0.6717,0.665,0.6591,0.6569,0.6565,0.6539,0.6514,0.6489,0.646,0.642,0.6406,0.6399,0.6384,0.6335,0.6275,0.6268,0.6209,0.6202,0.6188,0.6174,0.6171,0.6168,0.6137,0.6092,0.5995,0.5869,0.5856,0.5788,0.5785,0.5781,0.5756,0.572,0.5542,0.5477,0.5447,0.5401,0.5356,0.5279,0.5232,0.5209,0.5198,0.5072,0.5069,0.4993,0.4902,0.4856,0.4767,0.4746,0.473,0.4707,0.4657,0.4532,0.438,0.4351,0.4329,0.4274,0.4267,0.4097,0.3931,0.3922,0.3875,0.3764,0.3654,0.3652,0.3638,0.3326,0.33,0.3298,0.3252,0.3247,0.3209,0.3114,0.2796],[0.9097,0.9087,0.9067,0.8928,0.8603,0.8541,0.8527,0.8294,0.8144,0.8131,0.8081,0.8041,0.7848,0.777,0.7689,0.7685,0.7663,0.7621,0.7604,0.7434,0.743,0.7397,0.7389,0.7385,0.7376,0.736,0.7283,0.7199,0.7183,0.7175,0.7128,0.7061,0.703,0.6987,0.6933,0.6883,0.6838,0.6763,0.6744,0.6737,0.667,0.6611,0.6589,0.6585,0.656,0.6535,0.6509,0.6481,0.6441,0.6427,0.642,0.6406,0.6356,0.6297,0.629,0.6231,0.6224,0.621,0.6197,0.6193,0.619,0.6159,0.6115,0.6018,0.5892,0.5879,0.5811,0.5808,0.5805,0.5779,0.5744,0.5566,0.5502,0.5471,0.5426,0.5381,0.5304,0.5258,0.5234,0.5223,0.5097,0.5094,0.5019,0.4928,0.4882,0.4794,0.4772,0.4757,0.4733,0.4684,0.4558,0.4407,0.4378,0.4356,0.4301,0.4294,0.4124,0.3958,0.395,0.3902,0.3791,0.3682,0.368,0.3665,0.3353,0.3327,0.3325,0.328,0.3274,0.3236,0.3141,0.2823],[0.9078,0.9068,0.9047,0.8905,0.8574,0.8511,0.8496,0.8259,0.8107,0.8093,0.8043,0.8002,0.7805,0.7726,0.7643,0.7639,0.7617,0.7574,0.7557,0.7384,0.738,0.7347,0.7338,0.7334,0.7326,0.7309,0.7231,0.7146,0.713,0.7121,0.7073,0.7006,0.6974,0.6931,0.6876,0.6826,0.6779,0.6703,0.6684,0.6677,0.6609,0.6549,0.6527,0.6524,0.6498,0.6472,0.6446,0.6417,0.6378,0.6363,0.6356,0.6342,0.6292,0.6231,0.6224,0.6165,0.6158,0.6144,0.613,0.6126,0.6123,0.6092,0.6047,0.5949,0.5822,0.5809,0.5741,0.5737,0.5734,0.5708,0.5673,0.5493,0.5428,0.5397,0.5352,0.5306,0.5229,0.5182,0.5158,0.5147,0.502,0.5017,0.4941,0.485,0.4803,0.4715,0.4693,0.4677,0.4654,0.4604,0.4478,0.4326,0.4297,0.4275,0.422,0.4213,0.4042,0.3876,0.3868,0.382,0.3709,0.3599,0.3597,0.3583,0.3271,0.3245,0.3244,0.3198,0.3193,0.3155,0.306,0.2743],[0.9115,0.9105,0.9085,0.8948,0.8629,0.8569,0.8555,0.8326,0.8178,0.8165,0.8116,0.8077,0.7887,0.781,0.773,0.7726,0.7705,0.7663,0.7647,0.7479,0.7475,0.7442,0.7434,0.743,0.7422,0.7406,0.733,0.7247,0.7231,0.7224,0.7177,0.7111,0.708,0.7038,0.6985,0.6936,0.6891,0.6817,0.6798,0.6791,0.6725,0.6667,0.6645,0.6642,0.6616,0.6591,0.6566,0.6538,0.6499,0.6485,0.6478,0.6464,0.6415,0.6356,0.6349,0.6291,0.6284,0.6271,0.6257,0.6254,0.625,0.622,0.6176,0.608,0.5956,0.5943,0.5876,0.5873,0.5869,0.5844,0.5809,0.5633,0.5569,0.5539,0.5494,0.5449,0.5373,0.5327,0.5304,0.5292,0.5167,0.5165,0.509,0.4999,0.4953,0.4866,0.4845,0.4829,0.4805,0.4756,0.4631,0.4481,0.4452,0.443,0.4375,0.4368,0.4199,0.4034,0.4025,0.3977,0.3867,0.3757,0.3755,0.3741,0.3428,0.3402,0.34,0.3355,0.3349,0.3311,0.3216,0.2896],[0.9094,0.9084,0.9064,0.8924,0.8598,0.8536,0.8522,0.8289,0.8138,0.8125,0.8075,0.8035,0.7841,0.7763,0.7681,0.7677,0.7656,0.7613,0.7597,0.7426,0.7421,0.7388,0.738,0.7376,0.7368,0.7352,0.7275,0.719,0.7174,0.7166,0.7119,0.7052,0.702,0.6978,0.6924,0.6874,0.6828,0.6753,0.6734,0.6727,0.666,0.6601,0.6579,0.6575,0.655,0.6524,0.6499,0.647,0.6431,0.6416,0.6409,0.6395,0.6346,0.6286,0.6279,0.622,0.6213,0.6199,0.6186,0.6182,0.6179,0.6148,0.6104,0.6006,0.5881,0.5868,0.58,0.5796,0.5793,0.5768,0.5732,0.5554,0.5489,0.5459,0.5414,0.5369,0.5292,0.5245,0.5222,0.521,0.5084,0.5082,0.5006,0.4915,0.4869,0.478,0.4759,0.4743,0.472,0.467,0.4545,0.4393,0.4364,0.4343,0.4287,0.428,0.411,0.3945,0.3936,0.3888,0.3778,0.3668,0.3666,0.3652,0.3339,0.3314,0.3312,0.3266,0.3261,0.3223,0.3128,0.281],[0.911,0.91,0.908,0.8943,0.8622,0.8561,0.8547,0.8317,0.8169,0.8156,0.8107,0.8067,0.7876,0.7799,0.7719,0.7715,0.7694,0.7652,0.7635,0.7466,0.7462,0.743,0.7422,0.7418,0.741,0.7394,0.7317,0.7234,0.7218,0.721,0.7163,0.7097,0.7067,0.7024,0.6971,0.6922,0.6877,0.6802,0.6783,0.6776,0.671,0.6652,0.663,0.6626,0.6601,0.6576,0.6551,0.6522,0.6483,0.6469,0.6462,0.6448,0.6399,0.634,0.6333,0.6275,0.6268,0.6254,0.6241,0.6237,0.6234,0.6203,0.616,0.6063,0.5939,0.5926,0.5858,0.5855,0.5852,0.5826,0.5792,0.5614,0.5551,0.552,0.5475,0.5431,0.5354,0.5308,0.5285,0.5273,0.5148,0.5146,0.507,0.498,0.4934,0.4846,0.4825,0.4809,0.4786,0.4736,0.4612,0.4461,0.4432,0.441,0.4355,0.4348,0.4178,0.4013,0.4004,0.3957,0.3846,0.3737,0.3735,0.372,0.3408,0.3382,0.338,0.3334,0.3329,0.3291,0.3195,0.2876],[0.9096,0.9086,0.9065,0.8926,0.86,0.8539,0.8525,0.8291,0.8141,0.8128,0.8078,0.8038,0.7844,0.7767,0.7685,0.7681,0.766,0.7617,0.76,0.743,0.7426,0.7393,0.7384,0.738,0.7372,0.7356,0.7279,0.7195,0.7179,0.7171,0.7123,0.7056,0.7025,0.6982,0.6928,0.6879,0.6833,0.6758,0.6739,0.6732,0.6665,0.6606,0.6584,0.658,0.6555,0.6529,0.6504,0.6475,0.6436,0.6422,0.6415,0.64,0.6351,0.6291,0.6284,0.6225,0.6219,0.6205,0.6191,0.6188,0.6184,0.6153,0.6109,0.6012,0.5887,0.5874,0.5806,0.5802,0.5799,0.5773,0.5738,0.556,0.5496,0.5465,0.542,0.5375,0.5298,0.5251,0.5228,0.5217,0.5091,0.5088,0.5012,0.4922,0.4875,0.4787,0.4766,0.475,0.4726,0.4677,0.4552,0.44,0.4371,0.4349,0.4294,0.4287,0.4117,0.3952,0.3943,0.3895,0.3784,0.3675,0.3673,0.3659,0.3346,0.332,0.3319,0.3273,0.3267,0.323,0.3134,0.2816],[0.91,0.909,0.907,0.8932,0.8608,0.8546,0.8532,0.83,0.8151,0.8137,0.8088,0.8048,0.7855,0.7777,0.7696,0.7692,0.7671,0.7629,0.7612,0.7442,0.7438,0.7405,0.7397,0.7393,0.7385,0.7368,0.7292,0.7208,0.7192,0.7184,0.7137,0.707,0.7039,0.6996,0.6943,0.6893,0.6848,0.6773,0.6754,0.6746,0.668,0.6621,0.6599,0.6596,0.657,0.6545,0.652,0.6491,0.6452,0.6438,0.6431,0.6416,0.6367,0.6308,0.6301,0.6242,0.6235,0.6221,0.6208,0.6204,0.6201,0.617,0.6126,0.6029,0.5904,0.5891,0.5823,0.582,0.5817,0.5791,0.5756,0.5578,0.5514,0.5484,0.5438,0.5394,0.5317,0.527,0.5247,0.5235,0.511,0.5107,0.5032,0.4941,0.4895,0.4807,0.4786,0.477,0.4746,0.4697,0.4572,0.442,0.4391,0.437,0.4315,0.4307,0.4137,0.3972,0.3963,0.3916,0.3805,0.3695,0.3693,0.3679,0.3367,0.3341,0.3339,0.3293,0.3288,0.325,0.3155,0.2836],[0.91,0.909,0.907,0.8932,0.8608,0.8546,0.8532,0.83,0.8151,0.8137,0.8088,0.8048,0.7855,0.7777,0.7696,0.7692,0.7671,0.7629,0.7612,0.7442,0.7438,0.7405,0.7397,0.7393,0.7385,0.7368,0.7292,0.7208,0.7192,0.7184,0.7137,0.707,0.7039,0.6996,0.6943,0.6893,0.6848,0.6773,0.6754,0.6746,0.668,0.6621,0.6599,0.6596,0.657,0.6545,0.652,0.6491,0.6452,0.6438,0.6431,0.6416,0.6367,0.6308,0.6301,0.6242,0.6235,0.6221,0.6208,0.6204,0.6201,0.617,0.6126,0.6029,0.5904,0.5891,0.5823,0.582,0.5817,0.5791,0.5756,0.5578,0.5514,0.5484,0.5438,0.5394,0.5317,0.527,0.5247,0.5235,0.511,0.5107,0.5032,0.4941,0.4895,0.4807,0.4786,0.477,0.4746,0.4697,0.4572,0.442,0.4391,0.437,0.4315,0.4307,0.4137,0.3972,0.3963,0.3916,0.3805,0.3695,0.3693,0.3679,0.3367,0.3341,0.3339,0.3293,0.3288,0.325,0.3155,0.2836],[0.9094,0.9084,0.9064,0.8924,0.8598,0.8536,0.8522,0.8289,0.8138,0.8125,0.8075,0.8035,0.7841,0.7763,0.7681,0.7677,0.7656,0.7613,0.7597,0.7426,0.7421,0.7388,0.738,0.7376,0.7368,0.7352,0.7275,0.719,0.7174,0.7166,0.7119,0.7052,0.702,0.6978,0.6924,0.6874,0.6828,0.6753,0.6734,0.6727,0.666,0.6601,0.6579,0.6575,0.655,0.6524,0.6499,0.647,0.6431,0.6416,0.6409,0.6395,0.6346,0.6286,0.6279,0.622,0.6213,0.6199,0.6186,0.6182,0.6179,0.6148,0.6104,0.6006,0.5881,0.5868,0.58,0.5796,0.5793,0.5768,0.5732,0.5554,0.5489,0.5459,0.5414,0.5369,0.5292,0.5245,0.5222,0.521,0.5084,0.5082,0.5006,0.4915,0.4869,0.478,0.4759,0.4743,0.472,0.467,0.4545,0.4393,0.4364,0.4343,0.4287,0.428,0.411,0.3945,0.3936,0.3888,0.3778,0.3668,0.3666,0.3652,0.3339,0.3314,0.3312,0.3266,0.3261,0.3223,0.3128,0.281],[0.9138,0.9128,0.9109,0.8976,0.8664,0.8605,0.8592,0.8368,0.8224,0.8211,0.8163,0.8125,0.7938,0.7863,0.7785,0.7781,0.7761,0.772,0.7703,0.7539,0.7535,0.7503,0.7495,0.7491,0.7483,0.7468,0.7393,0.7312,0.7296,0.7289,0.7243,0.7178,0.7148,0.7107,0.7054,0.7006,0.6962,0.6889,0.6871,0.6864,0.6799,0.6742,0.672,0.6717,0.6692,0.6668,0.6643,0.6615,0.6577,0.6563,0.6556,0.6542,0.6494,0.6436,0.6429,0.6372,0.6365,0.6352,0.6339,0.6335,0.6332,0.6302,0.6259,0.6164,0.6042,0.6029,0.5963,0.5959,0.5956,0.5931,0.5897,0.5722,0.5659,0.563,0.5585,0.5541,0.5466,0.542,0.5397,0.5386,0.5262,0.526,0.5185,0.5096,0.505,0.4963,0.4942,0.4927,0.4903,0.4855,0.4731,0.4581,0.4552,0.4531,0.4476,0.4469,0.43,0.4136,0.4127,0.408,0.3969,0.386,0.3858,0.3844,0.3531,0.3505,0.3503,0.3457,0.3452,0.3414,0.3318,0.2997],[0.911,0.91,0.908,0.8943,0.8622,0.8561,0.8547,0.8317,0.8169,0.8156,0.8107,0.8067,0.7876,0.7799,0.7719,0.7715,0.7694,0.7652,0.7635,0.7466,0.7462,0.743,0.7422,0.7418,0.741,0.7394,0.7317,0.7234,0.7218,0.721,0.7163,0.7097,0.7067,0.7024,0.6971,0.6922,0.6877,0.6802,0.6783,0.6776,0.671,0.6652,0.663,0.6626,0.6601,0.6576,0.6551,0.6522,0.6483,0.6469,0.6462,0.6448,0.6399,0.634,0.6333,0.6275,0.6268,0.6254,0.6241,0.6237,0.6234,0.6203,0.616,0.6063,0.5939,0.5926,0.5858,0.5855,0.5852,0.5826,0.5792,0.5614,0.5551,0.552,0.5475,0.5431,0.5354,0.5308,0.5285,0.5273,0.5148,0.5146,0.507,0.498,0.4934,0.4846,0.4825,0.4809,0.4786,0.4736,0.4612,0.4461,0.4432,0.441,0.4355,0.4348,0.4178,0.4013,0.4004,0.3957,0.3846,0.3737,0.3735,0.372,0.3408,0.3382,0.338,0.3334,0.3329,0.3291,0.3195,0.2876],[0.9078,0.9068,0.9047,0.8905,0.8574,0.8511,0.8496,0.8259,0.8107,0.8093,0.8043,0.8002,0.7805,0.7726,0.7643,0.7639,0.7617,0.7574,0.7557,0.7384,0.738,0.7347,0.7338,0.7334,0.7326,0.7309,0.7231,0.7146,0.713,0.7121,0.7073,0.7006,0.6974,0.6931,0.6876,0.6826,0.6779,0.6703,0.6684,0.6677,0.6609,0.6549,0.6527,0.6524,0.6498,0.6472,0.6446,0.6417,0.6378,0.6363,0.6356,0.6342,0.6292,0.6231,0.6224,0.6165,0.6158,0.6144,0.613,0.6126,0.6123,0.6092,0.6047,0.5949,0.5822,0.5809,0.5741,0.5737,0.5734,0.5708,0.5673,0.5493,0.5428,0.5397,0.5352,0.5306,0.5229,0.5182,0.5158,0.5147,0.502,0.5017,0.4941,0.485,0.4803,0.4715,0.4693,0.4677,0.4654,0.4604,0.4478,0.4326,0.4297,0.4275,0.422,0.4213,0.4042,0.3876,0.3868,0.382,0.3709,0.3599,0.3597,0.3583,0.3271,0.3245,0.3244,0.3198,0.3193,0.3155,0.306,0.2743],[0.9088,0.9077,0.9057,0.8916,0.8588,0.8526,0.8512,0.8277,0.8126,0.8112,0.8062,0.8022,0.7827,0.7748,0.7666,0.7662,0.7641,0.7598,0.7581,0.7409,0.7405,0.7372,0.7364,0.7359,0.7351,0.7335,0.7257,0.7172,0.7156,0.7148,0.7101,0.7033,0.7002,0.6959,0.6905,0.6855,0.6809,0.6733,0.6714,0.6707,0.6639,0.658,0.6558,0.6555,0.6529,0.6503,0.6478,0.6449,0.641,0.6395,0.6388,0.6374,0.6324,0.6264,0.6257,0.6198,0.6191,0.6177,0.6163,0.616,0.6156,0.6126,0.6081,0.5983,0.5857,0.5844,0.5776,0.5773,0.577,0.5744,0.5709,0.5529,0.5465,0.5434,0.5389,0.5344,0.5267,0.522,0.5196,0.5185,0.5059,0.5056,0.498,0.4889,0.4843,0.4754,0.4733,0.4717,0.4693,0.4644,0.4518,0.4367,0.4337,0.4316,0.426,0.4253,0.4083,0.3917,0.3909,0.3861,0.375,0.3641,0.3639,0.3624,0.3312,0.3286,0.3284,0.3239,0.3233,0.3196,0.31,0.2783],[0.9089,0.9079,0.9059,0.8918,0.8591,0.8529,0.8514,0.828,0.8129,0.8115,0.8065,0.8025,0.783,0.7752,0.767,0.7666,0.7644,0.7602,0.7585,0.7413,0.7409,0.7376,0.7368,0.7364,0.7355,0.7339,0.7262,0.7177,0.7161,0.7153,0.7105,0.7038,0.7007,0.6964,0.6909,0.6859,0.6814,0.6738,0.6719,0.6712,0.6645,0.6585,0.6563,0.656,0.6534,0.6509,0.6483,0.6454,0.6415,0.6401,0.6393,0.6379,0.6329,0.627,0.6263,0.6203,0.6197,0.6183,0.6169,0.6165,0.6162,0.6131,0.6087,0.5989,0.5863,0.585,0.5782,0.5779,0.5775,0.575,0.5715,0.5536,0.5471,0.544,0.5395,0.535,0.5273,0.5226,0.5203,0.5191,0.5065,0.5062,0.4987,0.4896,0.4849,0.4761,0.4739,0.4724,0.47,0.465,0.4525,0.4373,0.4344,0.4322,0.4267,0.426,0.409,0.3924,0.3915,0.3868,0.3757,0.3647,0.3645,0.3631,0.3319,0.3293,0.3291,0.3246,0.324,0.3202,0.3107,0.279],[0.9092,0.9082,0.9062,0.8922,0.8596,0.8534,0.8519,0.8286,0.8135,0.8121,0.8072,0.8032,0.7837,0.7759,0.7678,0.7673,0.7652,0.761,0.7593,0.7421,0.7417,0.7384,0.7376,0.7372,0.7364,0.7347,0.727,0.7186,0.717,0.7162,0.7114,0.7047,0.7016,0.6973,0.6919,0.6869,0.6823,0.6748,0.6729,0.6722,0.6655,0.6596,0.6574,0.657,0.6545,0.6519,0.6494,0.6465,0.6425,0.6411,0.6404,0.639,0.634,0.6281,0.6274,0.6214,0.6208,0.6194,0.618,0.6177,0.6173,0.6142,0.6098,0.6,0.5875,0.5862,0.5794,0.5791,0.5787,0.5762,0.5726,0.5548,0.5483,0.5453,0.5408,0.5363,0.5286,0.5239,0.5215,0.5204,0.5078,0.5075,0.5,0.4909,0.4862,0.4774,0.4753,0.4737,0.4713,0.4664,0.4538,0.4387,0.4358,0.4336,0.4281,0.4274,0.4103,0.3938,0.3929,0.3881,0.3771,0.3661,0.3659,0.3645,0.3333,0.3307,0.3305,0.3259,0.3254,0.3216,0.3121,0.2803],[0.9091,0.9081,0.906,0.892,0.8593,0.8531,0.8517,0.8283,0.8132,0.8118,0.8069,0.8028,0.7834,0.7756,0.7674,0.767,0.7648,0.7606,0.7589,0.7417,0.7413,0.738,0.7372,0.7368,0.736,0.7343,0.7266,0.7181,0.7165,0.7157,0.711,0.7043,0.7011,0.6968,0.6914,0.6864,0.6819,0.6743,0.6724,0.6717,0.665,0.6591,0.6569,0.6565,0.6539,0.6514,0.6489,0.646,0.642,0.6406,0.6399,0.6384,0.6335,0.6275,0.6268,0.6209,0.6202,0.6188,0.6174,0.6171,0.6168,0.6137,0.6092,0.5995,0.5869,0.5856,0.5788,0.5785,0.5781,0.5756,0.572,0.5542,0.5477,0.5447,0.5401,0.5356,0.5279,0.5232,0.5209,0.5198,0.5072,0.5069,0.4993,0.4902,0.4856,0.4767,0.4746,0.473,0.4707,0.4657,0.4532,0.438,0.4351,0.4329,0.4274,0.4267,0.4097,0.3931,0.3922,0.3875,0.3764,0.3654,0.3652,0.3638,0.3326,0.33,0.3298,0.3252,0.3247,0.3209,0.3114,0.2796],[0.9116,0.9106,0.9087,0.895,0.8632,0.8571,0.8557,0.8329,0.8181,0.8168,0.812,0.808,0.789,0.7814,0.7734,0.773,0.7709,0.7667,0.7651,0.7483,0.7479,0.7446,0.7438,0.7434,0.7426,0.741,0.7334,0.7252,0.7236,0.7228,0.7181,0.7115,0.7085,0.7043,0.699,0.6941,0.6896,0.6821,0.6803,0.6796,0.673,0.6672,0.665,0.6647,0.6621,0.6596,0.6571,0.6543,0.6504,0.649,0.6483,0.6469,0.642,0.6362,0.6355,0.6297,0.629,0.6276,0.6263,0.6259,0.6256,0.6225,0.6182,0.6086,0.5962,0.5949,0.5882,0.5878,0.5875,0.585,0.5815,0.5639,0.5575,0.5545,0.55,0.5456,0.5379,0.5333,0.531,0.5298,0.5174,0.5171,0.5096,0.5006,0.496,0.4872,0.4851,0.4835,0.4812,0.4763,0.4638,0.4488,0.4459,0.4437,0.4382,0.4375,0.4205,0.404,0.4032,0.3984,0.3873,0.3764,0.3762,0.3748,0.3435,0.3409,0.3407,0.3362,0.3356,0.3318,0.3223,0.2903],[0.9119,0.911,0.909,0.8954,0.8636,0.8576,0.8562,0.8334,0.8187,0.8174,0.8126,0.8087,0.7897,0.7821,0.7741,0.7737,0.7716,0.7675,0.7658,0.7491,0.7487,0.7454,0.7446,0.7442,0.7434,0.7418,0.7343,0.726,0.7245,0.7237,0.719,0.7125,0.7094,0.7052,0.6999,0.695,0.6905,0.6831,0.6813,0.6805,0.674,0.6682,0.666,0.6657,0.6632,0.6607,0.6582,0.6553,0.6515,0.6501,0.6494,0.648,0.6431,0.6372,0.6365,0.6307,0.6301,0.6287,0.6273,0.627,0.6267,0.6236,0.6193,0.6097,0.5973,0.596,0.5893,0.589,0.5887,0.5862,0.5827,0.5651,0.5587,0.5557,0.5512,0.5468,0.5392,0.5345,0.5322,0.5311,0.5186,0.5184,0.5109,0.5019,0.4973,0.4885,0.4864,0.4849,0.4825,0.4776,0.4651,0.4501,0.4472,0.445,0.4395,0.4388,0.4219,0.4054,0.4045,0.3998,0.3887,0.3778,0.3776,0.3761,0.3449,0.3423,0.3421,0.3375,0.337,0.3332,0.3236,0.2916],[0.9113,0.9103,0.9084,0.8946,0.8627,0.8566,0.8552,0.8323,0.8175,0.8162,0.8113,0.8074,0.7883,0.7806,0.7726,0.7722,0.7701,0.7659,0.7643,0.7475,0.7471,0.7438,0.743,0.7426,0.7418,0.7402,0.7326,0.7243,0.7227,0.7219,0.7172,0.7106,0.7076,0.7033,0.698,0.6931,0.6886,0.6812,0.6793,0.6786,0.672,0.6662,0.664,0.6636,0.6611,0.6586,0.6561,0.6533,0.6494,0.648,0.6473,0.6459,0.641,0.6351,0.6344,0.6286,0.6279,0.6265,0.6252,0.6248,0.6245,0.6214,0.6171,0.6074,0.595,0.5937,0.587,0.5867,0.5864,0.5838,0.5803,0.5627,0.5563,0.5533,0.5488,0.5443,0.5367,0.532,0.5297,0.5286,0.5161,0.5158,0.5083,0.4993,0.4947,0.4859,0.4838,0.4822,0.4799,0.475,0.4625,0.4474,0.4445,0.4423,0.4369,0.4361,0.4192,0.4027,0.4018,0.397,0.386,0.375,0.3748,0.3734,0.3421,0.3395,0.3394,0.3348,0.3342,0.3305,0.3209,0.289],[0.9099,0.9089,0.9069,0.893,0.8605,0.8544,0.853,0.8297,0.8147,0.8134,0.8085,0.8045,0.7851,0.7774,0.7693,0.7688,0.7667,0.7625,0.7608,0.7438,0.7434,0.7401,0.7393,0.7389,0.7381,0.7364,0.7287,0.7203,0.7188,0.718,0.7132,0.7066,0.7034,0.6992,0.6938,0.6888,0.6843,0.6768,0.6749,0.6742,0.6675,0.6616,0.6594,0.6591,0.6565,0.654,0.6515,0.6486,0.6447,0.6432,0.6425,0.6411,0.6362,0.6302,0.6295,0.6236,0.623,0.6216,0.6202,0.6199,0.6195,0.6165,0.612,0.6023,0.5898,0.5885,0.5817,0.5814,0.5811,0.5785,0.575,0.5572,0.5508,0.5477,0.5432,0.5387,0.5311,0.5264,0.5241,0.5229,0.5104,0.5101,0.5025,0.4935,0.4888,0.48,0.4779,0.4763,0.474,0.469,0.4565,0.4414,0.4385,0.4363,0.4308,0.4301,0.4131,0.3965,0.3957,0.3909,0.3798,0.3689,0.3687,0.3672,0.336,0.3334,0.3332,0.3286,0.3281,0.3243,0.3148,0.283],[0.9115,0.9105,0.9085,0.8948,0.8629,0.8569,0.8555,0.8326,0.8178,0.8165,0.8116,0.8077,0.7887,0.781,0.773,0.7726,0.7705,0.7663,0.7647,0.7479,0.7475,0.7442,0.7434,0.743,0.7422,0.7406,0.733,0.7247,0.7231,0.7224,0.7177,0.7111,0.708,0.7038,0.6985,0.6936,0.6891,0.6817,0.6798,0.6791,0.6725,0.6667,0.6645,0.6642,0.6616,0.6591,0.6566,0.6538,0.6499,0.6485,0.6478,0.6464,0.6415,0.6356,0.6349,0.6291,0.6284,0.6271,0.6257,0.6254,0.625,0.622,0.6176,0.608,0.5956,0.5943,0.5876,0.5873,0.5869,0.5844,0.5809,0.5633,0.5569,0.5539,0.5494,0.5449,0.5373,0.5327,0.5304,0.5292,0.5167,0.5165,0.509,0.4999,0.4953,0.4866,0.4845,0.4829,0.4805,0.4756,0.4631,0.4481,0.4452,0.443,0.4375,0.4368,0.4199,0.4034,0.4025,0.3977,0.3867,0.3757,0.3755,0.3741,0.3428,0.3402,0.34,0.3355,0.3349,0.3311,0.3216,0.2896],[0.911,0.91,0.908,0.8943,0.8622,0.8561,0.8547,0.8317,0.8169,0.8156,0.8107,0.8067,0.7876,0.7799,0.7719,0.7715,0.7694,0.7652,0.7635,0.7466,0.7462,0.743,0.7422,0.7418,0.741,0.7394,0.7317,0.7234,0.7218,0.721,0.7163,0.7097,0.7067,0.7024,0.6971,0.6922,0.6877,0.6802,0.6783,0.6776,0.671,0.6652,0.663,0.6626,0.6601,0.6576,0.6551,0.6522,0.6483,0.6469,0.6462,0.6448,0.6399,0.634,0.6333,0.6275,0.6268,0.6254,0.6241,0.6237,0.6234,0.6203,0.616,0.6063,0.5939,0.5926,0.5858,0.5855,0.5852,0.5826,0.5792,0.5614,0.5551,0.552,0.5475,0.5431,0.5354,0.5308,0.5285,0.5273,0.5148,0.5146,0.507,0.498,0.4934,0.4846,0.4825,0.4809,0.4786,0.4736,0.4612,0.4461,0.4432,0.441,0.4355,0.4348,0.4178,0.4013,0.4004,0.3957,0.3846,0.3737,0.3735,0.372,0.3408,0.3382,0.338,0.3334,0.3329,0.3291,0.3195,0.2876],[0.9116,0.9106,0.9087,0.895,0.8632,0.8571,0.8557,0.8329,0.8181,0.8168,0.812,0.808,0.789,0.7814,0.7734,0.773,0.7709,0.7667,0.7651,0.7483,0.7479,0.7446,0.7438,0.7434,0.7426,0.741,0.7334,0.7252,0.7236,0.7228,0.7181,0.7115,0.7085,0.7043,0.699,0.6941,0.6896,0.6821,0.6803,0.6796,0.673,0.6672,0.665,0.6647,0.6621,0.6596,0.6571,0.6543,0.6504,0.649,0.6483,0.6469,0.642,0.6362,0.6355,0.6297,0.629,0.6276,0.6263,0.6259,0.6256,0.6225,0.6182,0.6086,0.5962,0.5949,0.5882,0.5878,0.5875,0.585,0.5815,0.5639,0.5575,0.5545,0.55,0.5456,0.5379,0.5333,0.531,0.5298,0.5174,0.5171,0.5096,0.5006,0.496,0.4872,0.4851,0.4835,0.4812,0.4763,0.4638,0.4488,0.4459,0.4437,0.4382,0.4375,0.4205,0.404,0.4032,0.3984,0.3873,0.3764,0.3762,0.3748,0.3435,0.3409,0.3407,0.3362,0.3356,0.3318,0.3223,0.2903],[0.9121,0.9111,0.9092,0.8956,0.8639,0.8578,0.8565,0.8337,0.8191,0.8177,0.8129,0.809,0.7901,0.7824,0.7745,0.7741,0.772,0.7678,0.7662,0.7495,0.7491,0.7459,0.7451,0.7447,0.7439,0.7423,0.7347,0.7265,0.7249,0.7241,0.7195,0.7129,0.7098,0.7056,0.7004,0.6955,0.691,0.6836,0.6818,0.681,0.6745,0.6687,0.6665,0.6662,0.6637,0.6612,0.6587,0.6559,0.652,0.6506,0.6499,0.6485,0.6436,0.6378,0.6371,0.6313,0.6306,0.6292,0.6279,0.6276,0.6272,0.6242,0.6198,0.6102,0.5979,0.5966,0.5899,0.5896,0.5893,0.5867,0.5833,0.5657,0.5593,0.5563,0.5518,0.5474,0.5398,0.5352,0.5329,0.5317,0.5193,0.519,0.5115,0.5025,0.4979,0.4892,0.4871,0.4855,0.4832,0.4782,0.4658,0.4508,0.4479,0.4457,0.4402,0.4395,0.4226,0.4061,0.4052,0.4004,0.3894,0.3785,0.3782,0.3768,0.3456,0.343,0.3428,0.3382,0.3377,0.3339,0.3243,0.2923],[0.9094,0.9084,0.9064,0.8924,0.8598,0.8536,0.8522,0.8289,0.8138,0.8125,0.8075,0.8035,0.7841,0.7763,0.7681,0.7677,0.7656,0.7613,0.7597,0.7426,0.7421,0.7388,0.738,0.7376,0.7368,0.7352,0.7275,0.719,0.7174,0.7166,0.7119,0.7052,0.702,0.6978,0.6924,0.6874,0.6828,0.6753,0.6734,0.6727,0.666,0.6601,0.6579,0.6575,0.655,0.6524,0.6499,0.647,0.6431,0.6416,0.6409,0.6395,0.6346,0.6286,0.6279,0.622,0.6213,0.6199,0.6186,0.6182,0.6179,0.6148,0.6104,0.6006,0.5881,0.5868,0.58,0.5796,0.5793,0.5768,0.5732,0.5554,0.5489,0.5459,0.5414,0.5369,0.5292,0.5245,0.5222,0.521,0.5084,0.5082,0.5006,0.4915,0.4869,0.478,0.4759,0.4743,0.472,0.467,0.4545,0.4393,0.4364,0.4343,0.4287,0.428,0.411,0.3945,0.3936,0.3888,0.3778,0.3668,0.3666,0.3652,0.3339,0.3314,0.3312,0.3266,0.3261,0.3223,0.3128,0.281],[0.9089,0.9079,0.9059,0.8918,0.8591,0.8529,0.8514,0.828,0.8129,0.8115,0.8065,0.8025,0.783,0.7752,0.767,0.7666,0.7644,0.7602,0.7585,0.7413,0.7409,0.7376,0.7368,0.7364,0.7355,0.7339,0.7262,0.7177,0.7161,0.7153,0.7105,0.7038,0.7007,0.6964,0.6909,0.6859,0.6814,0.6738,0.6719,0.6712,0.6645,0.6585,0.6563,0.656,0.6534,0.6509,0.6483,0.6454,0.6415,0.6401,0.6393,0.6379,0.6329,0.627,0.6263,0.6203,0.6197,0.6183,0.6169,0.6165,0.6162,0.6131,0.6087,0.5989,0.5863,0.585,0.5782,0.5779,0.5775,0.575,0.5715,0.5536,0.5471,0.544,0.5395,0.535,0.5273,0.5226,0.5203,0.5191,0.5065,0.5062,0.4987,0.4896,0.4849,0.4761,0.4739,0.4724,0.47,0.465,0.4525,0.4373,0.4344,0.4322,0.4267,0.426,0.409,0.3924,0.3915,0.3868,0.3757,0.3647,0.3645,0.3631,0.3319,0.3293,0.3291,0.3246,0.324,0.3202,0.3107,0.279],[0.9123,0.9113,0.9093,0.8958,0.8641,0.8581,0.8567,0.834,0.8194,0.818,0.8132,0.8093,0.7904,0.7828,0.7749,0.7744,0.7724,0.7682,0.7666,0.7499,0.7495,0.7463,0.7455,0.7451,0.7443,0.7427,0.7351,0.7269,0.7253,0.7245,0.7199,0.7133,0.7103,0.7061,0.7008,0.6959,0.6915,0.6841,0.6823,0.6815,0.675,0.6692,0.667,0.6667,0.6642,0.6617,0.6592,0.6564,0.6525,0.6511,0.6504,0.649,0.6442,0.6383,0.6376,0.6318,0.6311,0.6298,0.6284,0.6281,0.6278,0.6247,0.6204,0.6108,0.5985,0.5972,0.5905,0.5902,0.5898,0.5873,0.5839,0.5663,0.5599,0.5569,0.5524,0.548,0.5404,0.5358,0.5335,0.5323,0.5199,0.5196,0.5122,0.5032,0.4986,0.4898,0.4877,0.4862,0.4838,0.4789,0.4665,0.4514,0.4485,0.4464,0.4409,0.4402,0.4233,0.4068,0.4059,0.4011,0.3901,0.3791,0.3789,0.3775,0.3462,0.3437,0.3435,0.3389,0.3383,0.3345,0.325,0.293],[0.9094,0.9084,0.9064,0.8924,0.8598,0.8536,0.8522,0.8289,0.8138,0.8125,0.8075,0.8035,0.7841,0.7763,0.7681,0.7677,0.7656,0.7613,0.7597,0.7426,0.7421,0.7388,0.738,0.7376,0.7368,0.7352,0.7275,0.719,0.7174,0.7166,0.7119,0.7052,0.702,0.6978,0.6924,0.6874,0.6828,0.6753,0.6734,0.6727,0.666,0.6601,0.6579,0.6575,0.655,0.6524,0.6499,0.647,0.6431,0.6416,0.6409,0.6395,0.6346,0.6286,0.6279,0.622,0.6213,0.6199,0.6186,0.6182,0.6179,0.6148,0.6104,0.6006,0.5881,0.5868,0.58,0.5796,0.5793,0.5768,0.5732,0.5554,0.5489,0.5459,0.5414,0.5369,0.5292,0.5245,0.5222,0.521,0.5084,0.5082,0.5006,0.4915,0.4869,0.478,0.4759,0.4743,0.472,0.467,0.4545,0.4393,0.4364,0.4343,0.4287,0.428,0.411,0.3945,0.3936,0.3888,0.3778,0.3668,0.3666,0.3652,0.3339,0.3314,0.3312,0.3266,0.3261,0.3223,0.3128,0.281],[0.9091,0.9081,0.906,0.892,0.8593,0.8531,0.8517,0.8283,0.8132,0.8118,0.8069,0.8028,0.7834,0.7756,0.7674,0.767,0.7648,0.7606,0.7589,0.7417,0.7413,0.738,0.7372,0.7368,0.736,0.7343,0.7266,0.7181,0.7165,0.7157,0.711,0.7043,0.7011,0.6968,0.6914,0.6864,0.6819,0.6743,0.6724,0.6717,0.665,0.6591,0.6569,0.6565,0.6539,0.6514,0.6489,0.646,0.642,0.6406,0.6399,0.6384,0.6335,0.6275,0.6268,0.6209,0.6202,0.6188,0.6174,0.6171,0.6168,0.6137,0.6092,0.5995,0.5869,0.5856,0.5788,0.5785,0.5781,0.5756,0.572,0.5542,0.5477,0.5447,0.5401,0.5356,0.5279,0.5232,0.5209,0.5198,0.5072,0.5069,0.4993,0.4902,0.4856,0.4767,0.4746,0.473,0.4707,0.4657,0.4532,0.438,0.4351,0.4329,0.4274,0.4267,0.4097,0.3931,0.3922,0.3875,0.3764,0.3654,0.3652,0.3638,0.3326,0.33,0.3298,0.3252,0.3247,0.3209,0.3114,0.2796],[0.9118,0.9108,0.9088,0.8952,0.8634,0.8574,0.856,0.8332,0.8184,0.8171,0.8123,0.8083,0.7894,0.7817,0.7737,0.7733,0.7712,0.7671,0.7654,0.7487,0.7483,0.745,0.7442,0.7438,0.743,0.7414,0.7339,0.7256,0.724,0.7232,0.7186,0.712,0.7089,0.7047,0.6994,0.6945,0.69,0.6826,0.6808,0.6801,0.6735,0.6677,0.6655,0.6652,0.6627,0.6602,0.6577,0.6548,0.6509,0.6495,0.6488,0.6474,0.6426,0.6367,0.636,0.6302,0.6295,0.6282,0.6268,0.6265,0.6261,0.6231,0.6187,0.6091,0.5967,0.5955,0.5887,0.5884,0.5881,0.5856,0.5821,0.5645,0.5581,0.5551,0.5506,0.5462,0.5386,0.5339,0.5316,0.5305,0.518,0.5177,0.5102,0.5012,0.4966,0.4879,0.4858,0.4842,0.4819,0.4769,0.4645,0.4494,0.4465,0.4444,0.4389,0.4382,0.4212,0.4047,0.4039,0.3991,0.388,0.3771,0.3769,0.3755,0.3442,0.3416,0.3414,0.3368,0.3363,0.3325,0.3229,0.291],[0.9094,0.9084,0.9064,0.8924,0.8598,0.8536,0.8522,0.8289,0.8138,0.8125,0.8075,0.8035,0.7841,0.7763,0.7681,0.7677,0.7656,0.7613,0.7597,0.7426,0.7421,0.7388,0.738,0.7376,0.7368,0.7352,0.7275,0.719,0.7174,0.7166,0.7119,0.7052,0.702,0.6978,0.6924,0.6874,0.6828,0.6753,0.6734,0.6727,0.666,0.6601,0.6579,0.6575,0.655,0.6524,0.6499,0.647,0.6431,0.6416,0.6409,0.6395,0.6346,0.6286,0.6279,0.622,0.6213,0.6199,0.6186,0.6182,0.6179,0.6148,0.6104,0.6006,0.5881,0.5868,0.58,0.5796,0.5793,0.5768,0.5732,0.5554,0.5489,0.5459,0.5414,0.5369,0.5292,0.5245,0.5222,0.521,0.5084,0.5082,0.5006,0.4915,0.4869,0.478,0.4759,0.4743,0.472,0.467,0.4545,0.4393,0.4364,0.4343,0.4287,0.428,0.411,0.3945,0.3936,0.3888,0.3778,0.3668,0.3666,0.3652,0.3339,0.3314,0.3312,0.3266,0.3261,0.3223,0.3128,0.281],[0.9121,0.9111,0.9092,0.8956,0.8639,0.8578,0.8565,0.8337,0.8191,0.8177,0.8129,0.809,0.7901,0.7824,0.7745,0.7741,0.772,0.7678,0.7662,0.7495,0.7491,0.7459,0.7451,0.7447,0.7439,0.7423,0.7347,0.7265,0.7249,0.7241,0.7195,0.7129,0.7098,0.7056,0.7004,0.6955,0.691,0.6836,0.6818,0.681,0.6745,0.6687,0.6665,0.6662,0.6637,0.6612,0.6587,0.6559,0.652,0.6506,0.6499,0.6485,0.6436,0.6378,0.6371,0.6313,0.6306,0.6292,0.6279,0.6276,0.6272,0.6242,0.6198,0.6102,0.5979,0.5966,0.5899,0.5896,0.5893,0.5867,0.5833,0.5657,0.5593,0.5563,0.5518,0.5474,0.5398,0.5352,0.5329,0.5317,0.5193,0.519,0.5115,0.5025,0.4979,0.4892,0.4871,0.4855,0.4832,0.4782,0.4658,0.4508,0.4479,0.4457,0.4402,0.4395,0.4226,0.4061,0.4052,0.4004,0.3894,0.3785,0.3782,0.3768,0.3456,0.343,0.3428,0.3382,0.3377,0.3339,0.3243,0.2923],[0.9083,0.9073,0.9052,0.8911,0.8581,0.8518,0.8504,0.8268,0.8116,0.8102,0.8052,0.8012,0.7816,0.7737,0.7655,0.7651,0.7629,0.7586,0.7569,0.7397,0.7392,0.7359,0.7351,0.7347,0.7339,0.7322,0.7244,0.7159,0.7143,0.7135,0.7087,0.7019,0.6988,0.6945,0.689,0.684,0.6794,0.6718,0.6699,0.6692,0.6624,0.6565,0.6543,0.6539,0.6513,0.6488,0.6462,0.6433,0.6394,0.6379,0.6372,0.6358,0.6308,0.6248,0.6241,0.6181,0.6174,0.616,0.6147,0.6143,0.614,0.6109,0.6064,0.5966,0.584,0.5827,0.5758,0.5755,0.5752,0.5726,0.5691,0.5511,0.5446,0.5416,0.537,0.5325,0.5248,0.5201,0.5177,0.5166,0.5039,0.5037,0.4961,0.4869,0.4823,0.4734,0.4713,0.4697,0.4673,0.4624,0.4498,0.4346,0.4317,0.4295,0.424,0.4233,0.4063,0.3897,0.3888,0.384,0.373,0.362,0.3618,0.3604,0.3292,0.3266,0.3264,0.3218,0.3213,0.3175,0.308,0.2763],[0.9088,0.9077,0.9057,0.8916,0.8588,0.8526,0.8512,0.8277,0.8126,0.8112,0.8062,0.8022,0.7827,0.7748,0.7666,0.7662,0.7641,0.7598,0.7581,0.7409,0.7405,0.7372,0.7364,0.7359,0.7351,0.7335,0.7257,0.7172,0.7156,0.7148,0.7101,0.7033,0.7002,0.6959,0.6905,0.6855,0.6809,0.6733,0.6714,0.6707,0.6639,0.658,0.6558,0.6555,0.6529,0.6503,0.6478,0.6449,0.641,0.6395,0.6388,0.6374,0.6324,0.6264,0.6257,0.6198,0.6191,0.6177,0.6163,0.616,0.6156,0.6126,0.6081,0.5983,0.5857,0.5844,0.5776,0.5773,0.577,0.5744,0.5709,0.5529,0.5465,0.5434,0.5389,0.5344,0.5267,0.522,0.5196,0.5185,0.5059,0.5056,0.498,0.4889,0.4843,0.4754,0.4733,0.4717,0.4693,0.4644,0.4518,0.4367,0.4337,0.4316,0.426,0.4253,0.4083,0.3917,0.3909,0.3861,0.375,0.3641,0.3639,0.3624,0.3312,0.3286,0.3284,0.3239,0.3233,0.3196,0.31,0.2783],[0.9121,0.9111,0.9092,0.8956,0.8639,0.8578,0.8565,0.8337,0.8191,0.8177,0.8129,0.809,0.7901,0.7824,0.7745,0.7741,0.772,0.7678,0.7662,0.7495,0.7491,0.7459,0.7451,0.7447,0.7439,0.7423,0.7347,0.7265,0.7249,0.7241,0.7195,0.7129,0.7098,0.7056,0.7004,0.6955,0.691,0.6836,0.6818,0.681,0.6745,0.6687,0.6665,0.6662,0.6637,0.6612,0.6587,0.6559,0.652,0.6506,0.6499,0.6485,0.6436,0.6378,0.6371,0.6313,0.6306,0.6292,0.6279,0.6276,0.6272,0.6242,0.6198,0.6102,0.5979,0.5966,0.5899,0.5896,0.5893,0.5867,0.5833,0.5657,0.5593,0.5563,0.5518,0.5474,0.5398,0.5352,0.5329,0.5317,0.5193,0.519,0.5115,0.5025,0.4979,0.4892,0.4871,0.4855,0.4832,0.4782,0.4658,0.4508,0.4479,0.4457,0.4402,0.4395,0.4226,0.4061,0.4052,0.4004,0.3894,0.3785,0.3782,0.3768,0.3456,0.343,0.3428,0.3382,0.3377,0.3339,0.3243,0.2923],[0.9126,0.9116,0.9096,0.8961,0.8646,0.8586,0.8572,0.8346,0.82,0.8187,0.8138,0.8099,0.7911,0.7835,0.7756,0.7752,0.7731,0.769,0.7673,0.7507,0.7503,0.7471,0.7463,0.7459,0.7451,0.7435,0.736,0.7277,0.7262,0.7254,0.7208,0.7142,0.7112,0.707,0.7017,0.6969,0.6924,0.6851,0.6832,0.6825,0.676,0.6702,0.668,0.6677,0.6652,0.6627,0.6602,0.6574,0.6535,0.6522,0.6515,0.6501,0.6452,0.6394,0.6387,0.6329,0.6322,0.6309,0.6295,0.6292,0.6289,0.6258,0.6215,0.6119,0.5996,0.5983,0.5916,0.5913,0.591,0.5885,0.585,0.5675,0.5611,0.5581,0.5537,0.5492,0.5417,0.537,0.5347,0.5336,0.5212,0.5209,0.5134,0.5044,0.4999,0.4911,0.489,0.4875,0.4851,0.4802,0.4678,0.4528,0.4499,0.4477,0.4422,0.4415,0.4246,0.4081,0.4073,0.4025,0.3915,0.3805,0.3803,0.3789,0.3476,0.345,0.3448,0.3403,0.3397,0.3359,0.3263,0.2943],[0.9073,0.9063,0.9042,0.8899,0.8566,0.8503,0.8489,0.8251,0.8097,0.8083,0.8033,0.7992,0.7794,0.7715,0.7632,0.7627,0.7606,0.7563,0.7545,0.7372,0.7367,0.7334,0.7326,0.7321,0.7313,0.7296,0.7218,0.7132,0.7116,0.7108,0.706,0.6992,0.696,0.6916,0.6862,0.6811,0.6765,0.6688,0.6669,0.6662,0.6594,0.6534,0.6512,0.6508,0.6482,0.6456,0.6431,0.6401,0.6361,0.6347,0.634,0.6325,0.6275,0.6215,0.6208,0.6148,0.6141,0.6127,0.6113,0.611,0.6106,0.6075,0.603,0.5932,0.5805,0.5791,0.5723,0.5719,0.5716,0.569,0.5655,0.5474,0.5409,0.5379,0.5333,0.5288,0.521,0.5163,0.5139,0.5128,0.5001,0.4998,0.4922,0.483,0.4784,0.4695,0.4673,0.4657,0.4634,0.4584,0.4458,0.4306,0.4276,0.4255,0.4199,0.4192,0.4022,0.3856,0.3847,0.3799,0.3688,0.3579,0.3577,0.3563,0.3251,0.3225,0.3223,0.3178,0.3172,0.3135,0.304,0.2724],[0.9096,0.9086,0.9065,0.8926,0.86,0.8539,0.8525,0.8291,0.8141,0.8128,0.8078,0.8038,0.7844,0.7767,0.7685,0.7681,0.766,0.7617,0.76,0.743,0.7426,0.7393,0.7384,0.738,0.7372,0.7356,0.7279,0.7195,0.7179,0.7171,0.7123,0.7056,0.7025,0.6982,0.6928,0.6879,0.6833,0.6758,0.6739,0.6732,0.6665,0.6606,0.6584,0.658,0.6555,0.6529,0.6504,0.6475,0.6436,0.6422,0.6415,0.64,0.6351,0.6291,0.6284,0.6225,0.6219,0.6205,0.6191,0.6188,0.6184,0.6153,0.6109,0.6012,0.5887,0.5874,0.5806,0.5802,0.5799,0.5773,0.5738,0.556,0.5496,0.5465,0.542,0.5375,0.5298,0.5251,0.5228,0.5217,0.5091,0.5088,0.5012,0.4922,0.4875,0.4787,0.4766,0.475,0.4726,0.4677,0.4552,0.44,0.4371,0.4349,0.4294,0.4287,0.4117,0.3952,0.3943,0.3895,0.3784,0.3675,0.3673,0.3659,0.3346,0.332,0.3319,0.3273,0.3267,0.323,0.3134,0.2816],[0.9105,0.9095,0.9075,0.8937,0.8615,0.8554,0.854,0.8309,0.816,0.8146,0.8097,0.8058,0.7866,0.7788,0.7708,0.7703,0.7682,0.764,0.7624,0.7454,0.745,0.7418,0.7409,0.7405,0.7397,0.7381,0.7305,0.7221,0.7205,0.7197,0.715,0.7084,0.7053,0.701,0.6957,0.6907,0.6862,0.6787,0.6769,0.6761,0.6695,0.6636,0.6615,0.6611,0.6586,0.656,0.6535,0.6507,0.6468,0.6453,0.6446,0.6432,0.6383,0.6324,0.6317,0.6258,0.6252,0.6238,0.6224,0.6221,0.6217,0.6187,0.6143,0.6046,0.5921,0.5908,0.5841,0.5838,0.5834,0.5809,0.5774,0.5596,0.5532,0.5502,0.5457,0.5412,0.5336,0.5289,0.5266,0.5254,0.5129,0.5126,0.5051,0.4961,0.4915,0.4826,0.4805,0.479,0.4766,0.4717,0.4592,0.4441,0.4411,0.439,0.4335,0.4328,0.4158,0.3993,0.3984,0.3936,0.3826,0.3716,0.3714,0.37,0.3387,0.3361,0.3359,0.3314,0.3308,0.327,0.3175,0.2856],[0.9123,0.9113,0.9093,0.8958,0.8641,0.8581,0.8567,0.834,0.8194,0.818,0.8132,0.8093,0.7904,0.7828,0.7749,0.7744,0.7724,0.7682,0.7666,0.7499,0.7495,0.7463,0.7455,0.7451,0.7443,0.7427,0.7351,0.7269,0.7253,0.7245,0.7199,0.7133,0.7103,0.7061,0.7008,0.6959,0.6915,0.6841,0.6823,0.6815,0.675,0.6692,0.667,0.6667,0.6642,0.6617,0.6592,0.6564,0.6525,0.6511,0.6504,0.649,0.6442,0.6383,0.6376,0.6318,0.6311,0.6298,0.6284,0.6281,0.6278,0.6247,0.6204,0.6108,0.5985,0.5972,0.5905,0.5902,0.5898,0.5873,0.5839,0.5663,0.5599,0.5569,0.5524,0.548,0.5404,0.5358,0.5335,0.5323,0.5199,0.5196,0.5122,0.5032,0.4986,0.4898,0.4877,0.4862,0.4838,0.4789,0.4665,0.4514,0.4485,0.4464,0.4409,0.4402,0.4233,0.4068,0.4059,0.4011,0.3901,0.3791,0.3789,0.3775,0.3462,0.3437,0.3435,0.3389,0.3383,0.3345,0.325,0.293],[0.9104,0.9094,0.9074,0.8935,0.8612,0.8551,0.8537,0.8306,0.8157,0.8143,0.8094,0.8054,0.7862,0.7785,0.7704,0.77,0.7679,0.7637,0.762,0.745,0.7446,0.7413,0.7405,0.7401,0.7393,0.7377,0.73,0.7217,0.7201,0.7193,0.7146,0.7079,0.7048,0.7006,0.6952,0.6903,0.6857,0.6782,0.6764,0.6756,0.669,0.6631,0.661,0.6606,0.6581,0.6555,0.653,0.6502,0.6462,0.6448,0.6441,0.6427,0.6378,0.6319,0.6312,0.6253,0.6246,0.6232,0.6219,0.6215,0.6212,0.6181,0.6137,0.604,0.5916,0.5903,0.5835,0.5832,0.5828,0.5803,0.5768,0.559,0.5526,0.5496,0.5451,0.5406,0.5329,0.5283,0.526,0.5248,0.5123,0.512,0.5045,0.4954,0.4908,0.482,0.4799,0.4783,0.4759,0.471,0.4585,0.4434,0.4405,0.4383,0.4328,0.4321,0.4151,0.3986,0.3977,0.3929,0.3819,0.3709,0.3707,0.3693,0.338,0.3354,0.3353,0.3307,0.3301,0.3264,0.3168,0.285],[0.9115,0.9105,0.9085,0.8948,0.8629,0.8569,0.8555,0.8326,0.8178,0.8165,0.8116,0.8077,0.7887,0.781,0.773,0.7726,0.7705,0.7663,0.7647,0.7479,0.7475,0.7442,0.7434,0.743,0.7422,0.7406,0.733,0.7247,0.7231,0.7224,0.7177,0.7111,0.708,0.7038,0.6985,0.6936,0.6891,0.6817,0.6798,0.6791,0.6725,0.6667,0.6645,0.6642,0.6616,0.6591,0.6566,0.6538,0.6499,0.6485,0.6478,0.6464,0.6415,0.6356,0.6349,0.6291,0.6284,0.6271,0.6257,0.6254,0.625,0.622,0.6176,0.608,0.5956,0.5943,0.5876,0.5873,0.5869,0.5844,0.5809,0.5633,0.5569,0.5539,0.5494,0.5449,0.5373,0.5327,0.5304,0.5292,0.5167,0.5165,0.509,0.4999,0.4953,0.4866,0.4845,0.4829,0.4805,0.4756,0.4631,0.4481,0.4452,0.443,0.4375,0.4368,0.4199,0.4034,0.4025,0.3977,0.3867,0.3757,0.3755,0.3741,0.3428,0.3402,0.34,0.3355,0.3349,0.3311,0.3216,0.2896],[0.9119,0.911,0.909,0.8954,0.8636,0.8576,0.8562,0.8334,0.8187,0.8174,0.8126,0.8087,0.7897,0.7821,0.7741,0.7737,0.7716,0.7675,0.7658,0.7491,0.7487,0.7454,0.7446,0.7442,0.7434,0.7418,0.7343,0.726,0.7245,0.7237,0.719,0.7125,0.7094,0.7052,0.6999,0.695,0.6905,0.6831,0.6813,0.6805,0.674,0.6682,0.666,0.6657,0.6632,0.6607,0.6582,0.6553,0.6515,0.6501,0.6494,0.648,0.6431,0.6372,0.6365,0.6307,0.6301,0.6287,0.6273,0.627,0.6267,0.6236,0.6193,0.6097,0.5973,0.596,0.5893,0.589,0.5887,0.5862,0.5827,0.5651,0.5587,0.5557,0.5512,0.5468,0.5392,0.5345,0.5322,0.5311,0.5186,0.5184,0.5109,0.5019,0.4973,0.4885,0.4864,0.4849,0.4825,0.4776,0.4651,0.4501,0.4472,0.445,0.4395,0.4388,0.4219,0.4054,0.4045,0.3998,0.3887,0.3778,0.3776,0.3761,0.3449,0.3423,0.3421,0.3375,0.337,0.3332,0.3236,0.2916],[0.9121,0.9111,0.9092,0.8956,0.8639,0.8578,0.8565,0.8337,0.8191,0.8177,0.8129,0.809,0.7901,0.7824,0.7745,0.7741,0.772,0.7678,0.7662,0.7495,0.7491,0.7459,0.7451,0.7447,0.7439,0.7423,0.7347,0.7265,0.7249,0.7241,0.7195,0.7129,0.7098,0.7056,0.7004,0.6955,0.691,0.6836,0.6818,0.681,0.6745,0.6687,0.6665,0.6662,0.6637,0.6612,0.6587,0.6559,0.652,0.6506,0.6499,0.6485,0.6436,0.6378,0.6371,0.6313,0.6306,0.6292,0.6279,0.6276,0.6272,0.6242,0.6198,0.6102,0.5979,0.5966,0.5899,0.5896,0.5893,0.5867,0.5833,0.5657,0.5593,0.5563,0.5518,0.5474,0.5398,0.5352,0.5329,0.5317,0.5193,0.519,0.5115,0.5025,0.4979,0.4892,0.4871,0.4855,0.4832,0.4782,0.4658,0.4508,0.4479,0.4457,0.4402,0.4395,0.4226,0.4061,0.4052,0.4004,0.3894,0.3785,0.3782,0.3768,0.3456,0.343,0.3428,0.3382,0.3377,0.3339,0.3243,0.2923],[0.9083,0.9073,0.9052,0.8911,0.8581,0.8518,0.8504,0.8268,0.8116,0.8102,0.8052,0.8012,0.7816,0.7737,0.7655,0.7651,0.7629,0.7586,0.7569,0.7397,0.7392,0.7359,0.7351,0.7347,0.7339,0.7322,0.7244,0.7159,0.7143,0.7135,0.7087,0.7019,0.6988,0.6945,0.689,0.684,0.6794,0.6718,0.6699,0.6692,0.6624,0.6565,0.6543,0.6539,0.6513,0.6488,0.6462,0.6433,0.6394,0.6379,0.6372,0.6358,0.6308,0.6248,0.6241,0.6181,0.6174,0.616,0.6147,0.6143,0.614,0.6109,0.6064,0.5966,0.584,0.5827,0.5758,0.5755,0.5752,0.5726,0.5691,0.5511,0.5446,0.5416,0.537,0.5325,0.5248,0.5201,0.5177,0.5166,0.5039,0.5037,0.4961,0.4869,0.4823,0.4734,0.4713,0.4697,0.4673,0.4624,0.4498,0.4346,0.4317,0.4295,0.424,0.4233,0.4063,0.3897,0.3888,0.384,0.373,0.362,0.3618,0.3604,0.3292,0.3266,0.3264,0.3218,0.3213,0.3175,0.308,0.2763],[0.9133,0.9124,0.9104,0.897,0.8657,0.8598,0.8584,0.836,0.8215,0.8202,0.8154,0.8115,0.7928,0.7853,0.7774,0.777,0.7749,0.7709,0.7692,0.7527,0.7523,0.7491,0.7483,0.7479,0.7471,0.7455,0.7381,0.7299,0.7284,0.7276,0.723,0.7165,0.7134,0.7093,0.7041,0.6992,0.6948,0.6875,0.6856,0.6849,0.6784,0.6727,0.6705,0.6702,0.6677,0.6652,0.6628,0.66,0.6561,0.6547,0.654,0.6527,0.6478,0.642,0.6413,0.6356,0.6349,0.6336,0.6322,0.6319,0.6316,0.6286,0.6242,0.6147,0.6025,0.6012,0.5945,0.5942,0.5939,0.5914,0.5879,0.5705,0.5641,0.5612,0.5567,0.5523,0.5447,0.5401,0.5379,0.5367,0.5243,0.5241,0.5166,0.5077,0.5031,0.4944,0.4923,0.4907,0.4884,0.4835,0.4711,0.4561,0.4532,0.4511,0.4456,0.4449,0.428,0.4115,0.4107,0.4059,0.3949,0.3839,0.3837,0.3823,0.351,0.3484,0.3483,0.3437,0.3431,0.3393,0.3298,0.2977],[0.9088,0.9077,0.9057,0.8916,0.8588,0.8526,0.8512,0.8277,0.8126,0.8112,0.8062,0.8022,0.7827,0.7748,0.7666,0.7662,0.7641,0.7598,0.7581,0.7409,0.7405,0.7372,0.7364,0.7359,0.7351,0.7335,0.7257,0.7172,0.7156,0.7148,0.7101,0.7033,0.7002,0.6959,0.6905,0.6855,0.6809,0.6733,0.6714,0.6707,0.6639,0.658,0.6558,0.6555,0.6529,0.6503,0.6478,0.6449,0.641,0.6395,0.6388,0.6374,0.6324,0.6264,0.6257,0.6198,0.6191,0.6177,0.6163,0.616,0.6156,0.6126,0.6081,0.5983,0.5857,0.5844,0.5776,0.5773,0.577,0.5744,0.5709,0.5529,0.5465,0.5434,0.5389,0.5344,0.5267,0.522,0.5196,0.5185,0.5059,0.5056,0.498,0.4889,0.4843,0.4754,0.4733,0.4717,0.4693,0.4644,0.4518,0.4367,0.4337,0.4316,0.426,0.4253,0.4083,0.3917,0.3909,0.3861,0.375,0.3641,0.3639,0.3624,0.3312,0.3286,0.3284,0.3239,0.3233,0.3196,0.31,0.2783],[0.9096,0.9086,0.9065,0.8926,0.86,0.8539,0.8525,0.8291,0.8141,0.8128,0.8078,0.8038,0.7844,0.7767,0.7685,0.7681,0.766,0.7617,0.76,0.743,0.7426,0.7393,0.7384,0.738,0.7372,0.7356,0.7279,0.7195,0.7179,0.7171,0.7123,0.7056,0.7025,0.6982,0.6928,0.6879,0.6833,0.6758,0.6739,0.6732,0.6665,0.6606,0.6584,0.658,0.6555,0.6529,0.6504,0.6475,0.6436,0.6422,0.6415,0.64,0.6351,0.6291,0.6284,0.6225,0.6219,0.6205,0.6191,0.6188,0.6184,0.6153,0.6109,0.6012,0.5887,0.5874,0.5806,0.5802,0.5799,0.5773,0.5738,0.556,0.5496,0.5465,0.542,0.5375,0.5298,0.5251,0.5228,0.5217,0.5091,0.5088,0.5012,0.4922,0.4875,0.4787,0.4766,0.475,0.4726,0.4677,0.4552,0.44,0.4371,0.4349,0.4294,0.4287,0.4117,0.3952,0.3943,0.3895,0.3784,0.3675,0.3673,0.3659,0.3346,0.332,0.3319,0.3273,0.3267,0.323,0.3134,0.2816],[0.9078,0.9068,0.9047,0.8905,0.8574,0.8511,0.8496,0.8259,0.8107,0.8093,0.8043,0.8002,0.7805,0.7726,0.7643,0.7639,0.7617,0.7574,0.7557,0.7384,0.738,0.7347,0.7338,0.7334,0.7326,0.7309,0.7231,0.7146,0.713,0.7121,0.7073,0.7006,0.6974,0.6931,0.6876,0.6826,0.6779,0.6703,0.6684,0.6677,0.6609,0.6549,0.6527,0.6524,0.6498,0.6472,0.6446,0.6417,0.6378,0.6363,0.6356,0.6342,0.6292,0.6231,0.6224,0.6165,0.6158,0.6144,0.613,0.6126,0.6123,0.6092,0.6047,0.5949,0.5822,0.5809,0.5741,0.5737,0.5734,0.5708,0.5673,0.5493,0.5428,0.5397,0.5352,0.5306,0.5229,0.5182,0.5158,0.5147,0.502,0.5017,0.4941,0.485,0.4803,0.4715,0.4693,0.4677,0.4654,0.4604,0.4478,0.4326,0.4297,0.4275,0.422,0.4213,0.4042,0.3876,0.3868,0.382,0.3709,0.3599,0.3597,0.3583,0.3271,0.3245,0.3244,0.3198,0.3193,0.3155,0.306,0.2743],[0.9099,0.9089,0.9069,0.893,0.8605,0.8544,0.853,0.8297,0.8147,0.8134,0.8085,0.8045,0.7851,0.7774,0.7693,0.7688,0.7667,0.7625,0.7608,0.7438,0.7434,0.7401,0.7393,0.7389,0.7381,0.7364,0.7287,0.7203,0.7188,0.718,0.7132,0.7066,0.7034,0.6992,0.6938,0.6888,0.6843,0.6768,0.6749,0.6742,0.6675,0.6616,0.6594,0.6591,0.6565,0.654,0.6515,0.6486,0.6447,0.6432,0.6425,0.6411,0.6362,0.6302,0.6295,0.6236,0.623,0.6216,0.6202,0.6199,0.6195,0.6165,0.612,0.6023,0.5898,0.5885,0.5817,0.5814,0.5811,0.5785,0.575,0.5572,0.5508,0.5477,0.5432,0.5387,0.5311,0.5264,0.5241,0.5229,0.5104,0.5101,0.5025,0.4935,0.4888,0.48,0.4779,0.4763,0.474,0.469,0.4565,0.4414,0.4385,0.4363,0.4308,0.4301,0.4131,0.3965,0.3957,0.3909,0.3798,0.3689,0.3687,0.3672,0.336,0.3334,0.3332,0.3286,0.3281,0.3243,0.3148,0.283],[0.9118,0.9108,0.9088,0.8952,0.8634,0.8574,0.856,0.8332,0.8184,0.8171,0.8123,0.8083,0.7894,0.7817,0.7737,0.7733,0.7712,0.7671,0.7654,0.7487,0.7483,0.745,0.7442,0.7438,0.743,0.7414,0.7339,0.7256,0.724,0.7232,0.7186,0.712,0.7089,0.7047,0.6994,0.6945,0.69,0.6826,0.6808,0.6801,0.6735,0.6677,0.6655,0.6652,0.6627,0.6602,0.6577,0.6548,0.6509,0.6495,0.6488,0.6474,0.6426,0.6367,0.636,0.6302,0.6295,0.6282,0.6268,0.6265,0.6261,0.6231,0.6187,0.6091,0.5967,0.5955,0.5887,0.5884,0.5881,0.5856,0.5821,0.5645,0.5581,0.5551,0.5506,0.5462,0.5386,0.5339,0.5316,0.5305,0.518,0.5177,0.5102,0.5012,0.4966,0.4879,0.4858,0.4842,0.4819,0.4769,0.4645,0.4494,0.4465,0.4444,0.4389,0.4382,0.4212,0.4047,0.4039,0.3991,0.388,0.3771,0.3769,0.3755,0.3442,0.3416,0.3414,0.3368,0.3363,0.3325,0.3229,0.291],[0.9092,0.9082,0.9062,0.8922,0.8596,0.8534,0.8519,0.8286,0.8135,0.8121,0.8072,0.8032,0.7837,0.7759,0.7678,0.7673,0.7652,0.761,0.7593,0.7421,0.7417,0.7384,0.7376,0.7372,0.7364,0.7347,0.727,0.7186,0.717,0.7162,0.7114,0.7047,0.7016,0.6973,0.6919,0.6869,0.6823,0.6748,0.6729,0.6722,0.6655,0.6596,0.6574,0.657,0.6545,0.6519,0.6494,0.6465,0.6425,0.6411,0.6404,0.639,0.634,0.6281,0.6274,0.6214,0.6208,0.6194,0.618,0.6177,0.6173,0.6142,0.6098,0.6,0.5875,0.5862,0.5794,0.5791,0.5787,0.5762,0.5726,0.5548,0.5483,0.5453,0.5408,0.5363,0.5286,0.5239,0.5215,0.5204,0.5078,0.5075,0.5,0.4909,0.4862,0.4774,0.4753,0.4737,0.4713,0.4664,0.4538,0.4387,0.4358,0.4336,0.4281,0.4274,0.4103,0.3938,0.3929,0.3881,0.3771,0.3661,0.3659,0.3645,0.3333,0.3307,0.3305,0.3259,0.3254,0.3216,0.3121,0.2803],[0.9112,0.9102,0.9082,0.8945,0.8624,0.8564,0.855,0.832,0.8172,0.8159,0.811,0.8071,0.788,0.7803,0.7723,0.7718,0.7697,0.7656,0.7639,0.7471,0.7466,0.7434,0.7426,0.7422,0.7414,0.7398,0.7322,0.7238,0.7223,0.7215,0.7168,0.7102,0.7071,0.7029,0.6976,0.6926,0.6881,0.6807,0.6788,0.6781,0.6715,0.6657,0.6635,0.6631,0.6606,0.6581,0.6556,0.6528,0.6489,0.6475,0.6467,0.6453,0.6404,0.6345,0.6339,0.628,0.6273,0.626,0.6246,0.6243,0.6239,0.6209,0.6165,0.6069,0.5944,0.5932,0.5864,0.5861,0.5858,0.5832,0.5798,0.562,0.5557,0.5526,0.5482,0.5437,0.5361,0.5314,0.5291,0.528,0.5155,0.5152,0.5077,0.4986,0.4941,0.4853,0.4832,0.4816,0.4792,0.4743,0.4618,0.4467,0.4438,0.4417,0.4362,0.4355,0.4185,0.402,0.4011,0.3963,0.3853,0.3743,0.3741,0.3727,0.3415,0.3389,0.3387,0.3341,0.3336,0.3298,0.3202,0.2883],[0.9084,0.9074,0.9054,0.8913,0.8583,0.8521,0.8507,0.8271,0.8119,0.8106,0.8056,0.8015,0.7819,0.7741,0.7659,0.7654,0.7633,0.759,0.7573,0.7401,0.7397,0.7363,0.7355,0.7351,0.7343,0.7326,0.7249,0.7164,0.7147,0.7139,0.7091,0.7024,0.6993,0.695,0.6895,0.6845,0.6799,0.6723,0.6704,0.6697,0.6629,0.657,0.6548,0.6544,0.6519,0.6493,0.6468,0.6439,0.6399,0.6385,0.6377,0.6363,0.6313,0.6253,0.6246,0.6187,0.618,0.6166,0.6152,0.6149,0.6145,0.6114,0.607,0.5972,0.5846,0.5833,0.5764,0.5761,0.5758,0.5732,0.5697,0.5517,0.5452,0.5422,0.5376,0.5331,0.5254,0.5207,0.5184,0.5172,0.5046,0.5043,0.4967,0.4876,0.483,0.4741,0.472,0.4704,0.468,0.463,0.4505,0.4353,0.4324,0.4302,0.4247,0.424,0.4069,0.3904,0.3895,0.3847,0.3736,0.3627,0.3625,0.3611,0.3298,0.3273,0.3271,0.3225,0.322,0.3182,0.3087,0.277],[0.9112,0.9102,0.9082,0.8945,0.8624,0.8564,0.855,0.832,0.8172,0.8159,0.811,0.8071,0.788,0.7803,0.7723,0.7718,0.7697,0.7656,0.7639,0.7471,0.7466,0.7434,0.7426,0.7422,0.7414,0.7398,0.7322,0.7238,0.7223,0.7215,0.7168,0.7102,0.7071,0.7029,0.6976,0.6926,0.6881,0.6807,0.6788,0.6781,0.6715,0.6657,0.6635,0.6631,0.6606,0.6581,0.6556,0.6528,0.6489,0.6475,0.6467,0.6453,0.6404,0.6345,0.6339,0.628,0.6273,0.626,0.6246,0.6243,0.6239,0.6209,0.6165,0.6069,0.5944,0.5932,0.5864,0.5861,0.5858,0.5832,0.5798,0.562,0.5557,0.5526,0.5482,0.5437,0.5361,0.5314,0.5291,0.528,0.5155,0.5152,0.5077,0.4986,0.4941,0.4853,0.4832,0.4816,0.4792,0.4743,0.4618,0.4467,0.4438,0.4417,0.4362,0.4355,0.4185,0.402,0.4011,0.3963,0.3853,0.3743,0.3741,0.3727,0.3415,0.3389,0.3387,0.3341,0.3336,0.3298,0.3202,0.2883],[0.9094,0.9084,0.9064,0.8924,0.8598,0.8536,0.8522,0.8289,0.8138,0.8125,0.8075,0.8035,0.7841,0.7763,0.7681,0.7677,0.7656,0.7613,0.7597,0.7426,0.7421,0.7388,0.738,0.7376,0.7368,0.7352,0.7275,0.719,0.7174,0.7166,0.7119,0.7052,0.702,0.6978,0.6924,0.6874,0.6828,0.6753,0.6734,0.6727,0.666,0.6601,0.6579,0.6575,0.655,0.6524,0.6499,0.647,0.6431,0.6416,0.6409,0.6395,0.6346,0.6286,0.6279,0.622,0.6213,0.6199,0.6186,0.6182,0.6179,0.6148,0.6104,0.6006,0.5881,0.5868,0.58,0.5796,0.5793,0.5768,0.5732,0.5554,0.5489,0.5459,0.5414,0.5369,0.5292,0.5245,0.5222,0.521,0.5084,0.5082,0.5006,0.4915,0.4869,0.478,0.4759,0.4743,0.472,0.467,0.4545,0.4393,0.4364,0.4343,0.4287,0.428,0.411,0.3945,0.3936,0.3888,0.3778,0.3668,0.3666,0.3652,0.3339,0.3314,0.3312,0.3266,0.3261,0.3223,0.3128,0.281],[0.9078,0.9068,0.9047,0.8905,0.8574,0.8511,0.8496,0.8259,0.8107,0.8093,0.8043,0.8002,0.7805,0.7726,0.7643,0.7639,0.7617,0.7574,0.7557,0.7384,0.738,0.7347,0.7338,0.7334,0.7326,0.7309,0.7231,0.7146,0.713,0.7121,0.7073,0.7006,0.6974,0.6931,0.6876,0.6826,0.6779,0.6703,0.6684,0.6677,0.6609,0.6549,0.6527,0.6524,0.6498,0.6472,0.6446,0.6417,0.6378,0.6363,0.6356,0.6342,0.6292,0.6231,0.6224,0.6165,0.6158,0.6144,0.613,0.6126,0.6123,0.6092,0.6047,0.5949,0.5822,0.5809,0.5741,0.5737,0.5734,0.5708,0.5673,0.5493,0.5428,0.5397,0.5352,0.5306,0.5229,0.5182,0.5158,0.5147,0.502,0.5017,0.4941,0.485,0.4803,0.4715,0.4693,0.4677,0.4654,0.4604,0.4478,0.4326,0.4297,0.4275,0.422,0.4213,0.4042,0.3876,0.3868,0.382,0.3709,0.3599,0.3597,0.3583,0.3271,0.3245,0.3244,0.3198,0.3193,0.3155,0.306,0.2743],[0.9138,0.9128,0.9109,0.8976,0.8664,0.8605,0.8592,0.8368,0.8224,0.8211,0.8163,0.8125,0.7938,0.7863,0.7785,0.7781,0.7761,0.772,0.7703,0.7539,0.7535,0.7503,0.7495,0.7491,0.7483,0.7468,0.7393,0.7312,0.7296,0.7289,0.7243,0.7178,0.7148,0.7107,0.7054,0.7006,0.6962,0.6889,0.6871,0.6864,0.6799,0.6742,0.672,0.6717,0.6692,0.6668,0.6643,0.6615,0.6577,0.6563,0.6556,0.6542,0.6494,0.6436,0.6429,0.6372,0.6365,0.6352,0.6339,0.6335,0.6332,0.6302,0.6259,0.6164,0.6042,0.6029,0.5963,0.5959,0.5956,0.5931,0.5897,0.5722,0.5659,0.563,0.5585,0.5541,0.5466,0.542,0.5397,0.5386,0.5262,0.526,0.5185,0.5096,0.505,0.4963,0.4942,0.4927,0.4903,0.4855,0.4731,0.4581,0.4552,0.4531,0.4476,0.4469,0.43,0.4136,0.4127,0.408,0.3969,0.386,0.3858,0.3844,0.3531,0.3505,0.3503,0.3457,0.3452,0.3414,0.3318,0.2997],[0.9096,0.9086,0.9065,0.8926,0.86,0.8539,0.8525,0.8291,0.8141,0.8128,0.8078,0.8038,0.7844,0.7767,0.7685,0.7681,0.766,0.7617,0.76,0.743,0.7426,0.7393,0.7384,0.738,0.7372,0.7356,0.7279,0.7195,0.7179,0.7171,0.7123,0.7056,0.7025,0.6982,0.6928,0.6879,0.6833,0.6758,0.6739,0.6732,0.6665,0.6606,0.6584,0.658,0.6555,0.6529,0.6504,0.6475,0.6436,0.6422,0.6415,0.64,0.6351,0.6291,0.6284,0.6225,0.6219,0.6205,0.6191,0.6188,0.6184,0.6153,0.6109,0.6012,0.5887,0.5874,0.5806,0.5802,0.5799,0.5773,0.5738,0.556,0.5496,0.5465,0.542,0.5375,0.5298,0.5251,0.5228,0.5217,0.5091,0.5088,0.5012,0.4922,0.4875,0.4787,0.4766,0.475,0.4726,0.4677,0.4552,0.44,0.4371,0.4349,0.4294,0.4287,0.4117,0.3952,0.3943,0.3895,0.3784,0.3675,0.3673,0.3659,0.3346,0.332,0.3319,0.3273,0.3267,0.323,0.3134,0.2816],[0.91,0.909,0.907,0.8932,0.8608,0.8546,0.8532,0.83,0.8151,0.8137,0.8088,0.8048,0.7855,0.7777,0.7696,0.7692,0.7671,0.7629,0.7612,0.7442,0.7438,0.7405,0.7397,0.7393,0.7385,0.7368,0.7292,0.7208,0.7192,0.7184,0.7137,0.707,0.7039,0.6996,0.6943,0.6893,0.6848,0.6773,0.6754,0.6746,0.668,0.6621,0.6599,0.6596,0.657,0.6545,0.652,0.6491,0.6452,0.6438,0.6431,0.6416,0.6367,0.6308,0.6301,0.6242,0.6235,0.6221,0.6208,0.6204,0.6201,0.617,0.6126,0.6029,0.5904,0.5891,0.5823,0.582,0.5817,0.5791,0.5756,0.5578,0.5514,0.5484,0.5438,0.5394,0.5317,0.527,0.5247,0.5235,0.511,0.5107,0.5032,0.4941,0.4895,0.4807,0.4786,0.477,0.4746,0.4697,0.4572,0.442,0.4391,0.437,0.4315,0.4307,0.4137,0.3972,0.3963,0.3916,0.3805,0.3695,0.3693,0.3679,0.3367,0.3341,0.3339,0.3293,0.3288,0.325,0.3155,0.2836],[0.9058,0.9048,0.9027,0.8882,0.8544,0.848,0.8465,0.8224,0.8068,0.8054,0.8003,0.7962,0.7761,0.7681,0.7597,0.7593,0.7571,0.7527,0.751,0.7334,0.7329,0.7295,0.7287,0.7283,0.7274,0.7258,0.7178,0.7092,0.7075,0.7067,0.7018,0.6949,0.6917,0.6873,0.6818,0.6767,0.672,0.6643,0.6624,0.6616,0.6547,0.6487,0.6465,0.6461,0.6435,0.6409,0.6383,0.6353,0.6313,0.6298,0.6291,0.6277,0.6226,0.6165,0.6158,0.6098,0.6091,0.6076,0.6062,0.6059,0.6055,0.6024,0.5979,0.5879,0.5751,0.5738,0.5669,0.5666,0.5662,0.5636,0.56,0.5419,0.5353,0.5322,0.5276,0.5231,0.5153,0.5105,0.5082,0.507,0.4942,0.494,0.4863,0.4771,0.4724,0.4635,0.4614,0.4598,0.4574,0.4524,0.4397,0.4245,0.4215,0.4194,0.4138,0.4131,0.396,0.3794,0.3785,0.3737,0.3627,0.3517,0.3515,0.3501,0.319,0.3164,0.3162,0.3117,0.3111,0.3074,0.2979,0.2664],[0.9124,0.9114,0.9095,0.8959,0.8643,0.8583,0.857,0.8343,0.8197,0.8183,0.8135,0.8096,0.7907,0.7832,0.7752,0.7748,0.7727,0.7686,0.767,0.7503,0.7499,0.7467,0.7459,0.7455,0.7447,0.7431,0.7355,0.7273,0.7258,0.725,0.7203,0.7138,0.7107,0.7066,0.7013,0.6964,0.6919,0.6846,0.6827,0.682,0.6755,0.6697,0.6675,0.6672,0.6647,0.6622,0.6597,0.6569,0.653,0.6516,0.6509,0.6495,0.6447,0.6388,0.6381,0.6324,0.6317,0.6303,0.629,0.6286,0.6283,0.6253,0.6209,0.6114,0.599,0.5978,0.5911,0.5907,0.5904,0.5879,0.5844,0.5669,0.5605,0.5575,0.5531,0.5486,0.541,0.5364,0.5341,0.533,0.5206,0.5203,0.5128,0.5038,0.4992,0.4905,0.4884,0.4868,0.4845,0.4796,0.4671,0.4521,0.4492,0.447,0.4416,0.4409,0.4239,0.4075,0.4066,0.4018,0.3908,0.3798,0.3796,0.3782,0.3469,0.3443,0.3442,0.3396,0.339,0.3352,0.3257,0.2937],[0.9097,0.9087,0.9067,0.8928,0.8603,0.8541,0.8527,0.8294,0.8144,0.8131,0.8081,0.8041,0.7848,0.777,0.7689,0.7685,0.7663,0.7621,0.7604,0.7434,0.743,0.7397,0.7389,0.7385,0.7376,0.736,0.7283,0.7199,0.7183,0.7175,0.7128,0.7061,0.703,0.6987,0.6933,0.6883,0.6838,0.6763,0.6744,0.6737,0.667,0.6611,0.6589,0.6585,0.656,0.6535,0.6509,0.6481,0.6441,0.6427,0.642,0.6406,0.6356,0.6297,0.629,0.6231,0.6224,0.621,0.6197,0.6193,0.619,0.6159,0.6115,0.6018,0.5892,0.5879,0.5811,0.5808,0.5805,0.5779,0.5744,0.5566,0.5502,0.5471,0.5426,0.5381,0.5304,0.5258,0.5234,0.5223,0.5097,0.5094,0.5019,0.4928,0.4882,0.4794,0.4772,0.4757,0.4733,0.4684,0.4558,0.4407,0.4378,0.4356,0.4301,0.4294,0.4124,0.3958,0.395,0.3902,0.3791,0.3682,0.368,0.3665,0.3353,0.3327,0.3325,0.328,0.3274,0.3236,0.3141,0.2823],[0.9104,0.9094,0.9074,0.8935,0.8612,0.8551,0.8537,0.8306,0.8157,0.8143,0.8094,0.8054,0.7862,0.7785,0.7704,0.77,0.7679,0.7637,0.762,0.745,0.7446,0.7413,0.7405,0.7401,0.7393,0.7377,0.73,0.7217,0.7201,0.7193,0.7146,0.7079,0.7048,0.7006,0.6952,0.6903,0.6857,0.6782,0.6764,0.6756,0.669,0.6631,0.661,0.6606,0.6581,0.6555,0.653,0.6502,0.6462,0.6448,0.6441,0.6427,0.6378,0.6319,0.6312,0.6253,0.6246,0.6232,0.6219,0.6215,0.6212,0.6181,0.6137,0.604,0.5916,0.5903,0.5835,0.5832,0.5828,0.5803,0.5768,0.559,0.5526,0.5496,0.5451,0.5406,0.5329,0.5283,0.526,0.5248,0.5123,0.512,0.5045,0.4954,0.4908,0.482,0.4799,0.4783,0.4759,0.471,0.4585,0.4434,0.4405,0.4383,0.4328,0.4321,0.4151,0.3986,0.3977,0.3929,0.3819,0.3709,0.3707,0.3693,0.338,0.3354,0.3353,0.3307,0.3301,0.3264,0.3168,0.285],[0.9086,0.9076,0.9055,0.8914,0.8586,0.8524,0.8509,0.8274,0.8122,0.8109,0.8059,0.8018,0.7823,0.7744,0.7662,0.7658,0.7637,0.7594,0.7577,0.7405,0.7401,0.7368,0.7359,0.7355,0.7347,0.7331,0.7253,0.7168,0.7152,0.7144,0.7096,0.7029,0.6997,0.6954,0.69,0.685,0.6804,0.6728,0.6709,0.6702,0.6634,0.6575,0.6553,0.6549,0.6524,0.6498,0.6473,0.6444,0.6404,0.639,0.6383,0.6368,0.6319,0.6259,0.6252,0.6192,0.6185,0.6172,0.6158,0.6154,0.6151,0.612,0.6076,0.5978,0.5852,0.5838,0.577,0.5767,0.5764,0.5738,0.5703,0.5523,0.5459,0.5428,0.5383,0.5338,0.526,0.5213,0.519,0.5178,0.5052,0.5049,0.4974,0.4882,0.4836,0.4748,0.4726,0.471,0.4687,0.4637,0.4511,0.436,0.4331,0.4309,0.4254,0.4246,0.4076,0.3911,0.3902,0.3854,0.3743,0.3634,0.3632,0.3617,0.3305,0.3279,0.3278,0.3232,0.3227,0.3189,0.3094,0.2776],[0.9119,0.911,0.909,0.8954,0.8636,0.8576,0.8562,0.8334,0.8187,0.8174,0.8126,0.8087,0.7897,0.7821,0.7741,0.7737,0.7716,0.7675,0.7658,0.7491,0.7487,0.7454,0.7446,0.7442,0.7434,0.7418,0.7343,0.726,0.7245,0.7237,0.719,0.7125,0.7094,0.7052,0.6999,0.695,0.6905,0.6831,0.6813,0.6805,0.674,0.6682,0.666,0.6657,0.6632,0.6607,0.6582,0.6553,0.6515,0.6501,0.6494,0.648,0.6431,0.6372,0.6365,0.6307,0.6301,0.6287,0.6273,0.627,0.6267,0.6236,0.6193,0.6097,0.5973,0.596,0.5893,0.589,0.5887,0.5862,0.5827,0.5651,0.5587,0.5557,0.5512,0.5468,0.5392,0.5345,0.5322,0.5311,0.5186,0.5184,0.5109,0.5019,0.4973,0.4885,0.4864,0.4849,0.4825,0.4776,0.4651,0.4501,0.4472,0.445,0.4395,0.4388,0.4219,0.4054,0.4045,0.3998,0.3887,0.3778,0.3776,0.3761,0.3449,0.3423,0.3421,0.3375,0.337,0.3332,0.3236,0.2916],[0.9102,0.9092,0.9072,0.8933,0.861,0.8549,0.8535,0.8303,0.8154,0.814,0.8091,0.8051,0.7859,0.7781,0.77,0.7696,0.7675,0.7633,0.7616,0.7446,0.7442,0.7409,0.7401,0.7397,0.7389,0.7373,0.7296,0.7212,0.7196,0.7188,0.7141,0.7075,0.7044,0.7001,0.6947,0.6898,0.6852,0.6777,0.6759,0.6751,0.6685,0.6626,0.6604,0.6601,0.6575,0.655,0.6525,0.6496,0.6457,0.6443,0.6436,0.6422,0.6372,0.6313,0.6306,0.6247,0.6241,0.6227,0.6213,0.621,0.6206,0.6176,0.6132,0.6035,0.591,0.5897,0.5829,0.5826,0.5823,0.5797,0.5762,0.5584,0.552,0.549,0.5445,0.54,0.5323,0.5277,0.5253,0.5242,0.5116,0.5114,0.5038,0.4948,0.4901,0.4813,0.4792,0.4776,0.4753,0.4703,0.4578,0.4427,0.4398,0.4376,0.4321,0.4314,0.4144,0.3979,0.397,0.3922,0.3812,0.3702,0.37,0.3686,0.3374,0.3348,0.3346,0.33,0.3295,0.3257,0.3161,0.2843],[0.9118,0.9108,0.9088,0.8952,0.8634,0.8574,0.856,0.8332,0.8184,0.8171,0.8123,0.8083,0.7894,0.7817,0.7737,0.7733,0.7712,0.7671,0.7654,0.7487,0.7483,0.745,0.7442,0.7438,0.743,0.7414,0.7339,0.7256,0.724,0.7232,0.7186,0.712,0.7089,0.7047,0.6994,0.6945,0.69,0.6826,0.6808,0.6801,0.6735,0.6677,0.6655,0.6652,0.6627,0.6602,0.6577,0.6548,0.6509,0.6495,0.6488,0.6474,0.6426,0.6367,0.636,0.6302,0.6295,0.6282,0.6268,0.6265,0.6261,0.6231,0.6187,0.6091,0.5967,0.5955,0.5887,0.5884,0.5881,0.5856,0.5821,0.5645,0.5581,0.5551,0.5506,0.5462,0.5386,0.5339,0.5316,0.5305,0.518,0.5177,0.5102,0.5012,0.4966,0.4879,0.4858,0.4842,0.4819,0.4769,0.4645,0.4494,0.4465,0.4444,0.4389,0.4382,0.4212,0.4047,0.4039,0.3991,0.388,0.3771,0.3769,0.3755,0.3442,0.3416,0.3414,0.3368,0.3363,0.3325,0.3229,0.291],[0.9094,0.9084,0.9064,0.8924,0.8598,0.8536,0.8522,0.8289,0.8138,0.8125,0.8075,0.8035,0.7841,0.7763,0.7681,0.7677,0.7656,0.7613,0.7597,0.7426,0.7421,0.7388,0.738,0.7376,0.7368,0.7352,0.7275,0.719,0.7174,0.7166,0.7119,0.7052,0.702,0.6978,0.6924,0.6874,0.6828,0.6753,0.6734,0.6727,0.666,0.6601,0.6579,0.6575,0.655,0.6524,0.6499,0.647,0.6431,0.6416,0.6409,0.6395,0.6346,0.6286,0.6279,0.622,0.6213,0.6199,0.6186,0.6182,0.6179,0.6148,0.6104,0.6006,0.5881,0.5868,0.58,0.5796,0.5793,0.5768,0.5732,0.5554,0.5489,0.5459,0.5414,0.5369,0.5292,0.5245,0.5222,0.521,0.5084,0.5082,0.5006,0.4915,0.4869,0.478,0.4759,0.4743,0.472,0.467,0.4545,0.4393,0.4364,0.4343,0.4287,0.428,0.411,0.3945,0.3936,0.3888,0.3778,0.3668,0.3666,0.3652,0.3339,0.3314,0.3312,0.3266,0.3261,0.3223,0.3128,0.281],[0.9108,0.9098,0.9079,0.8941,0.862,0.8559,0.8545,0.8315,0.8166,0.8153,0.8104,0.8064,0.7873,0.7796,0.7715,0.7711,0.769,0.7648,0.7631,0.7462,0.7458,0.7426,0.7418,0.7414,0.7406,0.7389,0.7313,0.723,0.7214,0.7206,0.7159,0.7093,0.7062,0.702,0.6966,0.6917,0.6872,0.6797,0.6779,0.6771,0.6705,0.6647,0.6625,0.6621,0.6596,0.6571,0.6546,0.6517,0.6478,0.6464,0.6457,0.6443,0.6394,0.6335,0.6328,0.6269,0.6262,0.6249,0.6235,0.6232,0.6228,0.6198,0.6154,0.6057,0.5933,0.592,0.5852,0.5849,0.5846,0.5821,0.5786,0.5608,0.5544,0.5514,0.5469,0.5425,0.5348,0.5302,0.5279,0.5267,0.5142,0.5139,0.5064,0.4973,0.4928,0.484,0.4818,0.4803,0.4779,0.473,0.4605,0.4454,0.4425,0.4403,0.4348,0.4341,0.4172,0.4006,0.3998,0.395,0.3839,0.373,0.3728,0.3713,0.3401,0.3375,0.3373,0.3327,0.3322,0.3284,0.3189,0.287],[0.9083,0.9073,0.9052,0.8911,0.8581,0.8518,0.8504,0.8268,0.8116,0.8102,0.8052,0.8012,0.7816,0.7737,0.7655,0.7651,0.7629,0.7586,0.7569,0.7397,0.7392,0.7359,0.7351,0.7347,0.7339,0.7322,0.7244,0.7159,0.7143,0.7135,0.7087,0.7019,0.6988,0.6945,0.689,0.684,0.6794,0.6718,0.6699,0.6692,0.6624,0.6565,0.6543,0.6539,0.6513,0.6488,0.6462,0.6433,0.6394,0.6379,0.6372,0.6358,0.6308,0.6248,0.6241,0.6181,0.6174,0.616,0.6147,0.6143,0.614,0.6109,0.6064,0.5966,0.584,0.5827,0.5758,0.5755,0.5752,0.5726,0.5691,0.5511,0.5446,0.5416,0.537,0.5325,0.5248,0.5201,0.5177,0.5166,0.5039,0.5037,0.4961,0.4869,0.4823,0.4734,0.4713,0.4697,0.4673,0.4624,0.4498,0.4346,0.4317,0.4295,0.424,0.4233,0.4063,0.3897,0.3888,0.384,0.373,0.362,0.3618,0.3604,0.3292,0.3266,0.3264,0.3218,0.3213,0.3175,0.308,0.2763],[0.9129,0.9119,0.91,0.8965,0.865,0.8591,0.8577,0.8351,0.8206,0.8193,0.8145,0.8106,0.7918,0.7842,0.7763,0.7759,0.7738,0.7697,0.7681,0.7515,0.7511,0.7479,0.7471,0.7467,0.7459,0.7443,0.7368,0.7286,0.7271,0.7263,0.7217,0.7151,0.7121,0.7079,0.7027,0.6978,0.6934,0.686,0.6842,0.6835,0.6769,0.6712,0.669,0.6687,0.6662,0.6637,0.6612,0.6584,0.6546,0.6532,0.6525,0.6511,0.6463,0.6404,0.6398,0.634,0.6333,0.632,0.6306,0.6303,0.6299,0.6269,0.6226,0.613,0.6008,0.5995,0.5928,0.5925,0.5922,0.5896,0.5862,0.5687,0.5623,0.5593,0.5549,0.5505,0.5429,0.5383,0.536,0.5348,0.5224,0.5222,0.5147,0.5057,0.5012,0.4924,0.4903,0.4888,0.4864,0.4815,0.4691,0.4541,0.4512,0.4491,0.4436,0.4429,0.426,0.4095,0.4086,0.4039,0.3928,0.3819,0.3817,0.3803,0.349,0.3464,0.3462,0.3416,0.3411,0.3373,0.3277,0.2957],[0.9107,0.9097,0.9077,0.8939,0.8617,0.8556,0.8542,0.8312,0.8163,0.815,0.8101,0.8061,0.7869,0.7792,0.7711,0.7707,0.7686,0.7644,0.7628,0.7458,0.7454,0.7422,0.7414,0.7409,0.7401,0.7385,0.7309,0.7225,0.721,0.7202,0.7155,0.7088,0.7057,0.7015,0.6961,0.6912,0.6867,0.6792,0.6774,0.6766,0.67,0.6642,0.662,0.6616,0.6591,0.6566,0.6541,0.6512,0.6473,0.6459,0.6452,0.6438,0.6388,0.6329,0.6322,0.6264,0.6257,0.6243,0.623,0.6226,0.6223,0.6192,0.6148,0.6052,0.5927,0.5914,0.5847,0.5843,0.584,0.5815,0.578,0.5602,0.5538,0.5508,0.5463,0.5418,0.5342,0.5295,0.5272,0.5261,0.5136,0.5133,0.5058,0.4967,0.4921,0.4833,0.4812,0.4796,0.4773,0.4723,0.4598,0.4447,0.4418,0.4397,0.4342,0.4334,0.4165,0.3999,0.3991,0.3943,0.3832,0.3723,0.3721,0.3707,0.3394,0.3368,0.3366,0.3321,0.3315,0.3277,0.3182,0.2863],[0.9115,0.9105,0.9085,0.8948,0.8629,0.8569,0.8555,0.8326,0.8178,0.8165,0.8116,0.8077,0.7887,0.781,0.773,0.7726,0.7705,0.7663,0.7647,0.7479,0.7475,0.7442,0.7434,0.743,0.7422,0.7406,0.733,0.7247,0.7231,0.7224,0.7177,0.7111,0.708,0.7038,0.6985,0.6936,0.6891,0.6817,0.6798,0.6791,0.6725,0.6667,0.6645,0.6642,0.6616,0.6591,0.6566,0.6538,0.6499,0.6485,0.6478,0.6464,0.6415,0.6356,0.6349,0.6291,0.6284,0.6271,0.6257,0.6254,0.625,0.622,0.6176,0.608,0.5956,0.5943,0.5876,0.5873,0.5869,0.5844,0.5809,0.5633,0.5569,0.5539,0.5494,0.5449,0.5373,0.5327,0.5304,0.5292,0.5167,0.5165,0.509,0.4999,0.4953,0.4866,0.4845,0.4829,0.4805,0.4756,0.4631,0.4481,0.4452,0.443,0.4375,0.4368,0.4199,0.4034,0.4025,0.3977,0.3867,0.3757,0.3755,0.3741,0.3428,0.3402,0.34,0.3355,0.3349,0.3311,0.3216,0.2896],[0.9089,0.9079,0.9059,0.8918,0.8591,0.8529,0.8514,0.828,0.8129,0.8115,0.8065,0.8025,0.783,0.7752,0.767,0.7666,0.7644,0.7602,0.7585,0.7413,0.7409,0.7376,0.7368,0.7364,0.7355,0.7339,0.7262,0.7177,0.7161,0.7153,0.7105,0.7038,0.7007,0.6964,0.6909,0.6859,0.6814,0.6738,0.6719,0.6712,0.6645,0.6585,0.6563,0.656,0.6534,0.6509,0.6483,0.6454,0.6415,0.6401,0.6393,0.6379,0.6329,0.627,0.6263,0.6203,0.6197,0.6183,0.6169,0.6165,0.6162,0.6131,0.6087,0.5989,0.5863,0.585,0.5782,0.5779,0.5775,0.575,0.5715,0.5536,0.5471,0.544,0.5395,0.535,0.5273,0.5226,0.5203,0.5191,0.5065,0.5062,0.4987,0.4896,0.4849,0.4761,0.4739,0.4724,0.47,0.465,0.4525,0.4373,0.4344,0.4322,0.4267,0.426,0.409,0.3924,0.3915,0.3868,0.3757,0.3647,0.3645,0.3631,0.3319,0.3293,0.3291,0.3246,0.324,0.3202,0.3107,0.279],[0.9096,0.9086,0.9065,0.8926,0.86,0.8539,0.8525,0.8291,0.8141,0.8128,0.8078,0.8038,0.7844,0.7767,0.7685,0.7681,0.766,0.7617,0.76,0.743,0.7426,0.7393,0.7384,0.738,0.7372,0.7356,0.7279,0.7195,0.7179,0.7171,0.7123,0.7056,0.7025,0.6982,0.6928,0.6879,0.6833,0.6758,0.6739,0.6732,0.6665,0.6606,0.6584,0.658,0.6555,0.6529,0.6504,0.6475,0.6436,0.6422,0.6415,0.64,0.6351,0.6291,0.6284,0.6225,0.6219,0.6205,0.6191,0.6188,0.6184,0.6153,0.6109,0.6012,0.5887,0.5874,0.5806,0.5802,0.5799,0.5773,0.5738,0.556,0.5496,0.5465,0.542,0.5375,0.5298,0.5251,0.5228,0.5217,0.5091,0.5088,0.5012,0.4922,0.4875,0.4787,0.4766,0.475,0.4726,0.4677,0.4552,0.44,0.4371,0.4349,0.4294,0.4287,0.4117,0.3952,0.3943,0.3895,0.3784,0.3675,0.3673,0.3659,0.3346,0.332,0.3319,0.3273,0.3267,0.323,0.3134,0.2816],[0.9096,0.9086,0.9065,0.8926,0.86,0.8539,0.8525,0.8291,0.8141,0.8128,0.8078,0.8038,0.7844,0.7767,0.7685,0.7681,0.766,0.7617,0.76,0.743,0.7426,0.7393,0.7384,0.738,0.7372,0.7356,0.7279,0.7195,0.7179,0.7171,0.7123,0.7056,0.7025,0.6982,0.6928,0.6879,0.6833,0.6758,0.6739,0.6732,0.6665,0.6606,0.6584,0.658,0.6555,0.6529,0.6504,0.6475,0.6436,0.6422,0.6415,0.64,0.6351,0.6291,0.6284,0.6225,0.6219,0.6205,0.6191,0.6188,0.6184,0.6153,0.6109,0.6012,0.5887,0.5874,0.5806,0.5802,0.5799,0.5773,0.5738,0.556,0.5496,0.5465,0.542,0.5375,0.5298,0.5251,0.5228,0.5217,0.5091,0.5088,0.5012,0.4922,0.4875,0.4787,0.4766,0.475,0.4726,0.4677,0.4552,0.44,0.4371,0.4349,0.4294,0.4287,0.4117,0.3952,0.3943,0.3895,0.3784,0.3675,0.3673,0.3659,0.3346,0.332,0.3319,0.3273,0.3267,0.323,0.3134,0.2816],[0.9107,0.9097,0.9077,0.8939,0.8617,0.8556,0.8542,0.8312,0.8163,0.815,0.8101,0.8061,0.7869,0.7792,0.7711,0.7707,0.7686,0.7644,0.7628,0.7458,0.7454,0.7422,0.7414,0.7409,0.7401,0.7385,0.7309,0.7225,0.721,0.7202,0.7155,0.7088,0.7057,0.7015,0.6961,0.6912,0.6867,0.6792,0.6774,0.6766,0.67,0.6642,0.662,0.6616,0.6591,0.6566,0.6541,0.6512,0.6473,0.6459,0.6452,0.6438,0.6388,0.6329,0.6322,0.6264,0.6257,0.6243,0.623,0.6226,0.6223,0.6192,0.6148,0.6052,0.5927,0.5914,0.5847,0.5843,0.584,0.5815,0.578,0.5602,0.5538,0.5508,0.5463,0.5418,0.5342,0.5295,0.5272,0.5261,0.5136,0.5133,0.5058,0.4967,0.4921,0.4833,0.4812,0.4796,0.4773,0.4723,0.4598,0.4447,0.4418,0.4397,0.4342,0.4334,0.4165,0.3999,0.3991,0.3943,0.3832,0.3723,0.3721,0.3707,0.3394,0.3368,0.3366,0.3321,0.3315,0.3277,0.3182,0.2863],[0.9083,0.9073,0.9052,0.8911,0.8581,0.8518,0.8504,0.8268,0.8116,0.8102,0.8052,0.8012,0.7816,0.7737,0.7655,0.7651,0.7629,0.7586,0.7569,0.7397,0.7392,0.7359,0.7351,0.7347,0.7339,0.7322,0.7244,0.7159,0.7143,0.7135,0.7087,0.7019,0.6988,0.6945,0.689,0.684,0.6794,0.6718,0.6699,0.6692,0.6624,0.6565,0.6543,0.6539,0.6513,0.6488,0.6462,0.6433,0.6394,0.6379,0.6372,0.6358,0.6308,0.6248,0.6241,0.6181,0.6174,0.616,0.6147,0.6143,0.614,0.6109,0.6064,0.5966,0.584,0.5827,0.5758,0.5755,0.5752,0.5726,0.5691,0.5511,0.5446,0.5416,0.537,0.5325,0.5248,0.5201,0.5177,0.5166,0.5039,0.5037,0.4961,0.4869,0.4823,0.4734,0.4713,0.4697,0.4673,0.4624,0.4498,0.4346,0.4317,0.4295,0.424,0.4233,0.4063,0.3897,0.3888,0.384,0.373,0.362,0.3618,0.3604,0.3292,0.3266,0.3264,0.3218,0.3213,0.3175,0.308,0.2763],[0.9099,0.9089,0.9069,0.893,0.8605,0.8544,0.853,0.8297,0.8147,0.8134,0.8085,0.8045,0.7851,0.7774,0.7693,0.7688,0.7667,0.7625,0.7608,0.7438,0.7434,0.7401,0.7393,0.7389,0.7381,0.7364,0.7287,0.7203,0.7188,0.718,0.7132,0.7066,0.7034,0.6992,0.6938,0.6888,0.6843,0.6768,0.6749,0.6742,0.6675,0.6616,0.6594,0.6591,0.6565,0.654,0.6515,0.6486,0.6447,0.6432,0.6425,0.6411,0.6362,0.6302,0.6295,0.6236,0.623,0.6216,0.6202,0.6199,0.6195,0.6165,0.612,0.6023,0.5898,0.5885,0.5817,0.5814,0.5811,0.5785,0.575,0.5572,0.5508,0.5477,0.5432,0.5387,0.5311,0.5264,0.5241,0.5229,0.5104,0.5101,0.5025,0.4935,0.4888,0.48,0.4779,0.4763,0.474,0.469,0.4565,0.4414,0.4385,0.4363,0.4308,0.4301,0.4131,0.3965,0.3957,0.3909,0.3798,0.3689,0.3687,0.3672,0.336,0.3334,0.3332,0.3286,0.3281,0.3243,0.3148,0.283],[0.9097,0.9087,0.9067,0.8928,0.8603,0.8541,0.8527,0.8294,0.8144,0.8131,0.8081,0.8041,0.7848,0.777,0.7689,0.7685,0.7663,0.7621,0.7604,0.7434,0.743,0.7397,0.7389,0.7385,0.7376,0.736,0.7283,0.7199,0.7183,0.7175,0.7128,0.7061,0.703,0.6987,0.6933,0.6883,0.6838,0.6763,0.6744,0.6737,0.667,0.6611,0.6589,0.6585,0.656,0.6535,0.6509,0.6481,0.6441,0.6427,0.642,0.6406,0.6356,0.6297,0.629,0.6231,0.6224,0.621,0.6197,0.6193,0.619,0.6159,0.6115,0.6018,0.5892,0.5879,0.5811,0.5808,0.5805,0.5779,0.5744,0.5566,0.5502,0.5471,0.5426,0.5381,0.5304,0.5258,0.5234,0.5223,0.5097,0.5094,0.5019,0.4928,0.4882,0.4794,0.4772,0.4757,0.4733,0.4684,0.4558,0.4407,0.4378,0.4356,0.4301,0.4294,0.4124,0.3958,0.395,0.3902,0.3791,0.3682,0.368,0.3665,0.3353,0.3327,0.3325,0.328,0.3274,0.3236,0.3141,0.2823],[0.9123,0.9113,0.9093,0.8958,0.8641,0.8581,0.8567,0.834,0.8194,0.818,0.8132,0.8093,0.7904,0.7828,0.7749,0.7744,0.7724,0.7682,0.7666,0.7499,0.7495,0.7463,0.7455,0.7451,0.7443,0.7427,0.7351,0.7269,0.7253,0.7245,0.7199,0.7133,0.7103,0.7061,0.7008,0.6959,0.6915,0.6841,0.6823,0.6815,0.675,0.6692,0.667,0.6667,0.6642,0.6617,0.6592,0.6564,0.6525,0.6511,0.6504,0.649,0.6442,0.6383,0.6376,0.6318,0.6311,0.6298,0.6284,0.6281,0.6278,0.6247,0.6204,0.6108,0.5985,0.5972,0.5905,0.5902,0.5898,0.5873,0.5839,0.5663,0.5599,0.5569,0.5524,0.548,0.5404,0.5358,0.5335,0.5323,0.5199,0.5196,0.5122,0.5032,0.4986,0.4898,0.4877,0.4862,0.4838,0.4789,0.4665,0.4514,0.4485,0.4464,0.4409,0.4402,0.4233,0.4068,0.4059,0.4011,0.3901,0.3791,0.3789,0.3775,0.3462,0.3437,0.3435,0.3389,0.3383,0.3345,0.325,0.293],[0.9096,0.9086,0.9065,0.8926,0.86,0.8539,0.8525,0.8291,0.8141,0.8128,0.8078,0.8038,0.7844,0.7767,0.7685,0.7681,0.766,0.7617,0.76,0.743,0.7426,0.7393,0.7384,0.738,0.7372,0.7356,0.7279,0.7195,0.7179,0.7171,0.7123,0.7056,0.7025,0.6982,0.6928,0.6879,0.6833,0.6758,0.6739,0.6732,0.6665,0.6606,0.6584,0.658,0.6555,0.6529,0.6504,0.6475,0.6436,0.6422,0.6415,0.64,0.6351,0.6291,0.6284,0.6225,0.6219,0.6205,0.6191,0.6188,0.6184,0.6153,0.6109,0.6012,0.5887,0.5874,0.5806,0.5802,0.5799,0.5773,0.5738,0.556,0.5496,0.5465,0.542,0.5375,0.5298,0.5251,0.5228,0.5217,0.5091,0.5088,0.5012,0.4922,0.4875,0.4787,0.4766,0.475,0.4726,0.4677,0.4552,0.44,0.4371,0.4349,0.4294,0.4287,0.4117,0.3952,0.3943,0.3895,0.3784,0.3675,0.3673,0.3659,0.3346,0.332,0.3319,0.3273,0.3267,0.323,0.3134,0.2816],[0.9121,0.9111,0.9092,0.8956,0.8639,0.8578,0.8565,0.8337,0.8191,0.8177,0.8129,0.809,0.7901,0.7824,0.7745,0.7741,0.772,0.7678,0.7662,0.7495,0.7491,0.7459,0.7451,0.7447,0.7439,0.7423,0.7347,0.7265,0.7249,0.7241,0.7195,0.7129,0.7098,0.7056,0.7004,0.6955,0.691,0.6836,0.6818,0.681,0.6745,0.6687,0.6665,0.6662,0.6637,0.6612,0.6587,0.6559,0.652,0.6506,0.6499,0.6485,0.6436,0.6378,0.6371,0.6313,0.6306,0.6292,0.6279,0.6276,0.6272,0.6242,0.6198,0.6102,0.5979,0.5966,0.5899,0.5896,0.5893,0.5867,0.5833,0.5657,0.5593,0.5563,0.5518,0.5474,0.5398,0.5352,0.5329,0.5317,0.5193,0.519,0.5115,0.5025,0.4979,0.4892,0.4871,0.4855,0.4832,0.4782,0.4658,0.4508,0.4479,0.4457,0.4402,0.4395,0.4226,0.4061,0.4052,0.4004,0.3894,0.3785,0.3782,0.3768,0.3456,0.343,0.3428,0.3382,0.3377,0.3339,0.3243,0.2923],[0.9094,0.9084,0.9064,0.8924,0.8598,0.8536,0.8522,0.8289,0.8138,0.8125,0.8075,0.8035,0.7841,0.7763,0.7681,0.7677,0.7656,0.7613,0.7597,0.7426,0.7421,0.7388,0.738,0.7376,0.7368,0.7352,0.7275,0.719,0.7174,0.7166,0.7119,0.7052,0.702,0.6978,0.6924,0.6874,0.6828,0.6753,0.6734,0.6727,0.666,0.6601,0.6579,0.6575,0.655,0.6524,0.6499,0.647,0.6431,0.6416,0.6409,0.6395,0.6346,0.6286,0.6279,0.622,0.6213,0.6199,0.6186,0.6182,0.6179,0.6148,0.6104,0.6006,0.5881,0.5868,0.58,0.5796,0.5793,0.5768,0.5732,0.5554,0.5489,0.5459,0.5414,0.5369,0.5292,0.5245,0.5222,0.521,0.5084,0.5082,0.5006,0.4915,0.4869,0.478,0.4759,0.4743,0.472,0.467,0.4545,0.4393,0.4364,0.4343,0.4287,0.428,0.411,0.3945,0.3936,0.3888,0.3778,0.3668,0.3666,0.3652,0.3339,0.3314,0.3312,0.3266,0.3261,0.3223,0.3128,0.281],[0.9104,0.9094,0.9074,0.8935,0.8612,0.8551,0.8537,0.8306,0.8157,0.8143,0.8094,0.8054,0.7862,0.7785,0.7704,0.77,0.7679,0.7637,0.762,0.745,0.7446,0.7413,0.7405,0.7401,0.7393,0.7377,0.73,0.7217,0.7201,0.7193,0.7146,0.7079,0.7048,0.7006,0.6952,0.6903,0.6857,0.6782,0.6764,0.6756,0.669,0.6631,0.661,0.6606,0.6581,0.6555,0.653,0.6502,0.6462,0.6448,0.6441,0.6427,0.6378,0.6319,0.6312,0.6253,0.6246,0.6232,0.6219,0.6215,0.6212,0.6181,0.6137,0.604,0.5916,0.5903,0.5835,0.5832,0.5828,0.5803,0.5768,0.559,0.5526,0.5496,0.5451,0.5406,0.5329,0.5283,0.526,0.5248,0.5123,0.512,0.5045,0.4954,0.4908,0.482,0.4799,0.4783,0.4759,0.471,0.4585,0.4434,0.4405,0.4383,0.4328,0.4321,0.4151,0.3986,0.3977,0.3929,0.3819,0.3709,0.3707,0.3693,0.338,0.3354,0.3353,0.3307,0.3301,0.3264,0.3168,0.285],[0.9091,0.9081,0.906,0.892,0.8593,0.8531,0.8517,0.8283,0.8132,0.8118,0.8069,0.8028,0.7834,0.7756,0.7674,0.767,0.7648,0.7606,0.7589,0.7417,0.7413,0.738,0.7372,0.7368,0.736,0.7343,0.7266,0.7181,0.7165,0.7157,0.711,0.7043,0.7011,0.6968,0.6914,0.6864,0.6819,0.6743,0.6724,0.6717,0.665,0.6591,0.6569,0.6565,0.6539,0.6514,0.6489,0.646,0.642,0.6406,0.6399,0.6384,0.6335,0.6275,0.6268,0.6209,0.6202,0.6188,0.6174,0.6171,0.6168,0.6137,0.6092,0.5995,0.5869,0.5856,0.5788,0.5785,0.5781,0.5756,0.572,0.5542,0.5477,0.5447,0.5401,0.5356,0.5279,0.5232,0.5209,0.5198,0.5072,0.5069,0.4993,0.4902,0.4856,0.4767,0.4746,0.473,0.4707,0.4657,0.4532,0.438,0.4351,0.4329,0.4274,0.4267,0.4097,0.3931,0.3922,0.3875,0.3764,0.3654,0.3652,0.3638,0.3326,0.33,0.3298,0.3252,0.3247,0.3209,0.3114,0.2796],[0.9068,0.9058,0.9037,0.8893,0.8559,0.8495,0.8481,0.8242,0.8087,0.8074,0.8023,0.7982,0.7783,0.7704,0.762,0.7616,0.7594,0.7551,0.7534,0.7359,0.7355,0.7321,0.7313,0.7309,0.73,0.7284,0.7205,0.7119,0.7102,0.7094,0.7046,0.6978,0.6946,0.6902,0.6847,0.6796,0.675,0.6673,0.6654,0.6646,0.6578,0.6518,0.6496,0.6492,0.6466,0.644,0.6415,0.6385,0.6345,0.6331,0.6324,0.6309,0.6259,0.6198,0.6191,0.6131,0.6124,0.611,0.6096,0.6093,0.6089,0.6058,0.6013,0.5914,0.5787,0.5774,0.5705,0.5702,0.5698,0.5672,0.5637,0.5456,0.5391,0.536,0.5314,0.5269,0.5191,0.5144,0.512,0.5108,0.4981,0.4979,0.4902,0.4811,0.4764,0.4675,0.4653,0.4638,0.4614,0.4564,0.4438,0.4285,0.4256,0.4234,0.4179,0.4172,0.4001,0.3835,0.3826,0.3779,0.3668,0.3558,0.3556,0.3542,0.323,0.3205,0.3203,0.3157,0.3152,0.3114,0.3019,0.2704],[0.9089,0.9079,0.9059,0.8918,0.8591,0.8529,0.8514,0.828,0.8129,0.8115,0.8065,0.8025,0.783,0.7752,0.767,0.7666,0.7644,0.7602,0.7585,0.7413,0.7409,0.7376,0.7368,0.7364,0.7355,0.7339,0.7262,0.7177,0.7161,0.7153,0.7105,0.7038,0.7007,0.6964,0.6909,0.6859,0.6814,0.6738,0.6719,0.6712,0.6645,0.6585,0.6563,0.656,0.6534,0.6509,0.6483,0.6454,0.6415,0.6401,0.6393,0.6379,0.6329,0.627,0.6263,0.6203,0.6197,0.6183,0.6169,0.6165,0.6162,0.6131,0.6087,0.5989,0.5863,0.585,0.5782,0.5779,0.5775,0.575,0.5715,0.5536,0.5471,0.544,0.5395,0.535,0.5273,0.5226,0.5203,0.5191,0.5065,0.5062,0.4987,0.4896,0.4849,0.4761,0.4739,0.4724,0.47,0.465,0.4525,0.4373,0.4344,0.4322,0.4267,0.426,0.409,0.3924,0.3915,0.3868,0.3757,0.3647,0.3645,0.3631,0.3319,0.3293,0.3291,0.3246,0.324,0.3202,0.3107,0.279],[0.9097,0.9087,0.9067,0.8928,0.8603,0.8541,0.8527,0.8294,0.8144,0.8131,0.8081,0.8041,0.7848,0.777,0.7689,0.7685,0.7663,0.7621,0.7604,0.7434,0.743,0.7397,0.7389,0.7385,0.7376,0.736,0.7283,0.7199,0.7183,0.7175,0.7128,0.7061,0.703,0.6987,0.6933,0.6883,0.6838,0.6763,0.6744,0.6737,0.667,0.6611,0.6589,0.6585,0.656,0.6535,0.6509,0.6481,0.6441,0.6427,0.642,0.6406,0.6356,0.6297,0.629,0.6231,0.6224,0.621,0.6197,0.6193,0.619,0.6159,0.6115,0.6018,0.5892,0.5879,0.5811,0.5808,0.5805,0.5779,0.5744,0.5566,0.5502,0.5471,0.5426,0.5381,0.5304,0.5258,0.5234,0.5223,0.5097,0.5094,0.5019,0.4928,0.4882,0.4794,0.4772,0.4757,0.4733,0.4684,0.4558,0.4407,0.4378,0.4356,0.4301,0.4294,0.4124,0.3958,0.395,0.3902,0.3791,0.3682,0.368,0.3665,0.3353,0.3327,0.3325,0.328,0.3274,0.3236,0.3141,0.2823],[0.91,0.909,0.907,0.8932,0.8608,0.8546,0.8532,0.83,0.8151,0.8137,0.8088,0.8048,0.7855,0.7777,0.7696,0.7692,0.7671,0.7629,0.7612,0.7442,0.7438,0.7405,0.7397,0.7393,0.7385,0.7368,0.7292,0.7208,0.7192,0.7184,0.7137,0.707,0.7039,0.6996,0.6943,0.6893,0.6848,0.6773,0.6754,0.6746,0.668,0.6621,0.6599,0.6596,0.657,0.6545,0.652,0.6491,0.6452,0.6438,0.6431,0.6416,0.6367,0.6308,0.6301,0.6242,0.6235,0.6221,0.6208,0.6204,0.6201,0.617,0.6126,0.6029,0.5904,0.5891,0.5823,0.582,0.5817,0.5791,0.5756,0.5578,0.5514,0.5484,0.5438,0.5394,0.5317,0.527,0.5247,0.5235,0.511,0.5107,0.5032,0.4941,0.4895,0.4807,0.4786,0.477,0.4746,0.4697,0.4572,0.442,0.4391,0.437,0.4315,0.4307,0.4137,0.3972,0.3963,0.3916,0.3805,0.3695,0.3693,0.3679,0.3367,0.3341,0.3339,0.3293,0.3288,0.325,0.3155,0.2836],[0.9089,0.9079,0.9059,0.8918,0.8591,0.8529,0.8514,0.828,0.8129,0.8115,0.8065,0.8025,0.783,0.7752,0.767,0.7666,0.7644,0.7602,0.7585,0.7413,0.7409,0.7376,0.7368,0.7364,0.7355,0.7339,0.7262,0.7177,0.7161,0.7153,0.7105,0.7038,0.7007,0.6964,0.6909,0.6859,0.6814,0.6738,0.6719,0.6712,0.6645,0.6585,0.6563,0.656,0.6534,0.6509,0.6483,0.6454,0.6415,0.6401,0.6393,0.6379,0.6329,0.627,0.6263,0.6203,0.6197,0.6183,0.6169,0.6165,0.6162,0.6131,0.6087,0.5989,0.5863,0.585,0.5782,0.5779,0.5775,0.575,0.5715,0.5536,0.5471,0.544,0.5395,0.535,0.5273,0.5226,0.5203,0.5191,0.5065,0.5062,0.4987,0.4896,0.4849,0.4761,0.4739,0.4724,0.47,0.465,0.4525,0.4373,0.4344,0.4322,0.4267,0.426,0.409,0.3924,0.3915,0.3868,0.3757,0.3647,0.3645,0.3631,0.3319,0.3293,0.3291,0.3246,0.324,0.3202,0.3107,0.279],[0.9097,0.9087,0.9067,0.8928,0.8603,0.8541,0.8527,0.8294,0.8144,0.8131,0.8081,0.8041,0.7848,0.777,0.7689,0.7685,0.7663,0.7621,0.7604,0.7434,0.743,0.7397,0.7389,0.7385,0.7376,0.736,0.7283,0.7199,0.7183,0.7175,0.7128,0.7061,0.703,0.6987,0.6933,0.6883,0.6838,0.6763,0.6744,0.6737,0.667,0.6611,0.6589,0.6585,0.656,0.6535,0.6509,0.6481,0.6441,0.6427,0.642,0.6406,0.6356,0.6297,0.629,0.6231,0.6224,0.621,0.6197,0.6193,0.619,0.6159,0.6115,0.6018,0.5892,0.5879,0.5811,0.5808,0.5805,0.5779,0.5744,0.5566,0.5502,0.5471,0.5426,0.5381,0.5304,0.5258,0.5234,0.5223,0.5097,0.5094,0.5019,0.4928,0.4882,0.4794,0.4772,0.4757,0.4733,0.4684,0.4558,0.4407,0.4378,0.4356,0.4301,0.4294,0.4124,0.3958,0.395,0.3902,0.3791,0.3682,0.368,0.3665,0.3353,0.3327,0.3325,0.328,0.3274,0.3236,0.3141,0.2823],[0.9079,0.9069,0.9049,0.8907,0.8576,0.8513,0.8499,0.8262,0.811,0.8096,0.8046,0.8005,0.7809,0.773,0.7647,0.7643,0.7621,0.7578,0.7561,0.7388,0.7384,0.7351,0.7342,0.7338,0.733,0.7313,0.7235,0.715,0.7134,0.7126,0.7078,0.701,0.6979,0.6935,0.6881,0.683,0.6784,0.6708,0.6689,0.6682,0.6614,0.6555,0.6532,0.6529,0.6503,0.6477,0.6452,0.6423,0.6383,0.6368,0.6361,0.6347,0.6297,0.6237,0.623,0.617,0.6163,0.6149,0.6135,0.6132,0.6129,0.6097,0.6053,0.5955,0.5828,0.5815,0.5746,0.5743,0.574,0.5714,0.5679,0.5499,0.5434,0.5403,0.5358,0.5313,0.5235,0.5188,0.5165,0.5153,0.5027,0.5024,0.4948,0.4856,0.481,0.4721,0.47,0.4684,0.466,0.461,0.4485,0.4333,0.4304,0.4282,0.4226,0.4219,0.4049,0.3883,0.3874,0.3827,0.3716,0.3606,0.3604,0.359,0.3278,0.3252,0.325,0.3205,0.3199,0.3162,0.3067,0.275],[0.9121,0.9111,0.9092,0.8956,0.8639,0.8578,0.8565,0.8337,0.8191,0.8177,0.8129,0.809,0.7901,0.7824,0.7745,0.7741,0.772,0.7678,0.7662,0.7495,0.7491,0.7459,0.7451,0.7447,0.7439,0.7423,0.7347,0.7265,0.7249,0.7241,0.7195,0.7129,0.7098,0.7056,0.7004,0.6955,0.691,0.6836,0.6818,0.681,0.6745,0.6687,0.6665,0.6662,0.6637,0.6612,0.6587,0.6559,0.652,0.6506,0.6499,0.6485,0.6436,0.6378,0.6371,0.6313,0.6306,0.6292,0.6279,0.6276,0.6272,0.6242,0.6198,0.6102,0.5979,0.5966,0.5899,0.5896,0.5893,0.5867,0.5833,0.5657,0.5593,0.5563,0.5518,0.5474,0.5398,0.5352,0.5329,0.5317,0.5193,0.519,0.5115,0.5025,0.4979,0.4892,0.4871,0.4855,0.4832,0.4782,0.4658,0.4508,0.4479,0.4457,0.4402,0.4395,0.4226,0.4061,0.4052,0.4004,0.3894,0.3785,0.3782,0.3768,0.3456,0.343,0.3428,0.3382,0.3377,0.3339,0.3243,0.2923],[0.9121,0.9111,0.9092,0.8956,0.8639,0.8578,0.8565,0.8337,0.8191,0.8177,0.8129,0.809,0.7901,0.7824,0.7745,0.7741,0.772,0.7678,0.7662,0.7495,0.7491,0.7459,0.7451,0.7447,0.7439,0.7423,0.7347,0.7265,0.7249,0.7241,0.7195,0.7129,0.7098,0.7056,0.7004,0.6955,0.691,0.6836,0.6818,0.681,0.6745,0.6687,0.6665,0.6662,0.6637,0.6612,0.6587,0.6559,0.652,0.6506,0.6499,0.6485,0.6436,0.6378,0.6371,0.6313,0.6306,0.6292,0.6279,0.6276,0.6272,0.6242,0.6198,0.6102,0.5979,0.5966,0.5899,0.5896,0.5893,0.5867,0.5833,0.5657,0.5593,0.5563,0.5518,0.5474,0.5398,0.5352,0.5329,0.5317,0.5193,0.519,0.5115,0.5025,0.4979,0.4892,0.4871,0.4855,0.4832,0.4782,0.4658,0.4508,0.4479,0.4457,0.4402,0.4395,0.4226,0.4061,0.4052,0.4004,0.3894,0.3785,0.3782,0.3768,0.3456,0.343,0.3428,0.3382,0.3377,0.3339,0.3243,0.2923],[0.9104,0.9094,0.9074,0.8935,0.8612,0.8551,0.8537,0.8306,0.8157,0.8143,0.8094,0.8054,0.7862,0.7785,0.7704,0.77,0.7679,0.7637,0.762,0.745,0.7446,0.7413,0.7405,0.7401,0.7393,0.7377,0.73,0.7217,0.7201,0.7193,0.7146,0.7079,0.7048,0.7006,0.6952,0.6903,0.6857,0.6782,0.6764,0.6756,0.669,0.6631,0.661,0.6606,0.6581,0.6555,0.653,0.6502,0.6462,0.6448,0.6441,0.6427,0.6378,0.6319,0.6312,0.6253,0.6246,0.6232,0.6219,0.6215,0.6212,0.6181,0.6137,0.604,0.5916,0.5903,0.5835,0.5832,0.5828,0.5803,0.5768,0.559,0.5526,0.5496,0.5451,0.5406,0.5329,0.5283,0.526,0.5248,0.5123,0.512,0.5045,0.4954,0.4908,0.482,0.4799,0.4783,0.4759,0.471,0.4585,0.4434,0.4405,0.4383,0.4328,0.4321,0.4151,0.3986,0.3977,0.3929,0.3819,0.3709,0.3707,0.3693,0.338,0.3354,0.3353,0.3307,0.3301,0.3264,0.3168,0.285],[0.9123,0.9113,0.9093,0.8958,0.8641,0.8581,0.8567,0.834,0.8194,0.818,0.8132,0.8093,0.7904,0.7828,0.7749,0.7744,0.7724,0.7682,0.7666,0.7499,0.7495,0.7463,0.7455,0.7451,0.7443,0.7427,0.7351,0.7269,0.7253,0.7245,0.7199,0.7133,0.7103,0.7061,0.7008,0.6959,0.6915,0.6841,0.6823,0.6815,0.675,0.6692,0.667,0.6667,0.6642,0.6617,0.6592,0.6564,0.6525,0.6511,0.6504,0.649,0.6442,0.6383,0.6376,0.6318,0.6311,0.6298,0.6284,0.6281,0.6278,0.6247,0.6204,0.6108,0.5985,0.5972,0.5905,0.5902,0.5898,0.5873,0.5839,0.5663,0.5599,0.5569,0.5524,0.548,0.5404,0.5358,0.5335,0.5323,0.5199,0.5196,0.5122,0.5032,0.4986,0.4898,0.4877,0.4862,0.4838,0.4789,0.4665,0.4514,0.4485,0.4464,0.4409,0.4402,0.4233,0.4068,0.4059,0.4011,0.3901,0.3791,0.3789,0.3775,0.3462,0.3437,0.3435,0.3389,0.3383,0.3345,0.325,0.293],[0.9097,0.9087,0.9067,0.8928,0.8603,0.8541,0.8527,0.8294,0.8144,0.8131,0.8081,0.8041,0.7848,0.777,0.7689,0.7685,0.7663,0.7621,0.7604,0.7434,0.743,0.7397,0.7389,0.7385,0.7376,0.736,0.7283,0.7199,0.7183,0.7175,0.7128,0.7061,0.703,0.6987,0.6933,0.6883,0.6838,0.6763,0.6744,0.6737,0.667,0.6611,0.6589,0.6585,0.656,0.6535,0.6509,0.6481,0.6441,0.6427,0.642,0.6406,0.6356,0.6297,0.629,0.6231,0.6224,0.621,0.6197,0.6193,0.619,0.6159,0.6115,0.6018,0.5892,0.5879,0.5811,0.5808,0.5805,0.5779,0.5744,0.5566,0.5502,0.5471,0.5426,0.5381,0.5304,0.5258,0.5234,0.5223,0.5097,0.5094,0.5019,0.4928,0.4882,0.4794,0.4772,0.4757,0.4733,0.4684,0.4558,0.4407,0.4378,0.4356,0.4301,0.4294,0.4124,0.3958,0.395,0.3902,0.3791,0.3682,0.368,0.3665,0.3353,0.3327,0.3325,0.328,0.3274,0.3236,0.3141,0.2823],[0.9086,0.9076,0.9055,0.8914,0.8586,0.8524,0.8509,0.8274,0.8122,0.8109,0.8059,0.8018,0.7823,0.7744,0.7662,0.7658,0.7637,0.7594,0.7577,0.7405,0.7401,0.7368,0.7359,0.7355,0.7347,0.7331,0.7253,0.7168,0.7152,0.7144,0.7096,0.7029,0.6997,0.6954,0.69,0.685,0.6804,0.6728,0.6709,0.6702,0.6634,0.6575,0.6553,0.6549,0.6524,0.6498,0.6473,0.6444,0.6404,0.639,0.6383,0.6368,0.6319,0.6259,0.6252,0.6192,0.6185,0.6172,0.6158,0.6154,0.6151,0.612,0.6076,0.5978,0.5852,0.5838,0.577,0.5767,0.5764,0.5738,0.5703,0.5523,0.5459,0.5428,0.5383,0.5338,0.526,0.5213,0.519,0.5178,0.5052,0.5049,0.4974,0.4882,0.4836,0.4748,0.4726,0.471,0.4687,0.4637,0.4511,0.436,0.4331,0.4309,0.4254,0.4246,0.4076,0.3911,0.3902,0.3854,0.3743,0.3634,0.3632,0.3617,0.3305,0.3279,0.3278,0.3232,0.3227,0.3189,0.3094,0.2776],[0.9126,0.9116,0.9096,0.8961,0.8646,0.8586,0.8572,0.8346,0.82,0.8187,0.8138,0.8099,0.7911,0.7835,0.7756,0.7752,0.7731,0.769,0.7673,0.7507,0.7503,0.7471,0.7463,0.7459,0.7451,0.7435,0.736,0.7277,0.7262,0.7254,0.7208,0.7142,0.7112,0.707,0.7017,0.6969,0.6924,0.6851,0.6832,0.6825,0.676,0.6702,0.668,0.6677,0.6652,0.6627,0.6602,0.6574,0.6535,0.6522,0.6515,0.6501,0.6452,0.6394,0.6387,0.6329,0.6322,0.6309,0.6295,0.6292,0.6289,0.6258,0.6215,0.6119,0.5996,0.5983,0.5916,0.5913,0.591,0.5885,0.585,0.5675,0.5611,0.5581,0.5537,0.5492,0.5417,0.537,0.5347,0.5336,0.5212,0.5209,0.5134,0.5044,0.4999,0.4911,0.489,0.4875,0.4851,0.4802,0.4678,0.4528,0.4499,0.4477,0.4422,0.4415,0.4246,0.4081,0.4073,0.4025,0.3915,0.3805,0.3803,0.3789,0.3476,0.345,0.3448,0.3403,0.3397,0.3359,0.3263,0.2943],[0.9123,0.9113,0.9093,0.8958,0.8641,0.8581,0.8567,0.834,0.8194,0.818,0.8132,0.8093,0.7904,0.7828,0.7749,0.7744,0.7724,0.7682,0.7666,0.7499,0.7495,0.7463,0.7455,0.7451,0.7443,0.7427,0.7351,0.7269,0.7253,0.7245,0.7199,0.7133,0.7103,0.7061,0.7008,0.6959,0.6915,0.6841,0.6823,0.6815,0.675,0.6692,0.667,0.6667,0.6642,0.6617,0.6592,0.6564,0.6525,0.6511,0.6504,0.649,0.6442,0.6383,0.6376,0.6318,0.6311,0.6298,0.6284,0.6281,0.6278,0.6247,0.6204,0.6108,0.5985,0.5972,0.5905,0.5902,0.5898,0.5873,0.5839,0.5663,0.5599,0.5569,0.5524,0.548,0.5404,0.5358,0.5335,0.5323,0.5199,0.5196,0.5122,0.5032,0.4986,0.4898,0.4877,0.4862,0.4838,0.4789,0.4665,0.4514,0.4485,0.4464,0.4409,0.4402,0.4233,0.4068,0.4059,0.4011,0.3901,0.3791,0.3789,0.3775,0.3462,0.3437,0.3435,0.3389,0.3383,0.3345,0.325,0.293],[0.9104,0.9094,0.9074,0.8935,0.8612,0.8551,0.8537,0.8306,0.8157,0.8143,0.8094,0.8054,0.7862,0.7785,0.7704,0.77,0.7679,0.7637,0.762,0.745,0.7446,0.7413,0.7405,0.7401,0.7393,0.7377,0.73,0.7217,0.7201,0.7193,0.7146,0.7079,0.7048,0.7006,0.6952,0.6903,0.6857,0.6782,0.6764,0.6756,0.669,0.6631,0.661,0.6606,0.6581,0.6555,0.653,0.6502,0.6462,0.6448,0.6441,0.6427,0.6378,0.6319,0.6312,0.6253,0.6246,0.6232,0.6219,0.6215,0.6212,0.6181,0.6137,0.604,0.5916,0.5903,0.5835,0.5832,0.5828,0.5803,0.5768,0.559,0.5526,0.5496,0.5451,0.5406,0.5329,0.5283,0.526,0.5248,0.5123,0.512,0.5045,0.4954,0.4908,0.482,0.4799,0.4783,0.4759,0.471,0.4585,0.4434,0.4405,0.4383,0.4328,0.4321,0.4151,0.3986,0.3977,0.3929,0.3819,0.3709,0.3707,0.3693,0.338,0.3354,0.3353,0.3307,0.3301,0.3264,0.3168,0.285],[0.9115,0.9105,0.9085,0.8948,0.8629,0.8569,0.8555,0.8326,0.8178,0.8165,0.8116,0.8077,0.7887,0.781,0.773,0.7726,0.7705,0.7663,0.7647,0.7479,0.7475,0.7442,0.7434,0.743,0.7422,0.7406,0.733,0.7247,0.7231,0.7224,0.7177,0.7111,0.708,0.7038,0.6985,0.6936,0.6891,0.6817,0.6798,0.6791,0.6725,0.6667,0.6645,0.6642,0.6616,0.6591,0.6566,0.6538,0.6499,0.6485,0.6478,0.6464,0.6415,0.6356,0.6349,0.6291,0.6284,0.6271,0.6257,0.6254,0.625,0.622,0.6176,0.608,0.5956,0.5943,0.5876,0.5873,0.5869,0.5844,0.5809,0.5633,0.5569,0.5539,0.5494,0.5449,0.5373,0.5327,0.5304,0.5292,0.5167,0.5165,0.509,0.4999,0.4953,0.4866,0.4845,0.4829,0.4805,0.4756,0.4631,0.4481,0.4452,0.443,0.4375,0.4368,0.4199,0.4034,0.4025,0.3977,0.3867,0.3757,0.3755,0.3741,0.3428,0.3402,0.34,0.3355,0.3349,0.3311,0.3216,0.2896],[0.9121,0.9111,0.9092,0.8956,0.8639,0.8578,0.8565,0.8337,0.8191,0.8177,0.8129,0.809,0.7901,0.7824,0.7745,0.7741,0.772,0.7678,0.7662,0.7495,0.7491,0.7459,0.7451,0.7447,0.7439,0.7423,0.7347,0.7265,0.7249,0.7241,0.7195,0.7129,0.7098,0.7056,0.7004,0.6955,0.691,0.6836,0.6818,0.681,0.6745,0.6687,0.6665,0.6662,0.6637,0.6612,0.6587,0.6559,0.652,0.6506,0.6499,0.6485,0.6436,0.6378,0.6371,0.6313,0.6306,0.6292,0.6279,0.6276,0.6272,0.6242,0.6198,0.6102,0.5979,0.5966,0.5899,0.5896,0.5893,0.5867,0.5833,0.5657,0.5593,0.5563,0.5518,0.5474,0.5398,0.5352,0.5329,0.5317,0.5193,0.519,0.5115,0.5025,0.4979,0.4892,0.4871,0.4855,0.4832,0.4782,0.4658,0.4508,0.4479,0.4457,0.4402,0.4395,0.4226,0.4061,0.4052,0.4004,0.3894,0.3785,0.3782,0.3768,0.3456,0.343,0.3428,0.3382,0.3377,0.3339,0.3243,0.2923],[0.9115,0.9105,0.9085,0.8948,0.8629,0.8569,0.8555,0.8326,0.8178,0.8165,0.8116,0.8077,0.7887,0.781,0.773,0.7726,0.7705,0.7663,0.7647,0.7479,0.7475,0.7442,0.7434,0.743,0.7422,0.7406,0.733,0.7247,0.7231,0.7224,0.7177,0.7111,0.708,0.7038,0.6985,0.6936,0.6891,0.6817,0.6798,0.6791,0.6725,0.6667,0.6645,0.6642,0.6616,0.6591,0.6566,0.6538,0.6499,0.6485,0.6478,0.6464,0.6415,0.6356,0.6349,0.6291,0.6284,0.6271,0.6257,0.6254,0.625,0.622,0.6176,0.608,0.5956,0.5943,0.5876,0.5873,0.5869,0.5844,0.5809,0.5633,0.5569,0.5539,0.5494,0.5449,0.5373,0.5327,0.5304,0.5292,0.5167,0.5165,0.509,0.4999,0.4953,0.4866,0.4845,0.4829,0.4805,0.4756,0.4631,0.4481,0.4452,0.443,0.4375,0.4368,0.4199,0.4034,0.4025,0.3977,0.3867,0.3757,0.3755,0.3741,0.3428,0.3402,0.34,0.3355,0.3349,0.3311,0.3216,0.2896],[0.9121,0.9111,0.9092,0.8956,0.8639,0.8578,0.8565,0.8337,0.8191,0.8177,0.8129,0.809,0.7901,0.7824,0.7745,0.7741,0.772,0.7678,0.7662,0.7495,0.7491,0.7459,0.7451,0.7447,0.7439,0.7423,0.7347,0.7265,0.7249,0.7241,0.7195,0.7129,0.7098,0.7056,0.7004,0.6955,0.691,0.6836,0.6818,0.681,0.6745,0.6687,0.6665,0.6662,0.6637,0.6612,0.6587,0.6559,0.652,0.6506,0.6499,0.6485,0.6436,0.6378,0.6371,0.6313,0.6306,0.6292,0.6279,0.6276,0.6272,0.6242,0.6198,0.6102,0.5979,0.5966,0.5899,0.5896,0.5893,0.5867,0.5833,0.5657,0.5593,0.5563,0.5518,0.5474,0.5398,0.5352,0.5329,0.5317,0.5193,0.519,0.5115,0.5025,0.4979,0.4892,0.4871,0.4855,0.4832,0.4782,0.4658,0.4508,0.4479,0.4457,0.4402,0.4395,0.4226,0.4061,0.4052,0.4004,0.3894,0.3785,0.3782,0.3768,0.3456,0.343,0.3428,0.3382,0.3377,0.3339,0.3243,0.2923],[0.9092,0.9082,0.9062,0.8922,0.8596,0.8534,0.8519,0.8286,0.8135,0.8121,0.8072,0.8032,0.7837,0.7759,0.7678,0.7673,0.7652,0.761,0.7593,0.7421,0.7417,0.7384,0.7376,0.7372,0.7364,0.7347,0.727,0.7186,0.717,0.7162,0.7114,0.7047,0.7016,0.6973,0.6919,0.6869,0.6823,0.6748,0.6729,0.6722,0.6655,0.6596,0.6574,0.657,0.6545,0.6519,0.6494,0.6465,0.6425,0.6411,0.6404,0.639,0.634,0.6281,0.6274,0.6214,0.6208,0.6194,0.618,0.6177,0.6173,0.6142,0.6098,0.6,0.5875,0.5862,0.5794,0.5791,0.5787,0.5762,0.5726,0.5548,0.5483,0.5453,0.5408,0.5363,0.5286,0.5239,0.5215,0.5204,0.5078,0.5075,0.5,0.4909,0.4862,0.4774,0.4753,0.4737,0.4713,0.4664,0.4538,0.4387,0.4358,0.4336,0.4281,0.4274,0.4103,0.3938,0.3929,0.3881,0.3771,0.3661,0.3659,0.3645,0.3333,0.3307,0.3305,0.3259,0.3254,0.3216,0.3121,0.2803],[0.9116,0.9106,0.9087,0.895,0.8632,0.8571,0.8557,0.8329,0.8181,0.8168,0.812,0.808,0.789,0.7814,0.7734,0.773,0.7709,0.7667,0.7651,0.7483,0.7479,0.7446,0.7438,0.7434,0.7426,0.741,0.7334,0.7252,0.7236,0.7228,0.7181,0.7115,0.7085,0.7043,0.699,0.6941,0.6896,0.6821,0.6803,0.6796,0.673,0.6672,0.665,0.6647,0.6621,0.6596,0.6571,0.6543,0.6504,0.649,0.6483,0.6469,0.642,0.6362,0.6355,0.6297,0.629,0.6276,0.6263,0.6259,0.6256,0.6225,0.6182,0.6086,0.5962,0.5949,0.5882,0.5878,0.5875,0.585,0.5815,0.5639,0.5575,0.5545,0.55,0.5456,0.5379,0.5333,0.531,0.5298,0.5174,0.5171,0.5096,0.5006,0.496,0.4872,0.4851,0.4835,0.4812,0.4763,0.4638,0.4488,0.4459,0.4437,0.4382,0.4375,0.4205,0.404,0.4032,0.3984,0.3873,0.3764,0.3762,0.3748,0.3435,0.3409,0.3407,0.3362,0.3356,0.3318,0.3223,0.2903],[0.9094,0.9084,0.9064,0.8924,0.8598,0.8536,0.8522,0.8289,0.8138,0.8125,0.8075,0.8035,0.7841,0.7763,0.7681,0.7677,0.7656,0.7613,0.7597,0.7426,0.7421,0.7388,0.738,0.7376,0.7368,0.7352,0.7275,0.719,0.7174,0.7166,0.7119,0.7052,0.702,0.6978,0.6924,0.6874,0.6828,0.6753,0.6734,0.6727,0.666,0.6601,0.6579,0.6575,0.655,0.6524,0.6499,0.647,0.6431,0.6416,0.6409,0.6395,0.6346,0.6286,0.6279,0.622,0.6213,0.6199,0.6186,0.6182,0.6179,0.6148,0.6104,0.6006,0.5881,0.5868,0.58,0.5796,0.5793,0.5768,0.5732,0.5554,0.5489,0.5459,0.5414,0.5369,0.5292,0.5245,0.5222,0.521,0.5084,0.5082,0.5006,0.4915,0.4869,0.478,0.4759,0.4743,0.472,0.467,0.4545,0.4393,0.4364,0.4343,0.4287,0.428,0.411,0.3945,0.3936,0.3888,0.3778,0.3668,0.3666,0.3652,0.3339,0.3314,0.3312,0.3266,0.3261,0.3223,0.3128,0.281],[0.9099,0.9089,0.9069,0.893,0.8605,0.8544,0.853,0.8297,0.8147,0.8134,0.8085,0.8045,0.7851,0.7774,0.7693,0.7688,0.7667,0.7625,0.7608,0.7438,0.7434,0.7401,0.7393,0.7389,0.7381,0.7364,0.7287,0.7203,0.7188,0.718,0.7132,0.7066,0.7034,0.6992,0.6938,0.6888,0.6843,0.6768,0.6749,0.6742,0.6675,0.6616,0.6594,0.6591,0.6565,0.654,0.6515,0.6486,0.6447,0.6432,0.6425,0.6411,0.6362,0.6302,0.6295,0.6236,0.623,0.6216,0.6202,0.6199,0.6195,0.6165,0.612,0.6023,0.5898,0.5885,0.5817,0.5814,0.5811,0.5785,0.575,0.5572,0.5508,0.5477,0.5432,0.5387,0.5311,0.5264,0.5241,0.5229,0.5104,0.5101,0.5025,0.4935,0.4888,0.48,0.4779,0.4763,0.474,0.469,0.4565,0.4414,0.4385,0.4363,0.4308,0.4301,0.4131,0.3965,0.3957,0.3909,0.3798,0.3689,0.3687,0.3672,0.336,0.3334,0.3332,0.3286,0.3281,0.3243,0.3148,0.283],[0.9124,0.9114,0.9095,0.8959,0.8643,0.8583,0.857,0.8343,0.8197,0.8183,0.8135,0.8096,0.7907,0.7832,0.7752,0.7748,0.7727,0.7686,0.767,0.7503,0.7499,0.7467,0.7459,0.7455,0.7447,0.7431,0.7355,0.7273,0.7258,0.725,0.7203,0.7138,0.7107,0.7066,0.7013,0.6964,0.6919,0.6846,0.6827,0.682,0.6755,0.6697,0.6675,0.6672,0.6647,0.6622,0.6597,0.6569,0.653,0.6516,0.6509,0.6495,0.6447,0.6388,0.6381,0.6324,0.6317,0.6303,0.629,0.6286,0.6283,0.6253,0.6209,0.6114,0.599,0.5978,0.5911,0.5907,0.5904,0.5879,0.5844,0.5669,0.5605,0.5575,0.5531,0.5486,0.541,0.5364,0.5341,0.533,0.5206,0.5203,0.5128,0.5038,0.4992,0.4905,0.4884,0.4868,0.4845,0.4796,0.4671,0.4521,0.4492,0.447,0.4416,0.4409,0.4239,0.4075,0.4066,0.4018,0.3908,0.3798,0.3796,0.3782,0.3469,0.3443,0.3442,0.3396,0.339,0.3352,0.3257,0.2937],[0.9094,0.9084,0.9064,0.8924,0.8598,0.8536,0.8522,0.8289,0.8138,0.8125,0.8075,0.8035,0.7841,0.7763,0.7681,0.7677,0.7656,0.7613,0.7597,0.7426,0.7421,0.7388,0.738,0.7376,0.7368,0.7352,0.7275,0.719,0.7174,0.7166,0.7119,0.7052,0.702,0.6978,0.6924,0.6874,0.6828,0.6753,0.6734,0.6727,0.666,0.6601,0.6579,0.6575,0.655,0.6524,0.6499,0.647,0.6431,0.6416,0.6409,0.6395,0.6346,0.6286,0.6279,0.622,0.6213,0.6199,0.6186,0.6182,0.6179,0.6148,0.6104,0.6006,0.5881,0.5868,0.58,0.5796,0.5793,0.5768,0.5732,0.5554,0.5489,0.5459,0.5414,0.5369,0.5292,0.5245,0.5222,0.521,0.5084,0.5082,0.5006,0.4915,0.4869,0.478,0.4759,0.4743,0.472,0.467,0.4545,0.4393,0.4364,0.4343,0.4287,0.428,0.411,0.3945,0.3936,0.3888,0.3778,0.3668,0.3666,0.3652,0.3339,0.3314,0.3312,0.3266,0.3261,0.3223,0.3128,0.281],[0.9104,0.9094,0.9074,0.8935,0.8612,0.8551,0.8537,0.8306,0.8157,0.8143,0.8094,0.8054,0.7862,0.7785,0.7704,0.77,0.7679,0.7637,0.762,0.745,0.7446,0.7413,0.7405,0.7401,0.7393,0.7377,0.73,0.7217,0.7201,0.7193,0.7146,0.7079,0.7048,0.7006,0.6952,0.6903,0.6857,0.6782,0.6764,0.6756,0.669,0.6631,0.661,0.6606,0.6581,0.6555,0.653,0.6502,0.6462,0.6448,0.6441,0.6427,0.6378,0.6319,0.6312,0.6253,0.6246,0.6232,0.6219,0.6215,0.6212,0.6181,0.6137,0.604,0.5916,0.5903,0.5835,0.5832,0.5828,0.5803,0.5768,0.559,0.5526,0.5496,0.5451,0.5406,0.5329,0.5283,0.526,0.5248,0.5123,0.512,0.5045,0.4954,0.4908,0.482,0.4799,0.4783,0.4759,0.471,0.4585,0.4434,0.4405,0.4383,0.4328,0.4321,0.4151,0.3986,0.3977,0.3929,0.3819,0.3709,0.3707,0.3693,0.338,0.3354,0.3353,0.3307,0.3301,0.3264,0.3168,0.285],[0.9126,0.9116,0.9096,0.8961,0.8646,0.8586,0.8572,0.8346,0.82,0.8187,0.8138,0.8099,0.7911,0.7835,0.7756,0.7752,0.7731,0.769,0.7673,0.7507,0.7503,0.7471,0.7463,0.7459,0.7451,0.7435,0.736,0.7277,0.7262,0.7254,0.7208,0.7142,0.7112,0.707,0.7017,0.6969,0.6924,0.6851,0.6832,0.6825,0.676,0.6702,0.668,0.6677,0.6652,0.6627,0.6602,0.6574,0.6535,0.6522,0.6515,0.6501,0.6452,0.6394,0.6387,0.6329,0.6322,0.6309,0.6295,0.6292,0.6289,0.6258,0.6215,0.6119,0.5996,0.5983,0.5916,0.5913,0.591,0.5885,0.585,0.5675,0.5611,0.5581,0.5537,0.5492,0.5417,0.537,0.5347,0.5336,0.5212,0.5209,0.5134,0.5044,0.4999,0.4911,0.489,0.4875,0.4851,0.4802,0.4678,0.4528,0.4499,0.4477,0.4422,0.4415,0.4246,0.4081,0.4073,0.4025,0.3915,0.3805,0.3803,0.3789,0.3476,0.345,0.3448,0.3403,0.3397,0.3359,0.3263,0.2943],[0.9137,0.9127,0.9108,0.8974,0.8662,0.8603,0.8589,0.8365,0.8221,0.8208,0.816,0.8122,0.7935,0.786,0.7781,0.7777,0.7757,0.7716,0.77,0.7535,0.7531,0.7499,0.7491,0.7487,0.7479,0.7464,0.7389,0.7308,0.7292,0.7284,0.7238,0.7174,0.7143,0.7102,0.705,0.7002,0.6957,0.6884,0.6866,0.6859,0.6794,0.6737,0.6715,0.6712,0.6687,0.6662,0.6638,0.661,0.6572,0.6558,0.6551,0.6537,0.6489,0.6431,0.6424,0.6367,0.636,0.6347,0.6333,0.633,0.6326,0.6296,0.6253,0.6158,0.6036,0.6023,0.5957,0.5954,0.5951,0.5925,0.5891,0.5716,0.5653,0.5624,0.5579,0.5535,0.546,0.5414,0.5391,0.538,0.5256,0.5253,0.5179,0.5089,0.5044,0.4957,0.4936,0.492,0.4897,0.4848,0.4724,0.4574,0.4546,0.4524,0.4469,0.4462,0.4294,0.4129,0.412,0.4073,0.3962,0.3853,0.3851,0.3837,0.3524,0.3498,0.3496,0.345,0.3445,0.3407,0.3311,0.299],[0.9088,0.9077,0.9057,0.8916,0.8588,0.8526,0.8512,0.8277,0.8126,0.8112,0.8062,0.8022,0.7827,0.7748,0.7666,0.7662,0.7641,0.7598,0.7581,0.7409,0.7405,0.7372,0.7364,0.7359,0.7351,0.7335,0.7257,0.7172,0.7156,0.7148,0.7101,0.7033,0.7002,0.6959,0.6905,0.6855,0.6809,0.6733,0.6714,0.6707,0.6639,0.658,0.6558,0.6555,0.6529,0.6503,0.6478,0.6449,0.641,0.6395,0.6388,0.6374,0.6324,0.6264,0.6257,0.6198,0.6191,0.6177,0.6163,0.616,0.6156,0.6126,0.6081,0.5983,0.5857,0.5844,0.5776,0.5773,0.577,0.5744,0.5709,0.5529,0.5465,0.5434,0.5389,0.5344,0.5267,0.522,0.5196,0.5185,0.5059,0.5056,0.498,0.4889,0.4843,0.4754,0.4733,0.4717,0.4693,0.4644,0.4518,0.4367,0.4337,0.4316,0.426,0.4253,0.4083,0.3917,0.3909,0.3861,0.375,0.3641,0.3639,0.3624,0.3312,0.3286,0.3284,0.3239,0.3233,0.3196,0.31,0.2783],[0.9137,0.9127,0.9108,0.8974,0.8662,0.8603,0.8589,0.8365,0.8221,0.8208,0.816,0.8122,0.7935,0.786,0.7781,0.7777,0.7757,0.7716,0.77,0.7535,0.7531,0.7499,0.7491,0.7487,0.7479,0.7464,0.7389,0.7308,0.7292,0.7284,0.7238,0.7174,0.7143,0.7102,0.705,0.7002,0.6957,0.6884,0.6866,0.6859,0.6794,0.6737,0.6715,0.6712,0.6687,0.6662,0.6638,0.661,0.6572,0.6558,0.6551,0.6537,0.6489,0.6431,0.6424,0.6367,0.636,0.6347,0.6333,0.633,0.6326,0.6296,0.6253,0.6158,0.6036,0.6023,0.5957,0.5954,0.5951,0.5925,0.5891,0.5716,0.5653,0.5624,0.5579,0.5535,0.546,0.5414,0.5391,0.538,0.5256,0.5253,0.5179,0.5089,0.5044,0.4957,0.4936,0.492,0.4897,0.4848,0.4724,0.4574,0.4546,0.4524,0.4469,0.4462,0.4294,0.4129,0.412,0.4073,0.3962,0.3853,0.3851,0.3837,0.3524,0.3498,0.3496,0.345,0.3445,0.3407,0.3311,0.299],[0.9116,0.9106,0.9087,0.895,0.8632,0.8571,0.8557,0.8329,0.8181,0.8168,0.812,0.808,0.789,0.7814,0.7734,0.773,0.7709,0.7667,0.7651,0.7483,0.7479,0.7446,0.7438,0.7434,0.7426,0.741,0.7334,0.7252,0.7236,0.7228,0.7181,0.7115,0.7085,0.7043,0.699,0.6941,0.6896,0.6821,0.6803,0.6796,0.673,0.6672,0.665,0.6647,0.6621,0.6596,0.6571,0.6543,0.6504,0.649,0.6483,0.6469,0.642,0.6362,0.6355,0.6297,0.629,0.6276,0.6263,0.6259,0.6256,0.6225,0.6182,0.6086,0.5962,0.5949,0.5882,0.5878,0.5875,0.585,0.5815,0.5639,0.5575,0.5545,0.55,0.5456,0.5379,0.5333,0.531,0.5298,0.5174,0.5171,0.5096,0.5006,0.496,0.4872,0.4851,0.4835,0.4812,0.4763,0.4638,0.4488,0.4459,0.4437,0.4382,0.4375,0.4205,0.404,0.4032,0.3984,0.3873,0.3764,0.3762,0.3748,0.3435,0.3409,0.3407,0.3362,0.3356,0.3318,0.3223,0.2903],[0.9124,0.9114,0.9095,0.8959,0.8643,0.8583,0.857,0.8343,0.8197,0.8183,0.8135,0.8096,0.7907,0.7832,0.7752,0.7748,0.7727,0.7686,0.767,0.7503,0.7499,0.7467,0.7459,0.7455,0.7447,0.7431,0.7355,0.7273,0.7258,0.725,0.7203,0.7138,0.7107,0.7066,0.7013,0.6964,0.6919,0.6846,0.6827,0.682,0.6755,0.6697,0.6675,0.6672,0.6647,0.6622,0.6597,0.6569,0.653,0.6516,0.6509,0.6495,0.6447,0.6388,0.6381,0.6324,0.6317,0.6303,0.629,0.6286,0.6283,0.6253,0.6209,0.6114,0.599,0.5978,0.5911,0.5907,0.5904,0.5879,0.5844,0.5669,0.5605,0.5575,0.5531,0.5486,0.541,0.5364,0.5341,0.533,0.5206,0.5203,0.5128,0.5038,0.4992,0.4905,0.4884,0.4868,0.4845,0.4796,0.4671,0.4521,0.4492,0.447,0.4416,0.4409,0.4239,0.4075,0.4066,0.4018,0.3908,0.3798,0.3796,0.3782,0.3469,0.3443,0.3442,0.3396,0.339,0.3352,0.3257,0.2937],[0.911,0.91,0.908,0.8943,0.8622,0.8561,0.8547,0.8317,0.8169,0.8156,0.8107,0.8067,0.7876,0.7799,0.7719,0.7715,0.7694,0.7652,0.7635,0.7466,0.7462,0.743,0.7422,0.7418,0.741,0.7394,0.7317,0.7234,0.7218,0.721,0.7163,0.7097,0.7067,0.7024,0.6971,0.6922,0.6877,0.6802,0.6783,0.6776,0.671,0.6652,0.663,0.6626,0.6601,0.6576,0.6551,0.6522,0.6483,0.6469,0.6462,0.6448,0.6399,0.634,0.6333,0.6275,0.6268,0.6254,0.6241,0.6237,0.6234,0.6203,0.616,0.6063,0.5939,0.5926,0.5858,0.5855,0.5852,0.5826,0.5792,0.5614,0.5551,0.552,0.5475,0.5431,0.5354,0.5308,0.5285,0.5273,0.5148,0.5146,0.507,0.498,0.4934,0.4846,0.4825,0.4809,0.4786,0.4736,0.4612,0.4461,0.4432,0.441,0.4355,0.4348,0.4178,0.4013,0.4004,0.3957,0.3846,0.3737,0.3735,0.372,0.3408,0.3382,0.338,0.3334,0.3329,0.3291,0.3195,0.2876],[0.91,0.909,0.907,0.8932,0.8608,0.8546,0.8532,0.83,0.8151,0.8137,0.8088,0.8048,0.7855,0.7777,0.7696,0.7692,0.7671,0.7629,0.7612,0.7442,0.7438,0.7405,0.7397,0.7393,0.7385,0.7368,0.7292,0.7208,0.7192,0.7184,0.7137,0.707,0.7039,0.6996,0.6943,0.6893,0.6848,0.6773,0.6754,0.6746,0.668,0.6621,0.6599,0.6596,0.657,0.6545,0.652,0.6491,0.6452,0.6438,0.6431,0.6416,0.6367,0.6308,0.6301,0.6242,0.6235,0.6221,0.6208,0.6204,0.6201,0.617,0.6126,0.6029,0.5904,0.5891,0.5823,0.582,0.5817,0.5791,0.5756,0.5578,0.5514,0.5484,0.5438,0.5394,0.5317,0.527,0.5247,0.5235,0.511,0.5107,0.5032,0.4941,0.4895,0.4807,0.4786,0.477,0.4746,0.4697,0.4572,0.442,0.4391,0.437,0.4315,0.4307,0.4137,0.3972,0.3963,0.3916,0.3805,0.3695,0.3693,0.3679,0.3367,0.3341,0.3339,0.3293,0.3288,0.325,0.3155,0.2836],[0.9089,0.9079,0.9059,0.8918,0.8591,0.8529,0.8514,0.828,0.8129,0.8115,0.8065,0.8025,0.783,0.7752,0.767,0.7666,0.7644,0.7602,0.7585,0.7413,0.7409,0.7376,0.7368,0.7364,0.7355,0.7339,0.7262,0.7177,0.7161,0.7153,0.7105,0.7038,0.7007,0.6964,0.6909,0.6859,0.6814,0.6738,0.6719,0.6712,0.6645,0.6585,0.6563,0.656,0.6534,0.6509,0.6483,0.6454,0.6415,0.6401,0.6393,0.6379,0.6329,0.627,0.6263,0.6203,0.6197,0.6183,0.6169,0.6165,0.6162,0.6131,0.6087,0.5989,0.5863,0.585,0.5782,0.5779,0.5775,0.575,0.5715,0.5536,0.5471,0.544,0.5395,0.535,0.5273,0.5226,0.5203,0.5191,0.5065,0.5062,0.4987,0.4896,0.4849,0.4761,0.4739,0.4724,0.47,0.465,0.4525,0.4373,0.4344,0.4322,0.4267,0.426,0.409,0.3924,0.3915,0.3868,0.3757,0.3647,0.3645,0.3631,0.3319,0.3293,0.3291,0.3246,0.324,0.3202,0.3107,0.279],[0.9119,0.911,0.909,0.8954,0.8636,0.8576,0.8562,0.8334,0.8187,0.8174,0.8126,0.8087,0.7897,0.7821,0.7741,0.7737,0.7716,0.7675,0.7658,0.7491,0.7487,0.7454,0.7446,0.7442,0.7434,0.7418,0.7343,0.726,0.7245,0.7237,0.719,0.7125,0.7094,0.7052,0.6999,0.695,0.6905,0.6831,0.6813,0.6805,0.674,0.6682,0.666,0.6657,0.6632,0.6607,0.6582,0.6553,0.6515,0.6501,0.6494,0.648,0.6431,0.6372,0.6365,0.6307,0.6301,0.6287,0.6273,0.627,0.6267,0.6236,0.6193,0.6097,0.5973,0.596,0.5893,0.589,0.5887,0.5862,0.5827,0.5651,0.5587,0.5557,0.5512,0.5468,0.5392,0.5345,0.5322,0.5311,0.5186,0.5184,0.5109,0.5019,0.4973,0.4885,0.4864,0.4849,0.4825,0.4776,0.4651,0.4501,0.4472,0.445,0.4395,0.4388,0.4219,0.4054,0.4045,0.3998,0.3887,0.3778,0.3776,0.3761,0.3449,0.3423,0.3421,0.3375,0.337,0.3332,0.3236,0.2916],[0.9068,0.9058,0.9037,0.8893,0.8559,0.8495,0.8481,0.8242,0.8087,0.8074,0.8023,0.7982,0.7783,0.7704,0.762,0.7616,0.7594,0.7551,0.7534,0.7359,0.7355,0.7321,0.7313,0.7309,0.73,0.7284,0.7205,0.7119,0.7102,0.7094,0.7046,0.6978,0.6946,0.6902,0.6847,0.6796,0.675,0.6673,0.6654,0.6646,0.6578,0.6518,0.6496,0.6492,0.6466,0.644,0.6415,0.6385,0.6345,0.6331,0.6324,0.6309,0.6259,0.6198,0.6191,0.6131,0.6124,0.611,0.6096,0.6093,0.6089,0.6058,0.6013,0.5914,0.5787,0.5774,0.5705,0.5702,0.5698,0.5672,0.5637,0.5456,0.5391,0.536,0.5314,0.5269,0.5191,0.5144,0.512,0.5108,0.4981,0.4979,0.4902,0.4811,0.4764,0.4675,0.4653,0.4638,0.4614,0.4564,0.4438,0.4285,0.4256,0.4234,0.4179,0.4172,0.4001,0.3835,0.3826,0.3779,0.3668,0.3558,0.3556,0.3542,0.323,0.3205,0.3203,0.3157,0.3152,0.3114,0.3019,0.2704],[0.9121,0.9111,0.9092,0.8956,0.8639,0.8578,0.8565,0.8337,0.8191,0.8177,0.8129,0.809,0.7901,0.7824,0.7745,0.7741,0.772,0.7678,0.7662,0.7495,0.7491,0.7459,0.7451,0.7447,0.7439,0.7423,0.7347,0.7265,0.7249,0.7241,0.7195,0.7129,0.7098,0.7056,0.7004,0.6955,0.691,0.6836,0.6818,0.681,0.6745,0.6687,0.6665,0.6662,0.6637,0.6612,0.6587,0.6559,0.652,0.6506,0.6499,0.6485,0.6436,0.6378,0.6371,0.6313,0.6306,0.6292,0.6279,0.6276,0.6272,0.6242,0.6198,0.6102,0.5979,0.5966,0.5899,0.5896,0.5893,0.5867,0.5833,0.5657,0.5593,0.5563,0.5518,0.5474,0.5398,0.5352,0.5329,0.5317,0.5193,0.519,0.5115,0.5025,0.4979,0.4892,0.4871,0.4855,0.4832,0.4782,0.4658,0.4508,0.4479,0.4457,0.4402,0.4395,0.4226,0.4061,0.4052,0.4004,0.3894,0.3785,0.3782,0.3768,0.3456,0.343,0.3428,0.3382,0.3377,0.3339,0.3243,0.2923],[0.9102,0.9092,0.9072,0.8933,0.861,0.8549,0.8535,0.8303,0.8154,0.814,0.8091,0.8051,0.7859,0.7781,0.77,0.7696,0.7675,0.7633,0.7616,0.7446,0.7442,0.7409,0.7401,0.7397,0.7389,0.7373,0.7296,0.7212,0.7196,0.7188,0.7141,0.7075,0.7044,0.7001,0.6947,0.6898,0.6852,0.6777,0.6759,0.6751,0.6685,0.6626,0.6604,0.6601,0.6575,0.655,0.6525,0.6496,0.6457,0.6443,0.6436,0.6422,0.6372,0.6313,0.6306,0.6247,0.6241,0.6227,0.6213,0.621,0.6206,0.6176,0.6132,0.6035,0.591,0.5897,0.5829,0.5826,0.5823,0.5797,0.5762,0.5584,0.552,0.549,0.5445,0.54,0.5323,0.5277,0.5253,0.5242,0.5116,0.5114,0.5038,0.4948,0.4901,0.4813,0.4792,0.4776,0.4753,0.4703,0.4578,0.4427,0.4398,0.4376,0.4321,0.4314,0.4144,0.3979,0.397,0.3922,0.3812,0.3702,0.37,0.3686,0.3374,0.3348,0.3346,0.33,0.3295,0.3257,0.3161,0.2843],[0.9116,0.9106,0.9087,0.895,0.8632,0.8571,0.8557,0.8329,0.8181,0.8168,0.812,0.808,0.789,0.7814,0.7734,0.773,0.7709,0.7667,0.7651,0.7483,0.7479,0.7446,0.7438,0.7434,0.7426,0.741,0.7334,0.7252,0.7236,0.7228,0.7181,0.7115,0.7085,0.7043,0.699,0.6941,0.6896,0.6821,0.6803,0.6796,0.673,0.6672,0.665,0.6647,0.6621,0.6596,0.6571,0.6543,0.6504,0.649,0.6483,0.6469,0.642,0.6362,0.6355,0.6297,0.629,0.6276,0.6263,0.6259,0.6256,0.6225,0.6182,0.6086,0.5962,0.5949,0.5882,0.5878,0.5875,0.585,0.5815,0.5639,0.5575,0.5545,0.55,0.5456,0.5379,0.5333,0.531,0.5298,0.5174,0.5171,0.5096,0.5006,0.496,0.4872,0.4851,0.4835,0.4812,0.4763,0.4638,0.4488,0.4459,0.4437,0.4382,0.4375,0.4205,0.404,0.4032,0.3984,0.3873,0.3764,0.3762,0.3748,0.3435,0.3409,0.3407,0.3362,0.3356,0.3318,0.3223,0.2903],[0.9079,0.9069,0.9049,0.8907,0.8576,0.8513,0.8499,0.8262,0.811,0.8096,0.8046,0.8005,0.7809,0.773,0.7647,0.7643,0.7621,0.7578,0.7561,0.7388,0.7384,0.7351,0.7342,0.7338,0.733,0.7313,0.7235,0.715,0.7134,0.7126,0.7078,0.701,0.6979,0.6935,0.6881,0.683,0.6784,0.6708,0.6689,0.6682,0.6614,0.6555,0.6532,0.6529,0.6503,0.6477,0.6452,0.6423,0.6383,0.6368,0.6361,0.6347,0.6297,0.6237,0.623,0.617,0.6163,0.6149,0.6135,0.6132,0.6129,0.6097,0.6053,0.5955,0.5828,0.5815,0.5746,0.5743,0.574,0.5714,0.5679,0.5499,0.5434,0.5403,0.5358,0.5313,0.5235,0.5188,0.5165,0.5153,0.5027,0.5024,0.4948,0.4856,0.481,0.4721,0.47,0.4684,0.466,0.461,0.4485,0.4333,0.4304,0.4282,0.4226,0.4219,0.4049,0.3883,0.3874,0.3827,0.3716,0.3606,0.3604,0.359,0.3278,0.3252,0.325,0.3205,0.3199,0.3162,0.3067,0.275],[0.91,0.909,0.907,0.8932,0.8608,0.8546,0.8532,0.83,0.8151,0.8137,0.8088,0.8048,0.7855,0.7777,0.7696,0.7692,0.7671,0.7629,0.7612,0.7442,0.7438,0.7405,0.7397,0.7393,0.7385,0.7368,0.7292,0.7208,0.7192,0.7184,0.7137,0.707,0.7039,0.6996,0.6943,0.6893,0.6848,0.6773,0.6754,0.6746,0.668,0.6621,0.6599,0.6596,0.657,0.6545,0.652,0.6491,0.6452,0.6438,0.6431,0.6416,0.6367,0.6308,0.6301,0.6242,0.6235,0.6221,0.6208,0.6204,0.6201,0.617,0.6126,0.6029,0.5904,0.5891,0.5823,0.582,0.5817,0.5791,0.5756,0.5578,0.5514,0.5484,0.5438,0.5394,0.5317,0.527,0.5247,0.5235,0.511,0.5107,0.5032,0.4941,0.4895,0.4807,0.4786,0.477,0.4746,0.4697,0.4572,0.442,0.4391,0.437,0.4315,0.4307,0.4137,0.3972,0.3963,0.3916,0.3805,0.3695,0.3693,0.3679,0.3367,0.3341,0.3339,0.3293,0.3288,0.325,0.3155,0.2836],[0.9092,0.9082,0.9062,0.8922,0.8596,0.8534,0.8519,0.8286,0.8135,0.8121,0.8072,0.8032,0.7837,0.7759,0.7678,0.7673,0.7652,0.761,0.7593,0.7421,0.7417,0.7384,0.7376,0.7372,0.7364,0.7347,0.727,0.7186,0.717,0.7162,0.7114,0.7047,0.7016,0.6973,0.6919,0.6869,0.6823,0.6748,0.6729,0.6722,0.6655,0.6596,0.6574,0.657,0.6545,0.6519,0.6494,0.6465,0.6425,0.6411,0.6404,0.639,0.634,0.6281,0.6274,0.6214,0.6208,0.6194,0.618,0.6177,0.6173,0.6142,0.6098,0.6,0.5875,0.5862,0.5794,0.5791,0.5787,0.5762,0.5726,0.5548,0.5483,0.5453,0.5408,0.5363,0.5286,0.5239,0.5215,0.5204,0.5078,0.5075,0.5,0.4909,0.4862,0.4774,0.4753,0.4737,0.4713,0.4664,0.4538,0.4387,0.4358,0.4336,0.4281,0.4274,0.4103,0.3938,0.3929,0.3881,0.3771,0.3661,0.3659,0.3645,0.3333,0.3307,0.3305,0.3259,0.3254,0.3216,0.3121,0.2803],[0.9113,0.9103,0.9084,0.8946,0.8627,0.8566,0.8552,0.8323,0.8175,0.8162,0.8113,0.8074,0.7883,0.7806,0.7726,0.7722,0.7701,0.7659,0.7643,0.7475,0.7471,0.7438,0.743,0.7426,0.7418,0.7402,0.7326,0.7243,0.7227,0.7219,0.7172,0.7106,0.7076,0.7033,0.698,0.6931,0.6886,0.6812,0.6793,0.6786,0.672,0.6662,0.664,0.6636,0.6611,0.6586,0.6561,0.6533,0.6494,0.648,0.6473,0.6459,0.641,0.6351,0.6344,0.6286,0.6279,0.6265,0.6252,0.6248,0.6245,0.6214,0.6171,0.6074,0.595,0.5937,0.587,0.5867,0.5864,0.5838,0.5803,0.5627,0.5563,0.5533,0.5488,0.5443,0.5367,0.532,0.5297,0.5286,0.5161,0.5158,0.5083,0.4993,0.4947,0.4859,0.4838,0.4822,0.4799,0.475,0.4625,0.4474,0.4445,0.4423,0.4369,0.4361,0.4192,0.4027,0.4018,0.397,0.386,0.375,0.3748,0.3734,0.3421,0.3395,0.3394,0.3348,0.3342,0.3305,0.3209,0.289],[0.9094,0.9084,0.9064,0.8924,0.8598,0.8536,0.8522,0.8289,0.8138,0.8125,0.8075,0.8035,0.7841,0.7763,0.7681,0.7677,0.7656,0.7613,0.7597,0.7426,0.7421,0.7388,0.738,0.7376,0.7368,0.7352,0.7275,0.719,0.7174,0.7166,0.7119,0.7052,0.702,0.6978,0.6924,0.6874,0.6828,0.6753,0.6734,0.6727,0.666,0.6601,0.6579,0.6575,0.655,0.6524,0.6499,0.647,0.6431,0.6416,0.6409,0.6395,0.6346,0.6286,0.6279,0.622,0.6213,0.6199,0.6186,0.6182,0.6179,0.6148,0.6104,0.6006,0.5881,0.5868,0.58,0.5796,0.5793,0.5768,0.5732,0.5554,0.5489,0.5459,0.5414,0.5369,0.5292,0.5245,0.5222,0.521,0.5084,0.5082,0.5006,0.4915,0.4869,0.478,0.4759,0.4743,0.472,0.467,0.4545,0.4393,0.4364,0.4343,0.4287,0.428,0.411,0.3945,0.3936,0.3888,0.3778,0.3668,0.3666,0.3652,0.3339,0.3314,0.3312,0.3266,0.3261,0.3223,0.3128,0.281],[0.9096,0.9086,0.9065,0.8926,0.86,0.8539,0.8525,0.8291,0.8141,0.8128,0.8078,0.8038,0.7844,0.7767,0.7685,0.7681,0.766,0.7617,0.76,0.743,0.7426,0.7393,0.7384,0.738,0.7372,0.7356,0.7279,0.7195,0.7179,0.7171,0.7123,0.7056,0.7025,0.6982,0.6928,0.6879,0.6833,0.6758,0.6739,0.6732,0.6665,0.6606,0.6584,0.658,0.6555,0.6529,0.6504,0.6475,0.6436,0.6422,0.6415,0.64,0.6351,0.6291,0.6284,0.6225,0.6219,0.6205,0.6191,0.6188,0.6184,0.6153,0.6109,0.6012,0.5887,0.5874,0.5806,0.5802,0.5799,0.5773,0.5738,0.556,0.5496,0.5465,0.542,0.5375,0.5298,0.5251,0.5228,0.5217,0.5091,0.5088,0.5012,0.4922,0.4875,0.4787,0.4766,0.475,0.4726,0.4677,0.4552,0.44,0.4371,0.4349,0.4294,0.4287,0.4117,0.3952,0.3943,0.3895,0.3784,0.3675,0.3673,0.3659,0.3346,0.332,0.3319,0.3273,0.3267,0.323,0.3134,0.2816],[0.9121,0.9111,0.9092,0.8956,0.8639,0.8578,0.8565,0.8337,0.8191,0.8177,0.8129,0.809,0.7901,0.7824,0.7745,0.7741,0.772,0.7678,0.7662,0.7495,0.7491,0.7459,0.7451,0.7447,0.7439,0.7423,0.7347,0.7265,0.7249,0.7241,0.7195,0.7129,0.7098,0.7056,0.7004,0.6955,0.691,0.6836,0.6818,0.681,0.6745,0.6687,0.6665,0.6662,0.6637,0.6612,0.6587,0.6559,0.652,0.6506,0.6499,0.6485,0.6436,0.6378,0.6371,0.6313,0.6306,0.6292,0.6279,0.6276,0.6272,0.6242,0.6198,0.6102,0.5979,0.5966,0.5899,0.5896,0.5893,0.5867,0.5833,0.5657,0.5593,0.5563,0.5518,0.5474,0.5398,0.5352,0.5329,0.5317,0.5193,0.519,0.5115,0.5025,0.4979,0.4892,0.4871,0.4855,0.4832,0.4782,0.4658,0.4508,0.4479,0.4457,0.4402,0.4395,0.4226,0.4061,0.4052,0.4004,0.3894,0.3785,0.3782,0.3768,0.3456,0.343,0.3428,0.3382,0.3377,0.3339,0.3243,0.2923],[0.9113,0.9103,0.9084,0.8946,0.8627,0.8566,0.8552,0.8323,0.8175,0.8162,0.8113,0.8074,0.7883,0.7806,0.7726,0.7722,0.7701,0.7659,0.7643,0.7475,0.7471,0.7438,0.743,0.7426,0.7418,0.7402,0.7326,0.7243,0.7227,0.7219,0.7172,0.7106,0.7076,0.7033,0.698,0.6931,0.6886,0.6812,0.6793,0.6786,0.672,0.6662,0.664,0.6636,0.6611,0.6586,0.6561,0.6533,0.6494,0.648,0.6473,0.6459,0.641,0.6351,0.6344,0.6286,0.6279,0.6265,0.6252,0.6248,0.6245,0.6214,0.6171,0.6074,0.595,0.5937,0.587,0.5867,0.5864,0.5838,0.5803,0.5627,0.5563,0.5533,0.5488,0.5443,0.5367,0.532,0.5297,0.5286,0.5161,0.5158,0.5083,0.4993,0.4947,0.4859,0.4838,0.4822,0.4799,0.475,0.4625,0.4474,0.4445,0.4423,0.4369,0.4361,0.4192,0.4027,0.4018,0.397,0.386,0.375,0.3748,0.3734,0.3421,0.3395,0.3394,0.3348,0.3342,0.3305,0.3209,0.289],[0.9123,0.9113,0.9093,0.8958,0.8641,0.8581,0.8567,0.834,0.8194,0.818,0.8132,0.8093,0.7904,0.7828,0.7749,0.7744,0.7724,0.7682,0.7666,0.7499,0.7495,0.7463,0.7455,0.7451,0.7443,0.7427,0.7351,0.7269,0.7253,0.7245,0.7199,0.7133,0.7103,0.7061,0.7008,0.6959,0.6915,0.6841,0.6823,0.6815,0.675,0.6692,0.667,0.6667,0.6642,0.6617,0.6592,0.6564,0.6525,0.6511,0.6504,0.649,0.6442,0.6383,0.6376,0.6318,0.6311,0.6298,0.6284,0.6281,0.6278,0.6247,0.6204,0.6108,0.5985,0.5972,0.5905,0.5902,0.5898,0.5873,0.5839,0.5663,0.5599,0.5569,0.5524,0.548,0.5404,0.5358,0.5335,0.5323,0.5199,0.5196,0.5122,0.5032,0.4986,0.4898,0.4877,0.4862,0.4838,0.4789,0.4665,0.4514,0.4485,0.4464,0.4409,0.4402,0.4233,0.4068,0.4059,0.4011,0.3901,0.3791,0.3789,0.3775,0.3462,0.3437,0.3435,0.3389,0.3383,0.3345,0.325,0.293],[0.9123,0.9113,0.9093,0.8958,0.8641,0.8581,0.8567,0.834,0.8194,0.818,0.8132,0.8093,0.7904,0.7828,0.7749,0.7744,0.7724,0.7682,0.7666,0.7499,0.7495,0.7463,0.7455,0.7451,0.7443,0.7427,0.7351,0.7269,0.7253,0.7245,0.7199,0.7133,0.7103,0.7061,0.7008,0.6959,0.6915,0.6841,0.6823,0.6815,0.675,0.6692,0.667,0.6667,0.6642,0.6617,0.6592,0.6564,0.6525,0.6511,0.6504,0.649,0.6442,0.6383,0.6376,0.6318,0.6311,0.6298,0.6284,0.6281,0.6278,0.6247,0.6204,0.6108,0.5985,0.5972,0.5905,0.5902,0.5898,0.5873,0.5839,0.5663,0.5599,0.5569,0.5524,0.548,0.5404,0.5358,0.5335,0.5323,0.5199,0.5196,0.5122,0.5032,0.4986,0.4898,0.4877,0.4862,0.4838,0.4789,0.4665,0.4514,0.4485,0.4464,0.4409,0.4402,0.4233,0.4068,0.4059,0.4011,0.3901,0.3791,0.3789,0.3775,0.3462,0.3437,0.3435,0.3389,0.3383,0.3345,0.325,0.293],[0.9088,0.9077,0.9057,0.8916,0.8588,0.8526,0.8512,0.8277,0.8126,0.8112,0.8062,0.8022,0.7827,0.7748,0.7666,0.7662,0.7641,0.7598,0.7581,0.7409,0.7405,0.7372,0.7364,0.7359,0.7351,0.7335,0.7257,0.7172,0.7156,0.7148,0.7101,0.7033,0.7002,0.6959,0.6905,0.6855,0.6809,0.6733,0.6714,0.6707,0.6639,0.658,0.6558,0.6555,0.6529,0.6503,0.6478,0.6449,0.641,0.6395,0.6388,0.6374,0.6324,0.6264,0.6257,0.6198,0.6191,0.6177,0.6163,0.616,0.6156,0.6126,0.6081,0.5983,0.5857,0.5844,0.5776,0.5773,0.577,0.5744,0.5709,0.5529,0.5465,0.5434,0.5389,0.5344,0.5267,0.522,0.5196,0.5185,0.5059,0.5056,0.498,0.4889,0.4843,0.4754,0.4733,0.4717,0.4693,0.4644,0.4518,0.4367,0.4337,0.4316,0.426,0.4253,0.4083,0.3917,0.3909,0.3861,0.375,0.3641,0.3639,0.3624,0.3312,0.3286,0.3284,0.3239,0.3233,0.3196,0.31,0.2783],[0.9126,0.9116,0.9096,0.8961,0.8646,0.8586,0.8572,0.8346,0.82,0.8187,0.8138,0.8099,0.7911,0.7835,0.7756,0.7752,0.7731,0.769,0.7673,0.7507,0.7503,0.7471,0.7463,0.7459,0.7451,0.7435,0.736,0.7277,0.7262,0.7254,0.7208,0.7142,0.7112,0.707,0.7017,0.6969,0.6924,0.6851,0.6832,0.6825,0.676,0.6702,0.668,0.6677,0.6652,0.6627,0.6602,0.6574,0.6535,0.6522,0.6515,0.6501,0.6452,0.6394,0.6387,0.6329,0.6322,0.6309,0.6295,0.6292,0.6289,0.6258,0.6215,0.6119,0.5996,0.5983,0.5916,0.5913,0.591,0.5885,0.585,0.5675,0.5611,0.5581,0.5537,0.5492,0.5417,0.537,0.5347,0.5336,0.5212,0.5209,0.5134,0.5044,0.4999,0.4911,0.489,0.4875,0.4851,0.4802,0.4678,0.4528,0.4499,0.4477,0.4422,0.4415,0.4246,0.4081,0.4073,0.4025,0.3915,0.3805,0.3803,0.3789,0.3476,0.345,0.3448,0.3403,0.3397,0.3359,0.3263,0.2943],[0.91,0.909,0.907,0.8932,0.8608,0.8546,0.8532,0.83,0.8151,0.8137,0.8088,0.8048,0.7855,0.7777,0.7696,0.7692,0.7671,0.7629,0.7612,0.7442,0.7438,0.7405,0.7397,0.7393,0.7385,0.7368,0.7292,0.7208,0.7192,0.7184,0.7137,0.707,0.7039,0.6996,0.6943,0.6893,0.6848,0.6773,0.6754,0.6746,0.668,0.6621,0.6599,0.6596,0.657,0.6545,0.652,0.6491,0.6452,0.6438,0.6431,0.6416,0.6367,0.6308,0.6301,0.6242,0.6235,0.6221,0.6208,0.6204,0.6201,0.617,0.6126,0.6029,0.5904,0.5891,0.5823,0.582,0.5817,0.5791,0.5756,0.5578,0.5514,0.5484,0.5438,0.5394,0.5317,0.527,0.5247,0.5235,0.511,0.5107,0.5032,0.4941,0.4895,0.4807,0.4786,0.477,0.4746,0.4697,0.4572,0.442,0.4391,0.437,0.4315,0.4307,0.4137,0.3972,0.3963,0.3916,0.3805,0.3695,0.3693,0.3679,0.3367,0.3341,0.3339,0.3293,0.3288,0.325,0.3155,0.2836],[0.9121,0.9111,0.9092,0.8956,0.8639,0.8578,0.8565,0.8337,0.8191,0.8177,0.8129,0.809,0.7901,0.7824,0.7745,0.7741,0.772,0.7678,0.7662,0.7495,0.7491,0.7459,0.7451,0.7447,0.7439,0.7423,0.7347,0.7265,0.7249,0.7241,0.7195,0.7129,0.7098,0.7056,0.7004,0.6955,0.691,0.6836,0.6818,0.681,0.6745,0.6687,0.6665,0.6662,0.6637,0.6612,0.6587,0.6559,0.652,0.6506,0.6499,0.6485,0.6436,0.6378,0.6371,0.6313,0.6306,0.6292,0.6279,0.6276,0.6272,0.6242,0.6198,0.6102,0.5979,0.5966,0.5899,0.5896,0.5893,0.5867,0.5833,0.5657,0.5593,0.5563,0.5518,0.5474,0.5398,0.5352,0.5329,0.5317,0.5193,0.519,0.5115,0.5025,0.4979,0.4892,0.4871,0.4855,0.4832,0.4782,0.4658,0.4508,0.4479,0.4457,0.4402,0.4395,0.4226,0.4061,0.4052,0.4004,0.3894,0.3785,0.3782,0.3768,0.3456,0.343,0.3428,0.3382,0.3377,0.3339,0.3243,0.2923],[0.911,0.91,0.908,0.8943,0.8622,0.8561,0.8547,0.8317,0.8169,0.8156,0.8107,0.8067,0.7876,0.7799,0.7719,0.7715,0.7694,0.7652,0.7635,0.7466,0.7462,0.743,0.7422,0.7418,0.741,0.7394,0.7317,0.7234,0.7218,0.721,0.7163,0.7097,0.7067,0.7024,0.6971,0.6922,0.6877,0.6802,0.6783,0.6776,0.671,0.6652,0.663,0.6626,0.6601,0.6576,0.6551,0.6522,0.6483,0.6469,0.6462,0.6448,0.6399,0.634,0.6333,0.6275,0.6268,0.6254,0.6241,0.6237,0.6234,0.6203,0.616,0.6063,0.5939,0.5926,0.5858,0.5855,0.5852,0.5826,0.5792,0.5614,0.5551,0.552,0.5475,0.5431,0.5354,0.5308,0.5285,0.5273,0.5148,0.5146,0.507,0.498,0.4934,0.4846,0.4825,0.4809,0.4786,0.4736,0.4612,0.4461,0.4432,0.441,0.4355,0.4348,0.4178,0.4013,0.4004,0.3957,0.3846,0.3737,0.3735,0.372,0.3408,0.3382,0.338,0.3334,0.3329,0.3291,0.3195,0.2876],[0.9089,0.9079,0.9059,0.8918,0.8591,0.8529,0.8514,0.828,0.8129,0.8115,0.8065,0.8025,0.783,0.7752,0.767,0.7666,0.7644,0.7602,0.7585,0.7413,0.7409,0.7376,0.7368,0.7364,0.7355,0.7339,0.7262,0.7177,0.7161,0.7153,0.7105,0.7038,0.7007,0.6964,0.6909,0.6859,0.6814,0.6738,0.6719,0.6712,0.6645,0.6585,0.6563,0.656,0.6534,0.6509,0.6483,0.6454,0.6415,0.6401,0.6393,0.6379,0.6329,0.627,0.6263,0.6203,0.6197,0.6183,0.6169,0.6165,0.6162,0.6131,0.6087,0.5989,0.5863,0.585,0.5782,0.5779,0.5775,0.575,0.5715,0.5536,0.5471,0.544,0.5395,0.535,0.5273,0.5226,0.5203,0.5191,0.5065,0.5062,0.4987,0.4896,0.4849,0.4761,0.4739,0.4724,0.47,0.465,0.4525,0.4373,0.4344,0.4322,0.4267,0.426,0.409,0.3924,0.3915,0.3868,0.3757,0.3647,0.3645,0.3631,0.3319,0.3293,0.3291,0.3246,0.324,0.3202,0.3107,0.279],[0.9146,0.9136,0.9117,0.8985,0.8676,0.8617,0.8604,0.8382,0.8239,0.8226,0.8179,0.814,0.7955,0.7881,0.7803,0.7799,0.7779,0.7738,0.7722,0.7559,0.7555,0.7523,0.7515,0.7511,0.7503,0.7488,0.7414,0.7333,0.7318,0.731,0.7264,0.72,0.717,0.7129,0.7077,0.7029,0.6985,0.6913,0.6895,0.6888,0.6823,0.6766,0.6745,0.6742,0.6717,0.6693,0.6668,0.664,0.6602,0.6589,0.6582,0.6568,0.652,0.6463,0.6456,0.6399,0.6392,0.6379,0.6365,0.6362,0.6359,0.6329,0.6286,0.6192,0.607,0.6057,0.5991,0.5988,0.5985,0.596,0.5926,0.5752,0.5689,0.566,0.5616,0.5572,0.5497,0.5451,0.5428,0.5417,0.5294,0.5291,0.5217,0.5128,0.5082,0.4996,0.4975,0.4959,0.4936,0.4887,0.4764,0.4614,0.4586,0.4564,0.451,0.4503,0.4334,0.417,0.4161,0.4114,0.4003,0.3894,0.3892,0.3878,0.3565,0.3539,0.3537,0.3491,0.3486,0.3448,0.3352,0.3031]],"times":[171,173,177,205,272,285,288,338,371,374,385,394,438,456,475,476,481,491,495,536,537,545,547,548,550,554,573,594,598,600,612,629,637,648,662,675,687,707,712,714,732,748,754,755,762,769,776,784,795,799,801,805,819,836,838,855,857,861,865,866,867,876,889,918,956,960,981,982,983,991,1002,1059,1080,1090,1105,1120,1146,1162,1170,1174,1218,1219,1246,1279,1296,1329,1337,1343,1352,1371,1420,1481,1493,1502,1525,1528,1601,1675,1679,1701,1753,1806,1807,1814,1975,1989,1990,2015,2018,2039,2093,2286],"brier_score_survMetrics":[0.0105,0.013,0.0158,0.0206,0.0299,0.0357,0.0382,0.0463,0.0526,0.055,0.0584,0.0615,0.0696,0.074,0.0785,0.0803,0.0827,0.0859,0.0881,0.0958,0.0975,0.1002,0.102,0.1036,0.1054,0.109,0.1132,0.1177,0.1197,0.1213,0.1244,0.1282,0.1307,0.1336,0.1369,0.14,0.143,0.147,0.1489,0.1504,0.1541,0.1575,0.1595,0.1607,0.1628,0.1648,0.1668,0.1689,0.1714,0.173,0.1742,0.1758,0.1785,0.1817,0.1829,0.1859,0.1871,0.1883,0.1896,0.1906,0.1915,0.1935,0.1959,0.2002,0.2056,0.2067,0.2099,0.2106,0.2113,0.2129,0.2148,0.2223,0.2254,0.2269,0.2294,0.2316,0.235,0.2371,0.2382,0.2388,0.2442,0.2444,0.2475,0.2513,0.2533,0.257,0.2577,0.2583,0.2591,0.2609,0.266,0.2723,0.2732,0.2736,0.2755,0.2752,0.2822,0.2891,0.2884,0.2895,0.2931,0.2966,0.2946,0.2913,0.3026,0.2999,0.2964,0.2941,0.2899,0.2869,0.2846,0.2835],"ibrier_score_survMetrics":[0.2081],"brier_score_survAUC":[0.0061,0.0091,0.0122,0.0154,0.0189,0.0251,0.0282,0.0317,0.0352,0.0383,0.0415,0.0446,0.0479,0.0511,0.0667,0.072,0.0751,0.0798,0.0829,0.0862,0.0894,0.0926,0.0958,0.099,0.1021,0.1021,0.1054,0.1085,0.1117,0.1149,0.118,0.1214,0.1247,0.1279,0.1315,0.1348,0.1381,0.1414,0.1447,0.1479,0.1516,0.1522,0.1558,0.1592,0.1593,0.1629,0.1667,0.1704,0.174,0.1776,0.1812,0.1848,0.1884,0.1922,0.1959,0.2,0.2037,0.2078,0.2116,0.2154,0.2192,0.2325,0.2378,0.2436,0.2484,0.2526,0.2582,0.2624,0.2666,0.2707,0.2749,0.2798,0.2845,0.2893,0.2998,0.3046,0.3093,0.3144,0.3198,0.3243,0.3327,0.3375,0.3439,0.3492,0.3545,0.3606,0.3661,0.3712,0.3772,0.3836,0.3895,0.4023,0.4111,0.41,0.4103,0.4165,0.4262,0.4248,0.432,0.4384,0.4497,0.4454,0.4543,0.4594,0.5075,0.5388,0.5202,0.5701,0.5936,0.666,0.7524,0.6898],"ibrier_score_survAUC":[0.5484]},{"train_time":[1838,403,1603,177,1855,842,293,42,564,1093,436,238,723,503,448,359,1720,1306,942,370,959,552,392,698,249,2051,1356,530,1150,956,679,1820,1013,1225,417,343,488,1862,1763,1587,446,344,63,1483,827,296,1701,2014,2030,722,286,184,1469,276,797,2128,1177,1449,1108,1460,533,1434,168,525,180,471,350,1167,855,449,745,544,186,308,1856,1965,546,1183,1826,360,797,375,779,336,578,463,526,502,540,721,1729,275,2030,72,17,420,2027,891,1352,1192,737,936,1089,377,1655,740,650,1981,742,1977,628,624,733,177,1207,542,1756,515,1459,233,455,379,223,622,426,227,1100,1693,1977,717,1434,973,498,557,650,1751,160,770,1441,424,1730,65,1387,242,792,500,1653,338,731,426,772,1884,1185,359,369,2007,2372,2353,1388,1193,358,175,1366,1163,2233,595,529,1472,2372,410,281,1675,1077,251,541,1192,859,518,548,1140,535,2024,1826,1094,29,2239,1589,504,308,657,1502,624,586,316,120,550,181,1685,828,114,2456,855,632,918,1195,272,2205,548,918,71,1317,195,790,1093,15,870,2034,490,859,486,974,1463,631,2052,1637,2126,1230,1838,758,476,1918,972,307,563,329,191,357,1735,429,729,1557,727,1841,1036,747,825,1363,1560,577,1157,1842,465,2612,964,559,1483,1641,1280,1280,571,1604,567,473,420,370,615,1331,1863,169,1182,415,594,854,305,1854,766,281,1521,945,893,2009,98,2563,1666,1208,859,2467,552,1459,1582,1956,575,853,1443,579,1091,544,247,663,348,2401,740,888,1090,148,730,372,1231,1253,1062,772,1349,1965,1240,1789,2551,1164,972,1868,1866,751,1598,113,1756,491,646,491,1684,16,2059,460,2048,883,890,1043,353,1833,1905,338,241,2144,2014,670],"train_status":[0,1,0,0,0,1,1,0,1,1,1,1,0,1,1,1,0,1,0,1,1,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,0,1,1,1,1,0,0,1,0,0,0,1,1,1,1,0,0,1,0,0,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,1,0,0,0,1,0,1,1,1,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,1,0,1,0,1,1,1,1,1,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,1,1,1,0,0,0,1,1,0,1,0,1,1,1,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,1,1,1,1,0,0,1,0,0,1,1,1,0,0,1,1,1,1,1,1,0,0,0,1,1,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,1,1,1,1,1,0,0,1,0,1,0,1,1,0,1,0,1,1,0,1,0,1,1,0,1,1,1,1,0,0,1,1,1,0,0,0,1,0,1,1,0,1,0,0,1,1,1,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,1,1,1,0,0,1,0,1,1,1,1,0,0,1,1,0,0,1],"test_time":[1222,858,675,2438,1502,229,598,1570,940,1296,855,967,1342,1401,495,836,2227,573,1601,1624,1080,754,867,769,1722,1722,1481,1357,1089,1525,768,1277,2234,1343,537,1904,918,2161,806,623,1814,877,456,936,288,956,995,945,712,1219,981,1729,2153,173,2156,1212,1059,1600,1878,2015,536,2057,1078,687,1807,1632,2018,67,1243,857,675,1976,1959,1852,1702,960,1714,1232,272,1786,371,1990,374,1351,2192,933,798,1989,545,18,1170,1807,547,1753,2170,1420,707,1730,1264,1105,1109,1791,1475,889,761,648,1113,1645,1528,857,1499,1355,838,1693,1979,481,8,637,1441,171,1527,2296,2011,801,1806,1120,819,1341,1514,566,554,1707,46,1174,1246,1493,612,1162,2177,753,841,1219,734,805,969,1897,1095,2217,310,1358,1722,1703,1743,1821,662,1146,385,2380,1701,195,1818,748,1692,1679,1490,2388,1833,1629,732,795,1781,2370,867,1861,1627,1371,2297,1642,2056,2138,2065,2049,1296,974,1337,623,695,1645,986,1680,594,1717,273,1717,1926,876,1840,1095,1922,1765,596,1323,1002,741,2017,322,776,554,1329,1233,57,1356,1502,2320,548,491,2172,550,1352,1701,1152,784,916,475,2161,2556,529,629,1666,652,1117,2132,1218,368,1427,1858,1340,1938,1818,1114,1846,1329,866,2195,1853,2237,1169,2456,476,1088,1721,1984,432,1751,205,747,1771,2010,861,1675,1090,1472,285,1847,1171,2659,2539,2449,2093,2286,762,1435,1105,1624,982,865,1720,1432,2271,1926,755,2009,1625,1343,1119,285,692,1933,17,651,1499,1834,2471,570,600,637,2039,438,2388,1250,1486,714,799,1767,2237,2175,319,1125,892,394,1279,1205,1505,1975,1617,2372,1350,970,213,1094,1364,2148,338,177,983,1283,1869,461,1814,740,1703,1578,722,553,991,967,1499,1222,1760,1152,1342,629,758],"test_status":[0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,1,1,0,1,0,1,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,1,1,0,0,0,1,0,0,1,1,1,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,1,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0,1,1,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0],"estimate":[[0.8947,0.8935,0.8912,0.8751,0.8378,0.8307,0.8291,0.8026,0.7855,0.784,0.7784,0.7738,0.752,0.7432,0.7341,0.7336,0.7312,0.7265,0.7246,0.7055,0.7051,0.7014,0.7005,0.7,0.6991,0.6973,0.6887,0.6794,0.6776,0.6767,0.6715,0.6641,0.6606,0.6559,0.65,0.6445,0.6395,0.6312,0.6292,0.6284,0.621,0.6146,0.6122,0.6118,0.609,0.6063,0.6035,0.6004,0.5961,0.5945,0.5938,0.5922,0.5869,0.5804,0.5796,0.5733,0.5725,0.571,0.5696,0.5692,0.5688,0.5655,0.5607,0.5502,0.5368,0.5354,0.5281,0.5278,0.5275,0.5247,0.521,0.502,0.4952,0.492,0.4872,0.4825,0.4744,0.4695,0.467,0.4658,0.4527,0.4524,0.4445,0.435,0.4303,0.4211,0.4189,0.4173,0.4149,0.4098,0.3969,0.3815,0.3785,0.3763,0.3707,0.37,0.3528,0.3362,0.3353,0.3306,0.3196,0.3087,0.3085,0.3071,0.2766,0.2741,0.2739,0.2695,0.269,0.2653,0.2561,0.2259],[0.9149,0.9139,0.912,0.8988,0.868,0.8622,0.8608,0.8387,0.8245,0.8232,0.8185,0.8146,0.7962,0.7888,0.781,0.7806,0.7786,0.7745,0.7729,0.7566,0.7562,0.7531,0.7523,0.7519,0.7511,0.7496,0.7422,0.7341,0.7326,0.7318,0.7273,0.7209,0.7179,0.7138,0.7086,0.7038,0.6995,0.6922,0.6904,0.6897,0.6833,0.6776,0.6755,0.6751,0.6727,0.6702,0.6678,0.665,0.6612,0.6599,0.6592,0.6578,0.653,0.6473,0.6466,0.6409,0.6402,0.6389,0.6376,0.6372,0.6369,0.6339,0.6297,0.6202,0.6081,0.6068,0.6002,0.5999,0.5996,0.5971,0.5937,0.5764,0.5701,0.5671,0.5627,0.5584,0.5509,0.5463,0.544,0.5429,0.5306,0.5303,0.5229,0.514,0.5095,0.5008,0.4987,0.4972,0.4949,0.49,0.4777,0.4627,0.4599,0.4577,0.4523,0.4516,0.4347,0.4183,0.4174,0.4127,0.4017,0.3907,0.3905,0.3891,0.3579,0.3553,0.3551,0.3505,0.3499,0.3461,0.3365,0.3044],[0.9093,0.9083,0.9063,0.8923,0.8596,0.8534,0.852,0.8286,0.8136,0.8122,0.8073,0.8032,0.7838,0.776,0.7679,0.7674,0.7653,0.7611,0.7594,0.7422,0.7418,0.7385,0.7377,0.7373,0.7365,0.7349,0.7271,0.7187,0.7171,0.7163,0.7115,0.7048,0.7017,0.6974,0.692,0.687,0.6825,0.6749,0.673,0.6723,0.6656,0.6597,0.6575,0.6571,0.6546,0.652,0.6495,0.6466,0.6427,0.6412,0.6405,0.6391,0.6342,0.6282,0.6275,0.6216,0.6209,0.6195,0.6181,0.6178,0.6175,0.6144,0.6099,0.6002,0.5876,0.5863,0.5795,0.5792,0.5789,0.5763,0.5728,0.5549,0.5485,0.5454,0.5409,0.5364,0.5287,0.524,0.5217,0.5205,0.508,0.5077,0.5001,0.491,0.4864,0.4776,0.4754,0.4738,0.4715,0.4665,0.454,0.4388,0.4359,0.4337,0.4282,0.4275,0.4105,0.394,0.3931,0.3883,0.3772,0.3663,0.3661,0.3647,0.3334,0.3308,0.3307,0.3261,0.3255,0.3218,0.3122,0.2805],[0.9187,0.9178,0.916,0.9033,0.8738,0.8682,0.8669,0.8457,0.8319,0.8307,0.8262,0.8225,0.8047,0.7976,0.7901,0.7897,0.7878,0.7839,0.7823,0.7666,0.7662,0.7632,0.7624,0.762,0.7613,0.7598,0.7526,0.7448,0.7434,0.7426,0.7382,0.732,0.7291,0.7251,0.7201,0.7155,0.7113,0.7042,0.7025,0.7018,0.6956,0.6901,0.688,0.6877,0.6853,0.6829,0.6805,0.6778,0.6742,0.6728,0.6722,0.6708,0.6662,0.6606,0.6599,0.6544,0.6537,0.6524,0.6512,0.6508,0.6505,0.6476,0.6434,0.6343,0.6224,0.6212,0.6147,0.6144,0.6141,0.6117,0.6084,0.5914,0.5853,0.5824,0.5781,0.5738,0.5664,0.562,0.5597,0.5586,0.5466,0.5463,0.539,0.5303,0.5258,0.5173,0.5153,0.5137,0.5114,0.5066,0.4945,0.4797,0.4769,0.4748,0.4694,0.4687,0.452,0.4357,0.4349,0.4301,0.4192,0.4083,0.4081,0.4067,0.3755,0.3729,0.3727,0.3681,0.3676,0.3638,0.3541,0.3218],[0.9208,0.9199,0.9181,0.9058,0.8769,0.8714,0.8702,0.8494,0.836,0.8348,0.8304,0.8268,0.8094,0.8024,0.7951,0.7947,0.7928,0.7889,0.7874,0.772,0.7716,0.7686,0.7679,0.7675,0.7668,0.7653,0.7583,0.7507,0.7492,0.7485,0.7442,0.7381,0.7353,0.7314,0.7264,0.7219,0.7177,0.7108,0.7091,0.7084,0.7023,0.6969,0.6949,0.6945,0.6922,0.6899,0.6875,0.6849,0.6812,0.6799,0.6793,0.678,0.6734,0.6679,0.6673,0.6618,0.6612,0.6599,0.6586,0.6583,0.658,0.6551,0.651,0.642,0.6303,0.6291,0.6227,0.6224,0.6221,0.6197,0.6165,0.5997,0.5937,0.5908,0.5866,0.5823,0.5751,0.5706,0.5684,0.5673,0.5554,0.5551,0.548,0.5393,0.5349,0.5264,0.5244,0.5229,0.5206,0.5159,0.5038,0.4892,0.4864,0.4842,0.4789,0.4782,0.4616,0.4454,0.4446,0.4399,0.429,0.4181,0.4179,0.4165,0.3854,0.3828,0.3826,0.378,0.3775,0.3737,0.364,0.3316],[0.9193,0.9184,0.9165,0.904,0.8747,0.8691,0.8678,0.8467,0.8331,0.8318,0.8273,0.8237,0.806,0.7989,0.7915,0.7911,0.7891,0.7853,0.7837,0.7681,0.7677,0.7647,0.7639,0.7635,0.7628,0.7613,0.7542,0.7464,0.745,0.7442,0.7398,0.7337,0.7308,0.7268,0.7219,0.7173,0.713,0.706,0.7043,0.7036,0.6974,0.6919,0.6899,0.6896,0.6872,0.6848,0.6825,0.6798,0.6761,0.6748,0.6741,0.6728,0.6682,0.6626,0.6619,0.6564,0.6558,0.6545,0.6532,0.6529,0.6526,0.6497,0.6455,0.6364,0.6246,0.6234,0.6169,0.6166,0.6163,0.6139,0.6106,0.5937,0.5876,0.5847,0.5804,0.5761,0.5688,0.5643,0.5621,0.561,0.549,0.5487,0.5415,0.5328,0.5283,0.5198,0.5178,0.5162,0.5139,0.5092,0.497,0.4823,0.4795,0.4774,0.472,0.4713,0.4546,0.4384,0.4375,0.4328,0.4219,0.411,0.4108,0.4094,0.3782,0.3756,0.3754,0.3708,0.3703,0.3665,0.3568,0.3245],[0.9264,0.9256,0.924,0.9125,0.8855,0.8804,0.8792,0.8598,0.8472,0.8461,0.8419,0.8386,0.8222,0.8157,0.8088,0.8084,0.8066,0.803,0.8016,0.787,0.7867,0.7838,0.7831,0.7828,0.7821,0.7807,0.7741,0.7669,0.7655,0.7648,0.7607,0.755,0.7523,0.7486,0.7439,0.7396,0.7357,0.7291,0.7275,0.7268,0.721,0.7159,0.714,0.7136,0.7114,0.7092,0.707,0.7044,0.701,0.6997,0.6991,0.6979,0.6935,0.6883,0.6877,0.6824,0.6818,0.6806,0.6794,0.6791,0.6788,0.6761,0.6722,0.6635,0.6523,0.6512,0.6451,0.6448,0.6445,0.6422,0.6391,0.623,0.6172,0.6144,0.6103,0.6062,0.5992,0.595,0.5928,0.5918,0.5803,0.58,0.573,0.5647,0.5604,0.5522,0.5502,0.5487,0.5465,0.5419,0.5302,0.5159,0.5132,0.5111,0.5059,0.5052,0.489,0.4731,0.4722,0.4676,0.4569,0.4462,0.446,0.4446,0.4137,0.4111,0.411,0.4064,0.4059,0.4021,0.3925,0.36],[0.9134,0.9124,0.9105,0.8971,0.8658,0.8599,0.8585,0.836,0.8216,0.8202,0.8155,0.8116,0.7929,0.7854,0.7775,0.7771,0.775,0.7709,0.7693,0.7528,0.7524,0.7492,0.7484,0.748,0.7472,0.7456,0.7382,0.73,0.7285,0.7277,0.7231,0.7166,0.7136,0.7094,0.7042,0.6993,0.6949,0.6876,0.6858,0.685,0.6785,0.6728,0.6707,0.6703,0.6678,0.6654,0.6629,0.6601,0.6563,0.6549,0.6542,0.6528,0.648,0.6422,0.6415,0.6357,0.6351,0.6337,0.6324,0.632,0.6317,0.6287,0.6244,0.6149,0.6026,0.6013,0.5947,0.5944,0.594,0.5915,0.5881,0.5706,0.5643,0.5613,0.5569,0.5525,0.5449,0.5403,0.538,0.5369,0.5245,0.5242,0.5168,0.5078,0.5033,0.4945,0.4925,0.4909,0.4886,0.4837,0.4713,0.4563,0.4534,0.4512,0.4458,0.4451,0.4282,0.4117,0.4108,0.4061,0.395,0.3841,0.3839,0.3825,0.3512,0.3486,0.3484,0.3438,0.3433,0.3395,0.3299,0.2979],[0.9095,0.9084,0.9064,0.8925,0.8599,0.8537,0.8523,0.8289,0.8139,0.8125,0.8076,0.8036,0.7842,0.7764,0.7682,0.7678,0.7657,0.7615,0.7598,0.7427,0.7423,0.739,0.7381,0.7377,0.7369,0.7353,0.7276,0.7191,0.7175,0.7168,0.712,0.7053,0.7022,0.6979,0.6925,0.6875,0.683,0.6754,0.6735,0.6728,0.6661,0.6602,0.658,0.6577,0.6551,0.6526,0.65,0.6472,0.6432,0.6418,0.6411,0.6397,0.6347,0.6288,0.6281,0.6222,0.6215,0.6201,0.6187,0.6184,0.618,0.6149,0.6105,0.6008,0.5882,0.5869,0.5801,0.5798,0.5795,0.5769,0.5734,0.5556,0.5491,0.5461,0.5415,0.5371,0.5294,0.5247,0.5224,0.5212,0.5086,0.5083,0.5008,0.4917,0.4871,0.4782,0.4761,0.4745,0.4722,0.4672,0.4547,0.4395,0.4366,0.4344,0.4289,0.4282,0.4112,0.3947,0.3938,0.389,0.3779,0.367,0.3668,0.3654,0.3341,0.3315,0.3314,0.3268,0.3263,0.3225,0.3129,0.2812],[0.9015,0.9004,0.8983,0.8831,0.848,0.8413,0.8398,0.8147,0.7986,0.7972,0.7919,0.7875,0.7668,0.7585,0.7498,0.7494,0.7471,0.7426,0.7408,0.7226,0.7222,0.7187,0.7178,0.7174,0.7165,0.7148,0.7066,0.6976,0.6959,0.6951,0.6901,0.683,0.6797,0.6752,0.6695,0.6642,0.6594,0.6514,0.6495,0.6487,0.6416,0.6355,0.6331,0.6328,0.6301,0.6274,0.6248,0.6217,0.6176,0.6161,0.6154,0.6139,0.6087,0.6024,0.6017,0.5955,0.5948,0.5934,0.592,0.5916,0.5912,0.588,0.5834,0.5732,0.5602,0.5588,0.5518,0.5514,0.5511,0.5484,0.5448,0.5263,0.5196,0.5165,0.5118,0.5072,0.4992,0.4944,0.492,0.4908,0.4779,0.4776,0.4699,0.4606,0.4559,0.4468,0.4447,0.443,0.4406,0.4356,0.4228,0.4075,0.4045,0.4023,0.3968,0.396,0.3789,0.3623,0.3614,0.3566,0.3456,0.3346,0.3344,0.333,0.302,0.2995,0.2993,0.2948,0.2943,0.2906,0.2812,0.2502],[0.9211,0.9202,0.9185,0.9062,0.8775,0.872,0.8708,0.8501,0.8367,0.8355,0.8311,0.8276,0.8102,0.8033,0.796,0.7956,0.7937,0.7899,0.7884,0.773,0.7726,0.7696,0.7689,0.7685,0.7678,0.7663,0.7594,0.7517,0.7503,0.7496,0.7453,0.7392,0.7364,0.7325,0.7276,0.7231,0.7189,0.712,0.7103,0.7096,0.7035,0.6981,0.6961,0.6958,0.6935,0.6911,0.6888,0.6862,0.6825,0.6812,0.6806,0.6793,0.6747,0.6692,0.6686,0.6632,0.6625,0.6612,0.66,0.6597,0.6593,0.6565,0.6524,0.6434,0.6317,0.6305,0.6242,0.6239,0.6236,0.6212,0.6179,0.6012,0.5952,0.5924,0.5881,0.5839,0.5766,0.5722,0.57,0.5689,0.557,0.5568,0.5496,0.5409,0.5365,0.5281,0.5261,0.5246,0.5223,0.5176,0.5055,0.4909,0.4881,0.486,0.4806,0.48,0.4634,0.4472,0.4464,0.4417,0.4308,0.4199,0.4197,0.4183,0.3872,0.3846,0.3844,0.3798,0.3793,0.3755,0.3659,0.3335],[0.9164,0.9154,0.9136,0.9006,0.8703,0.8645,0.8632,0.8415,0.8274,0.8261,0.8215,0.8177,0.7996,0.7922,0.7846,0.7842,0.7822,0.7782,0.7766,0.7605,0.7601,0.757,0.7563,0.7559,0.7551,0.7536,0.7463,0.7383,0.7368,0.7361,0.7316,0.7252,0.7223,0.7182,0.7131,0.7084,0.7041,0.6969,0.6951,0.6944,0.6881,0.6825,0.6804,0.68,0.6776,0.6752,0.6728,0.67,0.6663,0.6649,0.6643,0.6629,0.6582,0.6525,0.6518,0.6462,0.6455,0.6442,0.6429,0.6426,0.6422,0.6393,0.6351,0.6257,0.6137,0.6124,0.6059,0.6056,0.6053,0.6028,0.5994,0.5822,0.576,0.5731,0.5687,0.5644,0.5569,0.5524,0.5502,0.549,0.5368,0.5366,0.5292,0.5204,0.5159,0.5072,0.5052,0.5036,0.5013,0.4965,0.4842,0.4694,0.4665,0.4643,0.4589,0.4582,0.4415,0.4251,0.4242,0.4195,0.4085,0.3976,0.3974,0.396,0.3647,0.3621,0.3619,0.3573,0.3568,0.353,0.3434,0.3111],[0.9049,0.9039,0.9017,0.8871,0.853,0.8466,0.8451,0.8208,0.8051,0.8037,0.7985,0.7944,0.7742,0.7661,0.7576,0.7572,0.755,0.7506,0.7488,0.7311,0.7307,0.7273,0.7264,0.726,0.7251,0.7235,0.7155,0.7067,0.7051,0.7043,0.6993,0.6924,0.6892,0.6848,0.6792,0.6741,0.6694,0.6616,0.6596,0.6589,0.652,0.6459,0.6437,0.6433,0.6407,0.638,0.6354,0.6325,0.6284,0.627,0.6262,0.6248,0.6197,0.6135,0.6128,0.6068,0.6061,0.6046,0.6032,0.6029,0.6025,0.5994,0.5948,0.5848,0.572,0.5707,0.5637,0.5634,0.563,0.5604,0.5568,0.5386,0.532,0.5289,0.5243,0.5197,0.5119,0.5071,0.5048,0.5036,0.4908,0.4905,0.4828,0.4736,0.4689,0.46,0.4578,0.4562,0.4538,0.4488,0.4362,0.4209,0.4179,0.4157,0.4102,0.4095,0.3924,0.3758,0.3749,0.3701,0.359,0.3481,0.3479,0.3465,0.3154,0.3128,0.3126,0.3081,0.3075,0.3038,0.2943,0.263],[0.9284,0.9276,0.926,0.9148,0.8885,0.8835,0.8824,0.8634,0.8511,0.85,0.8459,0.8426,0.8267,0.8202,0.8135,0.8131,0.8114,0.8079,0.8065,0.7922,0.7919,0.7891,0.7884,0.7881,0.7874,0.786,0.7796,0.7725,0.7712,0.7705,0.7665,0.7608,0.7582,0.7546,0.75,0.7458,0.7419,0.7355,0.7339,0.7332,0.7275,0.7225,0.7206,0.7203,0.7181,0.7159,0.7138,0.7113,0.7079,0.7067,0.706,0.7048,0.7005,0.6954,0.6948,0.6897,0.6891,0.6879,0.6867,0.6864,0.6861,0.6834,0.6796,0.671,0.6601,0.6589,0.6529,0.6526,0.6524,0.6501,0.647,0.6312,0.6254,0.6227,0.6187,0.6147,0.6077,0.6035,0.6014,0.6004,0.589,0.5888,0.5819,0.5736,0.5694,0.5613,0.5593,0.5579,0.5557,0.5511,0.5395,0.5254,0.5227,0.5206,0.5155,0.5148,0.4987,0.4829,0.4821,0.4775,0.4668,0.4562,0.456,0.4546,0.4239,0.4213,0.4212,0.4166,0.4161,0.4123,0.4027,0.3703],[0.9244,0.9235,0.9219,0.9101,0.8825,0.8772,0.876,0.8561,0.8432,0.842,0.8378,0.8343,0.8176,0.8109,0.8038,0.8035,0.8016,0.7979,0.7965,0.7816,0.7812,0.7784,0.7777,0.7773,0.7766,0.7752,0.7684,0.761,0.7596,0.7589,0.7548,0.7489,0.7461,0.7424,0.7376,0.7332,0.7292,0.7225,0.7209,0.7202,0.7143,0.709,0.7071,0.7067,0.7045,0.7022,0.7,0.6974,0.6939,0.6926,0.692,0.6907,0.6862,0.6809,0.6803,0.675,0.6744,0.6731,0.6719,0.6716,0.6713,0.6685,0.6645,0.6557,0.6444,0.6432,0.637,0.6367,0.6364,0.6341,0.6309,0.6146,0.6087,0.6059,0.6017,0.5976,0.5905,0.5861,0.584,0.5829,0.5712,0.571,0.5639,0.5554,0.5511,0.5428,0.5408,0.5393,0.5371,0.5324,0.5206,0.5062,0.5034,0.5013,0.496,0.4954,0.479,0.463,0.4621,0.4575,0.4467,0.4359,0.4357,0.4343,0.4033,0.4008,0.4006,0.396,0.3955,0.3917,0.3821,0.3496],[0.9117,0.9108,0.9088,0.8951,0.8633,0.8573,0.8559,0.8331,0.8184,0.817,0.8122,0.8082,0.7893,0.7816,0.7736,0.7732,0.7711,0.767,0.7653,0.7486,0.7482,0.7449,0.7441,0.7437,0.7429,0.7413,0.7337,0.7255,0.7239,0.7231,0.7184,0.7119,0.7088,0.7046,0.6993,0.6944,0.6899,0.6825,0.6807,0.6799,0.6733,0.6675,0.6654,0.665,0.6625,0.66,0.6575,0.6547,0.6508,0.6494,0.6487,0.6473,0.6424,0.6365,0.6359,0.63,0.6294,0.628,0.6266,0.6263,0.626,0.6229,0.6186,0.609,0.5966,0.5953,0.5886,0.5883,0.5879,0.5854,0.5819,0.5643,0.5579,0.5549,0.5504,0.546,0.5384,0.5337,0.5314,0.5303,0.5178,0.5176,0.5101,0.501,0.4965,0.4877,0.4856,0.484,0.4817,0.4767,0.4643,0.4492,0.4463,0.4442,0.4387,0.438,0.421,0.4045,0.4037,0.3989,0.3878,0.3769,0.3767,0.3753,0.344,0.3414,0.3412,0.3366,0.3361,0.3323,0.3227,0.2908],[0.9101,0.9091,0.9071,0.8932,0.8608,0.8547,0.8533,0.8301,0.8151,0.8138,0.8089,0.8049,0.7856,0.7778,0.7697,0.7693,0.7672,0.763,0.7613,0.7443,0.7439,0.7406,0.7398,0.7394,0.7386,0.7369,0.7293,0.7209,0.7193,0.7185,0.7138,0.7071,0.704,0.6997,0.6944,0.6894,0.6849,0.6774,0.6755,0.6748,0.6681,0.6622,0.66,0.6597,0.6571,0.6546,0.6521,0.6492,0.6453,0.6439,0.6432,0.6418,0.6368,0.6309,0.6302,0.6243,0.6236,0.6223,0.6209,0.6205,0.6202,0.6171,0.6127,0.603,0.5905,0.5892,0.5824,0.5821,0.5818,0.5792,0.5757,0.5579,0.5515,0.5485,0.544,0.5395,0.5318,0.5272,0.5248,0.5237,0.5111,0.5109,0.5033,0.4942,0.4896,0.4808,0.4787,0.4771,0.4748,0.4698,0.4573,0.4422,0.4393,0.4371,0.4316,0.4309,0.4139,0.3974,0.3965,0.3917,0.3806,0.3697,0.3695,0.3681,0.3368,0.3342,0.334,0.3295,0.3289,0.3251,0.3156,0.2838],[0.9329,0.9321,0.9306,0.9201,0.8954,0.8907,0.8896,0.8717,0.8601,0.8591,0.8552,0.8521,0.837,0.8309,0.8245,0.8242,0.8225,0.8192,0.8179,0.8044,0.804,0.8014,0.8008,0.8004,0.7998,0.7985,0.7924,0.7856,0.7843,0.7837,0.7799,0.7745,0.772,0.7686,0.7642,0.7602,0.7565,0.7504,0.7489,0.7483,0.7428,0.738,0.7362,0.7359,0.7338,0.7317,0.7296,0.7273,0.724,0.7229,0.7223,0.7211,0.717,0.7121,0.7115,0.7066,0.706,0.7049,0.7037,0.7035,0.7032,0.7006,0.6969,0.6887,0.6782,0.6771,0.6713,0.6711,0.6708,0.6686,0.6656,0.6504,0.6449,0.6423,0.6384,0.6345,0.6278,0.6238,0.6217,0.6207,0.6097,0.6095,0.6028,0.5948,0.5907,0.5829,0.581,0.5795,0.5774,0.573,0.5617,0.548,0.5453,0.5433,0.5382,0.5376,0.5219,0.5064,0.5056,0.5011,0.4906,0.4802,0.48,0.4786,0.4483,0.4458,0.4456,0.4411,0.4406,0.4368,0.4274,0.3951],[0.9209,0.92,0.9182,0.9059,0.8771,0.8716,0.8704,0.8496,0.8362,0.835,0.8306,0.827,0.8096,0.8027,0.7953,0.795,0.793,0.7892,0.7877,0.7723,0.7719,0.7689,0.7682,0.7678,0.7671,0.7656,0.7586,0.751,0.7495,0.7488,0.7445,0.7384,0.7356,0.7317,0.7268,0.7222,0.7181,0.7112,0.7095,0.7088,0.7027,0.6973,0.6952,0.6949,0.6926,0.6902,0.6879,0.6853,0.6816,0.6803,0.6797,0.6784,0.6738,0.6683,0.6677,0.6622,0.6616,0.6603,0.659,0.6587,0.6584,0.6555,0.6514,0.6424,0.6307,0.6295,0.6232,0.6229,0.6226,0.6202,0.6169,0.6002,0.5941,0.5913,0.587,0.5828,0.5755,0.5711,0.5689,0.5678,0.5559,0.5556,0.5484,0.5398,0.5354,0.5269,0.5249,0.5234,0.5211,0.5164,0.5043,0.4897,0.4869,0.4848,0.4794,0.4787,0.4622,0.446,0.4451,0.4404,0.4295,0.4187,0.4185,0.4171,0.3859,0.3833,0.3831,0.3786,0.378,0.3742,0.3646,0.3322],[0.9027,0.9016,0.8994,0.8845,0.8497,0.8431,0.8416,0.8168,0.8008,0.7994,0.7941,0.7898,0.7693,0.7611,0.7524,0.752,0.7497,0.7453,0.7435,0.7255,0.725,0.7216,0.7207,0.7203,0.7194,0.7177,0.7096,0.7007,0.699,0.6982,0.6932,0.6862,0.6829,0.6784,0.6727,0.6675,0.6627,0.6548,0.6529,0.6521,0.6451,0.639,0.6367,0.6363,0.6336,0.631,0.6283,0.6253,0.6212,0.6197,0.619,0.6175,0.6124,0.6062,0.6054,0.5993,0.5986,0.5972,0.5957,0.5954,0.595,0.5918,0.5872,0.5771,0.5641,0.5628,0.5558,0.5554,0.5551,0.5524,0.5488,0.5304,0.5238,0.5206,0.516,0.5114,0.5035,0.4987,0.4963,0.4951,0.4822,0.4819,0.4742,0.4649,0.4602,0.4512,0.4491,0.4475,0.445,0.44,0.4273,0.412,0.409,0.4068,0.4013,0.4005,0.3834,0.3668,0.3659,0.3611,0.35,0.3391,0.3389,0.3375,0.3065,0.3039,0.3037,0.2992,0.2987,0.2949,0.2856,0.2544],[0.9126,0.9116,0.9096,0.8961,0.8646,0.8586,0.8572,0.8346,0.82,0.8186,0.8138,0.8099,0.7911,0.7835,0.7756,0.7752,0.7731,0.769,0.7673,0.7507,0.7503,0.7471,0.7463,0.7459,0.7451,0.7435,0.736,0.7277,0.7262,0.7254,0.7208,0.7142,0.7112,0.707,0.7017,0.6969,0.6924,0.685,0.6832,0.6825,0.6759,0.6702,0.668,0.6677,0.6652,0.6627,0.6602,0.6574,0.6535,0.6521,0.6514,0.65,0.6452,0.6393,0.6387,0.6329,0.6322,0.6309,0.6295,0.6292,0.6288,0.6258,0.6215,0.6119,0.5996,0.5983,0.5916,0.5913,0.591,0.5885,0.585,0.5674,0.5611,0.5581,0.5536,0.5492,0.5416,0.537,0.5347,0.5336,0.5212,0.5209,0.5134,0.5044,0.4999,0.4911,0.489,0.4874,0.4851,0.4802,0.4678,0.4527,0.4498,0.4477,0.4422,0.4415,0.4246,0.4081,0.4072,0.4025,0.3914,0.3805,0.3803,0.3789,0.3476,0.345,0.3448,0.3402,0.3397,0.3359,0.3263,0.2943],[0.9053,0.9043,0.9022,0.8876,0.8537,0.8473,0.8458,0.8216,0.806,0.8045,0.7994,0.7952,0.7752,0.7671,0.7587,0.7582,0.756,0.7516,0.7499,0.7322,0.7318,0.7284,0.7276,0.7271,0.7263,0.7246,0.7166,0.7079,0.7063,0.7055,0.7006,0.6937,0.6905,0.6861,0.6805,0.6754,0.6707,0.6629,0.661,0.6602,0.6533,0.6473,0.645,0.6447,0.642,0.6394,0.6368,0.6339,0.6298,0.6284,0.6277,0.6262,0.6211,0.615,0.6143,0.6082,0.6075,0.6061,0.6047,0.6044,0.604,0.6009,0.5963,0.5864,0.5736,0.5722,0.5653,0.5649,0.5646,0.562,0.5584,0.5402,0.5337,0.5306,0.526,0.5214,0.5136,0.5088,0.5064,0.5053,0.4925,0.4922,0.4846,0.4753,0.4707,0.4617,0.4596,0.458,0.4556,0.4506,0.4379,0.4227,0.4197,0.4175,0.412,0.4113,0.3942,0.3776,0.3767,0.3719,0.3608,0.3499,0.3497,0.3483,0.3171,0.3146,0.3144,0.3098,0.3093,0.3055,0.2961,0.2647],[0.9365,0.9358,0.9344,0.9244,0.9009,0.8964,0.8954,0.8784,0.8674,0.8664,0.8627,0.8597,0.8453,0.8395,0.8334,0.8331,0.8315,0.8283,0.8271,0.8142,0.8138,0.8114,0.8107,0.8104,0.8098,0.8086,0.8027,0.7962,0.795,0.7944,0.7908,0.7856,0.7832,0.7799,0.7757,0.7719,0.7683,0.7625,0.761,0.7604,0.7552,0.7506,0.7489,0.7486,0.7466,0.7446,0.7426,0.7403,0.7372,0.736,0.7355,0.7343,0.7304,0.7257,0.7251,0.7204,0.7198,0.7187,0.7176,0.7174,0.7171,0.7146,0.7111,0.7032,0.693,0.692,0.6864,0.6861,0.6859,0.6838,0.6809,0.6662,0.6608,0.6583,0.6545,0.6508,0.6443,0.6404,0.6384,0.6374,0.6268,0.6265,0.6201,0.6123,0.6083,0.6006,0.5988,0.5974,0.5954,0.591,0.58,0.5666,0.564,0.5621,0.5571,0.5565,0.5411,0.526,0.5252,0.5208,0.5105,0.5002,0.5,0.4987,0.4688,0.4663,0.4661,0.4617,0.4611,0.4574,0.4481,0.4161],[0.9171,0.9162,0.9144,0.9015,0.8715,0.8658,0.8645,0.8429,0.8289,0.8277,0.8231,0.8193,0.8013,0.794,0.7864,0.786,0.7841,0.7801,0.7785,0.7625,0.7622,0.7591,0.7583,0.7579,0.7572,0.7556,0.7484,0.7405,0.739,0.7383,0.7338,0.7275,0.7246,0.7206,0.7155,0.7108,0.7065,0.6994,0.6976,0.6969,0.6906,0.685,0.6829,0.6826,0.6802,0.6778,0.6754,0.6727,0.6689,0.6676,0.6669,0.6656,0.6609,0.6552,0.6545,0.6489,0.6483,0.647,0.6457,0.6453,0.645,0.6421,0.6379,0.6286,0.6166,0.6154,0.6089,0.6086,0.6083,0.6058,0.6024,0.5853,0.5791,0.5762,0.5719,0.5675,0.5601,0.5556,0.5534,0.5522,0.5401,0.5398,0.5325,0.5237,0.5192,0.5106,0.5085,0.507,0.5047,0.4999,0.4876,0.4728,0.47,0.4678,0.4624,0.4617,0.445,0.4286,0.4278,0.423,0.4121,0.4012,0.401,0.3995,0.3683,0.3657,0.3655,0.3609,0.3604,0.3566,0.347,0.3147],[0.909,0.908,0.9059,0.8919,0.8592,0.853,0.8515,0.8281,0.813,0.8116,0.8067,0.8026,0.7832,0.7753,0.7671,0.7667,0.7646,0.7603,0.7586,0.7415,0.7411,0.7378,0.7369,0.7365,0.7357,0.7341,0.7263,0.7179,0.7163,0.7155,0.7107,0.704,0.7008,0.6965,0.6911,0.6861,0.6816,0.674,0.6721,0.6714,0.6646,0.6587,0.6565,0.6562,0.6536,0.6511,0.6485,0.6456,0.6417,0.6403,0.6395,0.6381,0.6331,0.6272,0.6265,0.6206,0.6199,0.6185,0.6171,0.6168,0.6164,0.6133,0.6089,0.5991,0.5865,0.5852,0.5784,0.5781,0.5778,0.5752,0.5717,0.5538,0.5473,0.5443,0.5397,0.5352,0.5275,0.5228,0.5205,0.5194,0.5068,0.5065,0.4989,0.4898,0.4852,0.4763,0.4742,0.4726,0.4702,0.4653,0.4527,0.4376,0.4347,0.4325,0.427,0.4263,0.4092,0.3927,0.3918,0.387,0.376,0.365,0.3648,0.3634,0.3322,0.3296,0.3294,0.3248,0.3243,0.3205,0.311,0.2792],[0.8771,0.8758,0.8731,0.8546,0.8118,0.8037,0.8019,0.7717,0.7524,0.7507,0.7444,0.7393,0.7148,0.705,0.6948,0.6942,0.6916,0.6863,0.6842,0.663,0.6625,0.6585,0.6574,0.6569,0.6559,0.6539,0.6445,0.6342,0.6322,0.6313,0.6255,0.6174,0.6136,0.6085,0.602,0.596,0.5905,0.5815,0.5793,0.5784,0.5705,0.5635,0.561,0.5605,0.5575,0.5545,0.5516,0.5482,0.5436,0.5419,0.5411,0.5395,0.5337,0.5268,0.526,0.5192,0.5184,0.5168,0.5152,0.5148,0.5144,0.5109,0.5058,0.4947,0.4805,0.479,0.4714,0.471,0.4706,0.4678,0.4638,0.444,0.4369,0.4336,0.4286,0.4237,0.4153,0.4103,0.4078,0.4065,0.393,0.3927,0.3847,0.3751,0.3702,0.361,0.3588,0.3571,0.3547,0.3495,0.3366,0.3213,0.3183,0.3161,0.3106,0.3099,0.293,0.2769,0.276,0.2714,0.2608,0.2504,0.2502,0.2489,0.22,0.2176,0.2175,0.2133,0.2128,0.2094,0.2009,0.1733],[0.9301,0.9293,0.9277,0.9167,0.8911,0.8862,0.885,0.8665,0.8544,0.8533,0.8494,0.8461,0.8305,0.8242,0.8176,0.8172,0.8155,0.812,0.8107,0.7967,0.7963,0.7937,0.793,0.7926,0.792,0.7906,0.7843,0.7773,0.776,0.7754,0.7714,0.7659,0.7633,0.7597,0.7552,0.7511,0.7473,0.741,0.7394,0.7388,0.7331,0.7282,0.7263,0.726,0.7239,0.7217,0.7196,0.7172,0.7138,0.7126,0.712,0.7108,0.7066,0.7015,0.7009,0.6959,0.6953,0.6941,0.6929,0.6926,0.6924,0.6897,0.6859,0.6775,0.6667,0.6656,0.6597,0.6594,0.6591,0.6569,0.6538,0.6382,0.6326,0.6299,0.6259,0.6219,0.6151,0.6109,0.6089,0.6078,0.5966,0.5964,0.5896,0.5814,0.5772,0.5692,0.5672,0.5658,0.5636,0.5591,0.5476,0.5336,0.5309,0.5289,0.5238,0.5231,0.5072,0.4915,0.4907,0.4861,0.4755,0.4649,0.4647,0.4634,0.4328,0.4302,0.43,0.4255,0.425,0.4212,0.4117,0.3793],[0.9149,0.914,0.9121,0.8989,0.8682,0.8623,0.861,0.8389,0.8246,0.8233,0.8186,0.8148,0.7964,0.789,0.7812,0.7808,0.7788,0.7747,0.7731,0.7568,0.7564,0.7533,0.7525,0.7521,0.7513,0.7498,0.7424,0.7343,0.7328,0.7321,0.7275,0.7211,0.7181,0.714,0.7088,0.7041,0.6997,0.6925,0.6907,0.6899,0.6835,0.6779,0.6757,0.6754,0.6729,0.6705,0.6681,0.6653,0.6615,0.6601,0.6594,0.6581,0.6533,0.6475,0.6469,0.6412,0.6405,0.6392,0.6379,0.6375,0.6372,0.6342,0.6299,0.6205,0.6084,0.6071,0.6005,0.6002,0.5999,0.5974,0.594,0.5767,0.5704,0.5675,0.563,0.5587,0.5512,0.5466,0.5443,0.5432,0.5309,0.5306,0.5233,0.5144,0.5098,0.5012,0.4991,0.4975,0.4952,0.4903,0.478,0.4631,0.4602,0.4581,0.4526,0.4519,0.4351,0.4187,0.4178,0.413,0.402,0.3911,0.3909,0.3895,0.3582,0.3556,0.3554,0.3508,0.3503,0.3465,0.3369,0.3047],[0.8947,0.8935,0.8912,0.8751,0.8378,0.8307,0.8291,0.8026,0.7855,0.784,0.7784,0.7738,0.752,0.7432,0.7341,0.7336,0.7312,0.7265,0.7246,0.7055,0.7051,0.7014,0.7005,0.7,0.6991,0.6973,0.6887,0.6794,0.6776,0.6767,0.6715,0.6641,0.6606,0.6559,0.65,0.6445,0.6395,0.6312,0.6292,0.6284,0.621,0.6146,0.6122,0.6118,0.609,0.6063,0.6035,0.6004,0.5961,0.5945,0.5938,0.5922,0.5869,0.5804,0.5796,0.5733,0.5725,0.571,0.5696,0.5692,0.5688,0.5655,0.5607,0.5502,0.5368,0.5354,0.5281,0.5278,0.5275,0.5247,0.521,0.502,0.4952,0.492,0.4872,0.4825,0.4744,0.4695,0.467,0.4658,0.4527,0.4524,0.4445,0.435,0.4303,0.4211,0.4189,0.4173,0.4149,0.4098,0.3969,0.3815,0.3785,0.3763,0.3707,0.37,0.3528,0.3362,0.3353,0.3306,0.3196,0.3087,0.3085,0.3071,0.2766,0.2741,0.2739,0.2695,0.269,0.2653,0.2561,0.2259],[0.9102,0.9092,0.9072,0.8933,0.8609,0.8548,0.8534,0.8302,0.8153,0.8139,0.809,0.805,0.7858,0.778,0.7699,0.7695,0.7674,0.7632,0.7615,0.7445,0.7441,0.7408,0.74,0.7396,0.7388,0.7372,0.7295,0.7211,0.7195,0.7187,0.714,0.7073,0.7042,0.7,0.6946,0.6897,0.6851,0.6776,0.6758,0.675,0.6684,0.6625,0.6603,0.6599,0.6574,0.6549,0.6524,0.6495,0.6456,0.6442,0.6434,0.642,0.6371,0.6312,0.6305,0.6246,0.6239,0.6225,0.6212,0.6208,0.6205,0.6174,0.613,0.6033,0.5908,0.5895,0.5827,0.5824,0.5821,0.5795,0.576,0.5583,0.5518,0.5488,0.5443,0.5398,0.5322,0.5275,0.5252,0.524,0.5115,0.5112,0.5037,0.4946,0.49,0.4812,0.479,0.4775,0.4751,0.4702,0.4576,0.4425,0.4396,0.4375,0.4319,0.4312,0.4142,0.3977,0.3968,0.3921,0.381,0.37,0.3698,0.3684,0.3372,0.3346,0.3344,0.3298,0.3293,0.3255,0.316,0.2841],[0.862,0.8605,0.8575,0.8369,0.7896,0.7807,0.7787,0.7456,0.7245,0.7226,0.7157,0.7102,0.6835,0.6729,0.6619,0.6613,0.6585,0.6528,0.6505,0.6278,0.6272,0.6229,0.6218,0.6212,0.6202,0.618,0.6079,0.5969,0.5948,0.5938,0.5876,0.579,0.575,0.5696,0.5627,0.5564,0.5506,0.5411,0.5388,0.5378,0.5295,0.5222,0.5195,0.519,0.5159,0.5127,0.5096,0.5061,0.5013,0.4995,0.4987,0.4969,0.4909,0.4837,0.4829,0.4758,0.475,0.4733,0.4717,0.4713,0.4709,0.4672,0.462,0.4505,0.4359,0.4343,0.4265,0.4261,0.4258,0.4228,0.4188,0.3986,0.3913,0.388,0.3829,0.378,0.3695,0.3644,0.3619,0.3607,0.3471,0.3468,0.3388,0.3292,0.3244,0.3152,0.313,0.3114,0.309,0.3039,0.2913,0.2762,0.2734,0.2712,0.2659,0.2652,0.2489,0.2334,0.2326,0.2282,0.2181,0.2083,0.2081,0.2068,0.1799,0.1777,0.1775,0.1737,0.1733,0.1701,0.1623,0.1373],[0.8788,0.8775,0.8748,0.8565,0.8142,0.8063,0.8044,0.7746,0.7556,0.7538,0.7476,0.7425,0.7183,0.7086,0.6985,0.6979,0.6953,0.6901,0.688,0.667,0.6665,0.6625,0.6615,0.661,0.66,0.658,0.6486,0.6384,0.6365,0.6355,0.6298,0.6217,0.618,0.6129,0.6064,0.6005,0.5951,0.5862,0.5839,0.5831,0.5752,0.5683,0.5657,0.5653,0.5623,0.5593,0.5564,0.553,0.5485,0.5468,0.546,0.5443,0.5386,0.5317,0.5309,0.5241,0.5234,0.5218,0.5202,0.5198,0.5194,0.5159,0.5109,0.4998,0.4856,0.4842,0.4765,0.4762,0.4758,0.473,0.469,0.4493,0.4422,0.4389,0.4339,0.429,0.4207,0.4156,0.4131,0.4119,0.3984,0.3981,0.3901,0.3805,0.3756,0.3664,0.3642,0.3625,0.3601,0.3549,0.342,0.3266,0.3237,0.3215,0.3159,0.3152,0.2983,0.2821,0.2812,0.2766,0.2659,0.2555,0.2553,0.254,0.2249,0.2225,0.2223,0.2182,0.2177,0.2143,0.2057,0.1778],[0.9088,0.9078,0.9058,0.8917,0.8589,0.8527,0.8513,0.8278,0.8127,0.8113,0.8063,0.8023,0.7828,0.7749,0.7668,0.7663,0.7642,0.7599,0.7582,0.741,0.7406,0.7373,0.7365,0.7361,0.7353,0.7336,0.7259,0.7174,0.7158,0.715,0.7102,0.7035,0.7004,0.6961,0.6906,0.6856,0.681,0.6735,0.6716,0.6708,0.6641,0.6582,0.656,0.6556,0.6531,0.6505,0.648,0.6451,0.6411,0.6397,0.639,0.6376,0.6326,0.6266,0.6259,0.62,0.6193,0.6179,0.6165,0.6162,0.6158,0.6127,0.6083,0.5985,0.5859,0.5846,0.5778,0.5775,0.5772,0.5746,0.5711,0.5532,0.5467,0.5436,0.5391,0.5346,0.5269,0.5222,0.5199,0.5187,0.5061,0.5058,0.4982,0.4891,0.4845,0.4756,0.4735,0.4719,0.4696,0.4646,0.452,0.4369,0.434,0.4318,0.4263,0.4256,0.4085,0.392,0.3911,0.3863,0.3753,0.3643,0.3641,0.3627,0.3314,0.3289,0.3287,0.3241,0.3236,0.3198,0.3103,0.2785],[0.8705,0.8691,0.8663,0.8468,0.802,0.7936,0.7917,0.7602,0.7401,0.7383,0.7318,0.7265,0.701,0.6908,0.6803,0.6797,0.677,0.6715,0.6693,0.6474,0.6469,0.6427,0.6417,0.6411,0.6401,0.638,0.6283,0.6177,0.6157,0.6147,0.6087,0.6004,0.5965,0.5912,0.5845,0.5784,0.5728,0.5636,0.5613,0.5604,0.5523,0.5451,0.5425,0.542,0.539,0.5359,0.5329,0.5294,0.5247,0.523,0.5222,0.5205,0.5146,0.5076,0.5068,0.4998,0.499,0.4974,0.4958,0.4954,0.495,0.4914,0.4862,0.4749,0.4605,0.459,0.4513,0.4509,0.4505,0.4476,0.4436,0.4236,0.4164,0.4131,0.4081,0.4031,0.3947,0.3896,0.3871,0.3859,0.3723,0.372,0.364,0.3544,0.3495,0.3403,0.3381,0.3364,0.334,0.3289,0.3161,0.3008,0.2979,0.2957,0.2903,0.2896,0.2729,0.257,0.2562,0.2516,0.2413,0.2311,0.2309,0.2296,0.2015,0.1992,0.1991,0.1951,0.1946,0.1913,0.1831,0.1566],[0.9011,0.9,0.8978,0.8827,0.8474,0.8407,0.8392,0.814,0.7978,0.7964,0.791,0.7867,0.7659,0.7576,0.7489,0.7484,0.7461,0.7416,0.7398,0.7216,0.7211,0.7176,0.7167,0.7163,0.7154,0.7137,0.7055,0.6965,0.6948,0.694,0.6889,0.6818,0.6785,0.674,0.6683,0.663,0.6582,0.6502,0.6482,0.6474,0.6404,0.6342,0.6319,0.6315,0.6288,0.6261,0.6235,0.6204,0.6163,0.6148,0.614,0.6125,0.6073,0.6011,0.6004,0.5942,0.5935,0.592,0.5906,0.5902,0.5899,0.5866,0.582,0.5718,0.5587,0.5574,0.5503,0.55,0.5496,0.547,0.5433,0.5248,0.5181,0.515,0.5103,0.5056,0.4977,0.4929,0.4905,0.4893,0.4764,0.4761,0.4683,0.459,0.4543,0.4452,0.4431,0.4414,0.439,0.434,0.4212,0.4059,0.4029,0.4007,0.3951,0.3944,0.3773,0.3606,0.3598,0.355,0.3439,0.333,0.3328,0.3314,0.3004,0.2979,0.2977,0.2932,0.2927,0.289,0.2796,0.2486],[0.9207,0.9198,0.918,0.9057,0.8768,0.8713,0.8701,0.8493,0.8359,0.8347,0.8302,0.8266,0.8092,0.8022,0.7949,0.7945,0.7926,0.7888,0.7872,0.7718,0.7714,0.7684,0.7677,0.7673,0.7666,0.7651,0.7581,0.7505,0.749,0.7483,0.744,0.7379,0.735,0.7311,0.7262,0.7217,0.7175,0.7106,0.7089,0.7082,0.702,0.6966,0.6946,0.6943,0.6919,0.6896,0.6873,0.6846,0.681,0.6797,0.679,0.6777,0.6731,0.6676,0.667,0.6615,0.6609,0.6596,0.6583,0.658,0.6577,0.6549,0.6508,0.6417,0.63,0.6288,0.6225,0.6222,0.6219,0.6195,0.6162,0.5994,0.5934,0.5905,0.5862,0.582,0.5747,0.5703,0.5681,0.567,0.5551,0.5548,0.5476,0.539,0.5346,0.5261,0.5241,0.5226,0.5203,0.5155,0.5035,0.4888,0.486,0.4839,0.4786,0.4779,0.4613,0.4451,0.4442,0.4395,0.4286,0.4178,0.4176,0.4162,0.385,0.3824,0.3822,0.3777,0.3771,0.3733,0.3637,0.3313],[0.9062,0.9052,0.9031,0.8887,0.855,0.8486,0.8472,0.8231,0.8076,0.8063,0.8012,0.797,0.7771,0.7691,0.7607,0.7603,0.7581,0.7537,0.752,0.7344,0.734,0.7306,0.7298,0.7294,0.7285,0.7269,0.719,0.7103,0.7087,0.7079,0.703,0.6961,0.6929,0.6886,0.683,0.6779,0.6733,0.6656,0.6637,0.6629,0.6561,0.65,0.6478,0.6474,0.6448,0.6422,0.6396,0.6367,0.6327,0.6312,0.6305,0.6291,0.624,0.6179,0.6172,0.6112,0.6105,0.6091,0.6077,0.6073,0.607,0.6039,0.5994,0.5894,0.5767,0.5753,0.5684,0.5681,0.5678,0.5652,0.5616,0.5435,0.5369,0.5338,0.5293,0.5247,0.5169,0.5122,0.5098,0.5086,0.4959,0.4956,0.488,0.4788,0.4741,0.4652,0.4631,0.4615,0.4591,0.4541,0.4415,0.4262,0.4233,0.4211,0.4156,0.4148,0.3978,0.3812,0.3803,0.3755,0.3644,0.3535,0.3533,0.3519,0.3207,0.3181,0.3179,0.3134,0.3129,0.3091,0.2996,0.2681],[0.9226,0.9217,0.92,0.9079,0.8797,0.8744,0.8731,0.8528,0.8396,0.8385,0.8341,0.8306,0.8136,0.8067,0.7995,0.7991,0.7972,0.7935,0.792,0.7768,0.7765,0.7736,0.7728,0.7725,0.7717,0.7703,0.7634,0.7559,0.7545,0.7538,0.7495,0.7435,0.7407,0.7369,0.7321,0.7276,0.7235,0.7167,0.715,0.7144,0.7083,0.703,0.701,0.7007,0.6984,0.6961,0.6938,0.6912,0.6876,0.6863,0.6857,0.6844,0.6799,0.6745,0.6738,0.6684,0.6678,0.6666,0.6653,0.665,0.6647,0.6619,0.6578,0.6489,0.6374,0.6362,0.6299,0.6296,0.6293,0.627,0.6237,0.6072,0.6012,0.5984,0.5942,0.59,0.5828,0.5784,0.5763,0.5752,0.5634,0.5631,0.556,0.5474,0.5431,0.5347,0.5327,0.5312,0.5289,0.5242,0.5122,0.4977,0.4949,0.4928,0.4875,0.4868,0.4704,0.4543,0.4534,0.4487,0.4379,0.4271,0.4269,0.4255,0.3944,0.3918,0.3916,0.387,0.3865,0.3827,0.3731,0.3406],[0.9277,0.9269,0.9253,0.914,0.8875,0.8825,0.8813,0.8622,0.8498,0.8487,0.8446,0.8413,0.8252,0.8187,0.8119,0.8116,0.8098,0.8062,0.8048,0.7905,0.7901,0.7874,0.7867,0.7863,0.7856,0.7843,0.7778,0.7706,0.7693,0.7686,0.7646,0.7589,0.7562,0.7526,0.748,0.7437,0.7398,0.7334,0.7318,0.7311,0.7254,0.7203,0.7184,0.7181,0.7159,0.7137,0.7115,0.709,0.7056,0.7044,0.7037,0.7025,0.6982,0.693,0.6924,0.6873,0.6867,0.6855,0.6843,0.684,0.6837,0.681,0.6771,0.6685,0.6575,0.6563,0.6503,0.65,0.6497,0.6475,0.6444,0.6284,0.6227,0.62,0.6159,0.6119,0.6049,0.6007,0.5986,0.5975,0.5861,0.5859,0.579,0.5706,0.5664,0.5583,0.5563,0.5548,0.5527,0.5481,0.5364,0.5223,0.5195,0.5175,0.5123,0.5116,0.4955,0.4796,0.4788,0.4742,0.4635,0.4529,0.4527,0.4513,0.4205,0.4179,0.4178,0.4132,0.4127,0.4089,0.3993,0.3669],[0.9185,0.9175,0.9157,0.9031,0.8735,0.8678,0.8665,0.8453,0.8315,0.8303,0.8257,0.822,0.8042,0.7971,0.7896,0.7892,0.7872,0.7833,0.7818,0.766,0.7656,0.7626,0.7618,0.7614,0.7607,0.7591,0.752,0.7442,0.7427,0.742,0.7376,0.7313,0.7284,0.7245,0.7194,0.7148,0.7106,0.7035,0.7018,0.7011,0.6948,0.6893,0.6873,0.6869,0.6845,0.6822,0.6798,0.6771,0.6734,0.6721,0.6714,0.67,0.6654,0.6598,0.6591,0.6536,0.6529,0.6516,0.6503,0.65,0.6497,0.6468,0.6426,0.6334,0.6216,0.6203,0.6139,0.6136,0.6133,0.6108,0.6075,0.5905,0.5844,0.5815,0.5772,0.5729,0.5655,0.561,0.5588,0.5577,0.5456,0.5453,0.5381,0.5293,0.5249,0.5163,0.5143,0.5127,0.5104,0.5056,0.4935,0.4787,0.4759,0.4737,0.4684,0.4677,0.451,0.4347,0.4338,0.4291,0.4181,0.4073,0.4071,0.4056,0.3744,0.3718,0.3716,0.367,0.3665,0.3627,0.3531,0.3208],[0.9255,0.9247,0.923,0.9114,0.8842,0.879,0.8778,0.8581,0.8454,0.8443,0.8401,0.8367,0.8202,0.8135,0.8066,0.8062,0.8044,0.8007,0.7993,0.7846,0.7842,0.7814,0.7807,0.7803,0.7796,0.7782,0.7716,0.7643,0.7629,0.7622,0.7581,0.7523,0.7495,0.7458,0.7411,0.7368,0.7328,0.7262,0.7245,0.7239,0.718,0.7128,0.7109,0.7106,0.7083,0.7061,0.7038,0.7013,0.6978,0.6965,0.6959,0.6947,0.6903,0.685,0.6844,0.6791,0.6785,0.6773,0.676,0.6757,0.6754,0.6727,0.6687,0.66,0.6488,0.6476,0.6415,0.6412,0.6409,0.6386,0.6354,0.6192,0.6134,0.6106,0.6065,0.6024,0.5953,0.591,0.5889,0.5878,0.5762,0.576,0.569,0.5605,0.5562,0.548,0.546,0.5445,0.5423,0.5377,0.5259,0.5116,0.5088,0.5067,0.5015,0.5008,0.4845,0.4686,0.4677,0.4631,0.4523,0.4416,0.4414,0.44,0.4091,0.4065,0.4063,0.4017,0.4012,0.3974,0.3878,0.3554],[0.9024,0.9014,0.8992,0.8842,0.8494,0.8428,0.8412,0.8164,0.8004,0.7989,0.7937,0.7894,0.7688,0.7605,0.7519,0.7515,0.7492,0.7447,0.7429,0.7249,0.7245,0.721,0.7201,0.7197,0.7188,0.7171,0.709,0.7001,0.6984,0.6976,0.6926,0.6855,0.6822,0.6778,0.6721,0.6669,0.6621,0.6542,0.6522,0.6514,0.6444,0.6383,0.636,0.6356,0.6329,0.6303,0.6276,0.6246,0.6205,0.619,0.6183,0.6168,0.6116,0.6054,0.6047,0.5986,0.5978,0.5964,0.595,0.5946,0.5943,0.5911,0.5865,0.5763,0.5634,0.562,0.555,0.5546,0.5543,0.5516,0.548,0.5296,0.5229,0.5198,0.5152,0.5105,0.5026,0.4978,0.4954,0.4943,0.4814,0.4811,0.4733,0.4641,0.4593,0.4503,0.4482,0.4466,0.4442,0.4391,0.4264,0.4111,0.4081,0.4059,0.4004,0.3996,0.3825,0.3659,0.365,0.3602,0.3491,0.3382,0.338,0.3366,0.3056,0.303,0.3028,0.2983,0.2978,0.2941,0.2847,0.2535],[0.9183,0.9174,0.9156,0.9029,0.8732,0.8676,0.8663,0.845,0.8312,0.8299,0.8254,0.8217,0.8039,0.7967,0.7892,0.7888,0.7868,0.7829,0.7814,0.7656,0.7652,0.7621,0.7614,0.761,0.7602,0.7587,0.7516,0.7438,0.7423,0.7415,0.7371,0.7309,0.728,0.724,0.719,0.7143,0.7101,0.703,0.7013,0.7006,0.6943,0.6888,0.6867,0.6864,0.684,0.6816,0.6793,0.6766,0.6729,0.6715,0.6708,0.6695,0.6649,0.6592,0.6586,0.653,0.6524,0.6511,0.6498,0.6495,0.6491,0.6462,0.6421,0.6328,0.621,0.6197,0.6133,0.613,0.6127,0.6102,0.6069,0.5899,0.5838,0.5809,0.5765,0.5722,0.5649,0.5604,0.5582,0.557,0.545,0.5447,0.5374,0.5286,0.5242,0.5156,0.5136,0.512,0.5098,0.5049,0.4928,0.478,0.4752,0.473,0.4676,0.4669,0.4503,0.434,0.4331,0.4284,0.4174,0.4065,0.4063,0.4049,0.3737,0.3711,0.3709,0.3663,0.3658,0.362,0.3523,0.32],[0.9071,0.9061,0.904,0.8897,0.8563,0.85,0.8486,0.8247,0.8093,0.808,0.8029,0.7988,0.779,0.7711,0.7627,0.7623,0.7601,0.7558,0.7541,0.7367,0.7362,0.7329,0.7321,0.7316,0.7308,0.7291,0.7213,0.7127,0.7111,0.7103,0.7054,0.6986,0.6954,0.6911,0.6856,0.6805,0.6759,0.6682,0.6663,0.6656,0.6588,0.6528,0.6506,0.6502,0.6476,0.645,0.6425,0.6395,0.6355,0.6341,0.6334,0.6319,0.6269,0.6208,0.6201,0.6142,0.6135,0.6121,0.6107,0.6103,0.61,0.6068,0.6024,0.5925,0.5798,0.5785,0.5716,0.5713,0.5709,0.5683,0.5648,0.5467,0.5402,0.5371,0.5326,0.528,0.5203,0.5155,0.5132,0.512,0.4993,0.4991,0.4914,0.4823,0.4776,0.4687,0.4666,0.465,0.4626,0.4576,0.445,0.4298,0.4269,0.4247,0.4192,0.4184,0.4014,0.3848,0.3839,0.3791,0.3681,0.3571,0.3569,0.3555,0.3243,0.3217,0.3215,0.317,0.3164,0.3127,0.3032,0.2716],[0.893,0.8918,0.8894,0.8731,0.8352,0.8281,0.8264,0.7995,0.7822,0.7807,0.775,0.7704,0.7483,0.7394,0.7302,0.7297,0.7273,0.7225,0.7206,0.7013,0.7008,0.6971,0.6962,0.6957,0.6948,0.693,0.6843,0.6749,0.6731,0.6722,0.6669,0.6594,0.6559,0.6512,0.6452,0.6396,0.6346,0.6262,0.6242,0.6233,0.616,0.6095,0.6071,0.6067,0.6038,0.6011,0.5983,0.5951,0.5908,0.5892,0.5885,0.5869,0.5815,0.575,0.5742,0.5678,0.567,0.5655,0.564,0.5637,0.5633,0.56,0.5552,0.5446,0.5311,0.5297,0.5224,0.522,0.5217,0.5189,0.5151,0.4961,0.4892,0.486,0.4812,0.4764,0.4683,0.4634,0.4609,0.4597,0.4465,0.4462,0.4383,0.4288,0.424,0.4149,0.4127,0.411,0.4086,0.4035,0.3906,0.3752,0.3722,0.37,0.3644,0.3637,0.3465,0.3299,0.3291,0.3243,0.3133,0.3025,0.3023,0.3009,0.2705,0.268,0.2678,0.2634,0.2629,0.2593,0.2502,0.2202],[0.8691,0.8677,0.8649,0.8452,0.8,0.7915,0.7896,0.7579,0.7376,0.7358,0.7292,0.7238,0.6982,0.6879,0.6773,0.6767,0.674,0.6685,0.6663,0.6442,0.6437,0.6395,0.6385,0.6379,0.6369,0.6348,0.625,0.6143,0.6123,0.6113,0.6053,0.5969,0.593,0.5877,0.581,0.5748,0.5692,0.5599,0.5576,0.5567,0.5486,0.5414,0.5387,0.5383,0.5352,0.5322,0.5291,0.5256,0.5209,0.5192,0.5184,0.5167,0.5108,0.5037,0.5029,0.4959,0.4951,0.4935,0.4919,0.4915,0.491,0.4874,0.4823,0.4709,0.4565,0.455,0.4472,0.4468,0.4465,0.4436,0.4396,0.4195,0.4123,0.409,0.404,0.399,0.3906,0.3855,0.383,0.3817,0.3682,0.3679,0.3598,0.3502,0.3454,0.3362,0.334,0.3323,0.3299,0.3248,0.312,0.2967,0.2938,0.2917,0.2862,0.2855,0.2689,0.2531,0.2523,0.2477,0.2374,0.2273,0.2271,0.2258,0.1979,0.1956,0.1955,0.1915,0.191,0.1878,0.1796,0.1533],[0.8347,0.833,0.8294,0.8053,0.7502,0.74,0.7377,0.6997,0.6757,0.6736,0.6658,0.6595,0.6296,0.6177,0.6054,0.6048,0.6016,0.5953,0.5928,0.5676,0.567,0.5623,0.5611,0.5605,0.5593,0.5569,0.5459,0.5339,0.5316,0.5305,0.5238,0.5145,0.5102,0.5043,0.4969,0.4901,0.4839,0.4738,0.4713,0.4703,0.4615,0.4537,0.4509,0.4504,0.4471,0.4438,0.4405,0.4368,0.4317,0.4299,0.429,0.4272,0.4209,0.4134,0.4126,0.4052,0.4044,0.4027,0.401,0.4005,0.4001,0.3963,0.3909,0.3791,0.3642,0.3627,0.3547,0.3543,0.354,0.351,0.3469,0.3267,0.3195,0.3161,0.3112,0.3063,0.298,0.293,0.2905,0.2893,0.2761,0.2759,0.2681,0.2589,0.2543,0.2456,0.2435,0.242,0.2397,0.2349,0.2231,0.2092,0.2065,0.2046,0.1997,0.199,0.1842,0.1704,0.1697,0.1658,0.1569,0.1484,0.1482,0.1471,0.1241,0.1223,0.1222,0.119,0.1186,0.116,0.1096,0.0894],[0.9254,0.9245,0.9228,0.9112,0.8839,0.8787,0.8775,0.8578,0.8451,0.8439,0.8397,0.8363,0.8198,0.8131,0.8061,0.8058,0.8039,0.8003,0.7988,0.7841,0.7838,0.7809,0.7802,0.7799,0.7792,0.7777,0.7711,0.7638,0.7624,0.7617,0.7576,0.7517,0.749,0.7453,0.7406,0.7362,0.7322,0.7256,0.7239,0.7233,0.7174,0.7122,0.7103,0.71,0.7077,0.7055,0.7032,0.7007,0.6972,0.6959,0.6953,0.694,0.6896,0.6843,0.6837,0.6785,0.6779,0.6766,0.6754,0.6751,0.6748,0.672,0.6681,0.6594,0.6481,0.6469,0.6408,0.6405,0.6402,0.6379,0.6347,0.6185,0.6126,0.6099,0.6057,0.6016,0.5946,0.5903,0.5881,0.587,0.5754,0.5752,0.5682,0.5597,0.5554,0.5472,0.5452,0.5437,0.5415,0.5369,0.5251,0.5107,0.5079,0.5059,0.5006,0.4999,0.4837,0.4677,0.4668,0.4622,0.4514,0.4407,0.4405,0.4391,0.4082,0.4056,0.4054,0.4008,0.4003,0.3965,0.3869,0.3545],[0.9049,0.9039,0.9017,0.8871,0.853,0.8466,0.8451,0.8208,0.8051,0.8037,0.7985,0.7944,0.7742,0.7661,0.7576,0.7572,0.755,0.7506,0.7488,0.7311,0.7307,0.7273,0.7264,0.726,0.7251,0.7235,0.7155,0.7067,0.7051,0.7043,0.6993,0.6924,0.6892,0.6848,0.6792,0.6741,0.6694,0.6616,0.6596,0.6589,0.652,0.6459,0.6437,0.6433,0.6407,0.638,0.6354,0.6325,0.6284,0.627,0.6262,0.6248,0.6197,0.6135,0.6128,0.6068,0.6061,0.6046,0.6032,0.6029,0.6025,0.5994,0.5948,0.5848,0.572,0.5707,0.5637,0.5634,0.563,0.5604,0.5568,0.5386,0.532,0.5289,0.5243,0.5197,0.5119,0.5071,0.5048,0.5036,0.4908,0.4905,0.4828,0.4736,0.4689,0.46,0.4578,0.4562,0.4538,0.4488,0.4362,0.4209,0.4179,0.4157,0.4102,0.4095,0.3924,0.3758,0.3749,0.3701,0.359,0.3481,0.3479,0.3465,0.3154,0.3128,0.3126,0.3081,0.3075,0.3038,0.2943,0.263],[0.9088,0.9078,0.9057,0.8916,0.8588,0.8526,0.8512,0.8277,0.8126,0.8112,0.8062,0.8022,0.7827,0.7748,0.7666,0.7662,0.7641,0.7598,0.7581,0.7409,0.7405,0.7372,0.7364,0.736,0.7351,0.7335,0.7257,0.7173,0.7157,0.7149,0.7101,0.7034,0.7002,0.6959,0.6905,0.6855,0.6809,0.6733,0.6715,0.6707,0.664,0.6581,0.6559,0.6555,0.6529,0.6504,0.6478,0.6449,0.641,0.6396,0.6388,0.6374,0.6324,0.6265,0.6258,0.6198,0.6191,0.6178,0.6164,0.616,0.6157,0.6126,0.6082,0.5984,0.5858,0.5845,0.5776,0.5773,0.577,0.5744,0.5709,0.553,0.5465,0.5435,0.5389,0.5344,0.5267,0.522,0.5197,0.5185,0.5059,0.5056,0.4981,0.4889,0.4843,0.4755,0.4733,0.4718,0.4694,0.4644,0.4519,0.4367,0.4338,0.4316,0.4261,0.4254,0.4083,0.3918,0.3909,0.3861,0.3751,0.3641,0.3639,0.3625,0.3313,0.3287,0.3285,0.3239,0.3234,0.3196,0.3101,0.2784],[0.9002,0.8991,0.8968,0.8815,0.8459,0.8392,0.8376,0.8123,0.796,0.7945,0.7891,0.7848,0.7638,0.7554,0.7466,0.7462,0.7439,0.7393,0.7375,0.7191,0.7187,0.7152,0.7143,0.7138,0.713,0.7112,0.703,0.6939,0.6922,0.6914,0.6863,0.6792,0.6758,0.6713,0.6655,0.6602,0.6553,0.6473,0.6453,0.6446,0.6375,0.6312,0.6289,0.6285,0.6258,0.6231,0.6204,0.6174,0.6132,0.6117,0.611,0.6095,0.6042,0.598,0.5972,0.591,0.5903,0.5888,0.5874,0.587,0.5867,0.5834,0.5788,0.5685,0.5554,0.554,0.5469,0.5466,0.5463,0.5436,0.5399,0.5213,0.5146,0.5115,0.5068,0.5021,0.4941,0.4893,0.4869,0.4857,0.4727,0.4724,0.4647,0.4553,0.4506,0.4415,0.4394,0.4377,0.4353,0.4303,0.4175,0.4021,0.3992,0.397,0.3914,0.3907,0.3735,0.3569,0.356,0.3512,0.3402,0.3293,0.3291,0.3276,0.2967,0.2942,0.294,0.2895,0.289,0.2853,0.276,0.2451],[0.9175,0.9166,0.9148,0.902,0.8721,0.8664,0.8651,0.8436,0.8297,0.8284,0.8238,0.8201,0.8022,0.7949,0.7874,0.787,0.785,0.781,0.7795,0.7636,0.7632,0.7601,0.7593,0.759,0.7582,0.7567,0.7495,0.7416,0.7401,0.7394,0.7349,0.7286,0.7257,0.7217,0.7166,0.712,0.7077,0.7006,0.6988,0.6981,0.6918,0.6863,0.6842,0.6839,0.6815,0.6791,0.6767,0.674,0.6702,0.6689,0.6682,0.6669,0.6622,0.6566,0.6559,0.6503,0.6496,0.6483,0.647,0.6467,0.6464,0.6435,0.6393,0.63,0.6181,0.6168,0.6103,0.61,0.6097,0.6073,0.6039,0.5868,0.5807,0.5778,0.5734,0.5691,0.5617,0.5572,0.555,0.5538,0.5417,0.5414,0.5341,0.5253,0.5209,0.5123,0.5102,0.5087,0.5064,0.5016,0.4894,0.4746,0.4717,0.4696,0.4642,0.4635,0.4467,0.4304,0.4295,0.4248,0.4138,0.4029,0.4027,0.4013,0.3701,0.3675,0.3673,0.3627,0.3622,0.3584,0.3488,0.3165],[0.926,0.9251,0.9235,0.9119,0.8849,0.8797,0.8785,0.859,0.8463,0.8452,0.841,0.8376,0.8212,0.8146,0.8077,0.8073,0.8055,0.8019,0.8004,0.7858,0.7854,0.7826,0.7819,0.7816,0.7809,0.7795,0.7728,0.7656,0.7642,0.7635,0.7594,0.7536,0.7509,0.7472,0.7425,0.7382,0.7342,0.7276,0.726,0.7254,0.7195,0.7143,0.7124,0.7121,0.7099,0.7076,0.7054,0.7029,0.6994,0.6981,0.6975,0.6963,0.6919,0.6866,0.686,0.6808,0.6802,0.679,0.6777,0.6774,0.6771,0.6744,0.6705,0.6618,0.6506,0.6494,0.6433,0.643,0.6427,0.6404,0.6372,0.6211,0.6153,0.6125,0.6084,0.6043,0.5973,0.593,0.5909,0.5898,0.5782,0.578,0.571,0.5626,0.5583,0.5501,0.5481,0.5466,0.5444,0.5398,0.528,0.5137,0.511,0.5089,0.5037,0.503,0.4868,0.4708,0.47,0.4653,0.4546,0.4439,0.4437,0.4423,0.4114,0.4088,0.4086,0.4041,0.4035,0.3997,0.3901,0.3577],[0.9198,0.9189,0.9171,0.9047,0.8755,0.87,0.8687,0.8477,0.8342,0.833,0.8285,0.8249,0.8073,0.8002,0.7928,0.7925,0.7905,0.7867,0.7851,0.7696,0.7692,0.7662,0.7654,0.7651,0.7643,0.7628,0.7558,0.748,0.7466,0.7459,0.7415,0.7354,0.7325,0.7286,0.7236,0.719,0.7148,0.7079,0.7061,0.7054,0.6993,0.6938,0.6918,0.6914,0.6891,0.6867,0.6844,0.6817,0.6781,0.6767,0.6761,0.6748,0.6702,0.6646,0.664,0.6585,0.6578,0.6565,0.6553,0.6549,0.6546,0.6517,0.6476,0.6385,0.6268,0.6255,0.6191,0.6188,0.6185,0.6161,0.6128,0.596,0.5899,0.587,0.5827,0.5785,0.5712,0.5667,0.5645,0.5634,0.5514,0.5512,0.5439,0.5352,0.5308,0.5223,0.5203,0.5188,0.5165,0.5117,0.4996,0.4849,0.4821,0.48,0.4746,0.4739,0.4573,0.4411,0.4402,0.4355,0.4246,0.4137,0.4135,0.4121,0.3809,0.3783,0.3781,0.3735,0.373,0.3692,0.3596,0.3272],[0.9323,0.9315,0.93,0.9194,0.8945,0.8897,0.8886,0.8706,0.8589,0.8578,0.854,0.8508,0.8356,0.8295,0.8231,0.8227,0.821,0.8177,0.8163,0.8027,0.8024,0.7998,0.7991,0.7988,0.7981,0.7968,0.7906,0.7839,0.7826,0.7819,0.7781,0.7727,0.7702,0.7667,0.7623,0.7583,0.7545,0.7484,0.7468,0.7462,0.7407,0.7359,0.7341,0.7338,0.7317,0.7296,0.7275,0.7251,0.7219,0.7207,0.7201,0.7189,0.7148,0.7098,0.7092,0.7043,0.7037,0.7026,0.7014,0.7012,0.7009,0.6983,0.6946,0.6864,0.6758,0.6746,0.6689,0.6686,0.6683,0.6661,0.6631,0.6478,0.6423,0.6396,0.6357,0.6318,0.6251,0.621,0.619,0.618,0.6069,0.6067,0.6,0.5919,0.5878,0.5799,0.578,0.5766,0.5745,0.57,0.5587,0.5449,0.5422,0.5402,0.5352,0.5345,0.5187,0.5032,0.5024,0.4979,0.4874,0.4769,0.4767,0.4754,0.445,0.4425,0.4423,0.4378,0.4372,0.4335,0.424,0.3917],[0.9246,0.9238,0.9221,0.9103,0.8828,0.8775,0.8763,0.8565,0.8436,0.8425,0.8382,0.8348,0.8181,0.8114,0.8043,0.804,0.8021,0.7985,0.797,0.7822,0.7818,0.779,0.7782,0.7779,0.7772,0.7757,0.769,0.7616,0.7603,0.7596,0.7554,0.7495,0.7468,0.743,0.7383,0.7339,0.7299,0.7232,0.7215,0.7209,0.715,0.7097,0.7078,0.7075,0.7052,0.7029,0.7007,0.6981,0.6946,0.6933,0.6927,0.6914,0.687,0.6817,0.6811,0.6758,0.6752,0.6739,0.6727,0.6724,0.6721,0.6693,0.6653,0.6565,0.6452,0.644,0.6378,0.6376,0.6373,0.6349,0.6317,0.6154,0.6096,0.6068,0.6026,0.5985,0.5914,0.5871,0.5849,0.5838,0.5722,0.5719,0.5649,0.5564,0.5521,0.5438,0.5418,0.5403,0.5381,0.5334,0.5216,0.5072,0.5044,0.5023,0.4971,0.4964,0.4801,0.4641,0.4632,0.4586,0.4478,0.437,0.4368,0.4354,0.4044,0.4018,0.4017,0.3971,0.3965,0.3927,0.3831,0.3507],[0.9196,0.9187,0.9169,0.9044,0.8752,0.8697,0.8684,0.8474,0.8338,0.8326,0.8281,0.8245,0.8069,0.7998,0.7924,0.792,0.79,0.7862,0.7846,0.769,0.7687,0.7657,0.7649,0.7645,0.7638,0.7623,0.7552,0.7475,0.746,0.7453,0.7409,0.7348,0.7319,0.728,0.723,0.7184,0.7142,0.7072,0.7055,0.7048,0.6986,0.6932,0.6911,0.6908,0.6884,0.6861,0.6837,0.6811,0.6774,0.6761,0.6754,0.6741,0.6695,0.6639,0.6633,0.6578,0.6571,0.6558,0.6546,0.6542,0.6539,0.651,0.6469,0.6378,0.626,0.6248,0.6184,0.6181,0.6178,0.6154,0.6121,0.5952,0.5891,0.5862,0.5819,0.5777,0.5704,0.5659,0.5637,0.5626,0.5506,0.5503,0.5431,0.5344,0.53,0.5215,0.5194,0.5179,0.5156,0.5108,0.4987,0.484,0.4812,0.4791,0.4737,0.473,0.4564,0.4401,0.4393,0.4346,0.4236,0.4128,0.4126,0.4112,0.38,0.3774,0.3772,0.3726,0.3721,0.3683,0.3586,0.3263],[0.8623,0.8608,0.8578,0.8372,0.79,0.7812,0.7791,0.7461,0.7251,0.7232,0.7163,0.7108,0.6842,0.6736,0.6626,0.662,0.6591,0.6535,0.6512,0.6285,0.6279,0.6236,0.6225,0.622,0.6209,0.6187,0.6086,0.5977,0.5956,0.5946,0.5884,0.5798,0.5758,0.5703,0.5635,0.5572,0.5514,0.5419,0.5396,0.5386,0.5303,0.523,0.5203,0.5198,0.5167,0.5136,0.5105,0.5069,0.5021,0.5004,0.4995,0.4978,0.4918,0.4846,0.4838,0.4767,0.4759,0.4742,0.4726,0.4722,0.4718,0.4681,0.4628,0.4514,0.4367,0.4352,0.4274,0.427,0.4266,0.4237,0.4197,0.3994,0.3922,0.3889,0.3838,0.3789,0.3704,0.3653,0.3628,0.3616,0.348,0.3477,0.3397,0.3301,0.3253,0.3161,0.3139,0.3123,0.3099,0.3048,0.2921,0.2771,0.2742,0.2721,0.2667,0.266,0.2497,0.2342,0.2334,0.229,0.2189,0.2091,0.2089,0.2076,0.1806,0.1784,0.1783,0.1745,0.174,0.1709,0.1631,0.1379],[0.9236,0.9228,0.921,0.9091,0.8813,0.876,0.8747,0.8546,0.8416,0.8405,0.8362,0.8327,0.8158,0.809,0.8019,0.8016,0.7997,0.796,0.7945,0.7795,0.7792,0.7763,0.7755,0.7752,0.7745,0.773,0.7662,0.7588,0.7574,0.7567,0.7525,0.7466,0.7438,0.74,0.7352,0.7308,0.7267,0.72,0.7183,0.7176,0.7117,0.7064,0.7044,0.7041,0.7018,0.6995,0.6973,0.6947,0.6911,0.6898,0.6892,0.6879,0.6835,0.6781,0.6775,0.6721,0.6715,0.6703,0.669,0.6687,0.6684,0.6656,0.6616,0.6527,0.6413,0.6401,0.6339,0.6336,0.6333,0.631,0.6277,0.6113,0.6054,0.6026,0.5984,0.5943,0.5871,0.5828,0.5806,0.5795,0.5678,0.5675,0.5605,0.5519,0.5476,0.5393,0.5373,0.5358,0.5335,0.5288,0.5169,0.5025,0.4997,0.4976,0.4923,0.4916,0.4752,0.4592,0.4583,0.4536,0.4428,0.432,0.4318,0.4304,0.3994,0.3968,0.3966,0.3921,0.3915,0.3877,0.3781,0.3457],[0.923,0.9221,0.9204,0.9084,0.8803,0.8749,0.8737,0.8535,0.8404,0.8392,0.8349,0.8313,0.8144,0.8075,0.8004,0.8,0.7981,0.7944,0.7929,0.7778,0.7774,0.7745,0.7738,0.7734,0.7727,0.7713,0.7644,0.7569,0.7555,0.7548,0.7506,0.7446,0.7418,0.738,0.7332,0.7287,0.7246,0.7179,0.7162,0.7155,0.7095,0.7042,0.7022,0.7019,0.6996,0.6973,0.695,0.6924,0.6889,0.6876,0.6869,0.6856,0.6812,0.6758,0.6751,0.6698,0.6691,0.6679,0.6666,0.6663,0.666,0.6632,0.6592,0.6503,0.6388,0.6376,0.6313,0.6311,0.6308,0.6284,0.6252,0.6087,0.6027,0.5999,0.5957,0.5915,0.5844,0.58,0.5778,0.5767,0.565,0.5647,0.5576,0.549,0.5447,0.5363,0.5343,0.5328,0.5306,0.5259,0.5139,0.4994,0.4966,0.4945,0.4892,0.4885,0.4721,0.456,0.4552,0.4505,0.4396,0.4288,0.4286,0.4272,0.3962,0.3936,0.3934,0.3888,0.3883,0.3845,0.3749,0.3424],[0.9163,0.9154,0.9135,0.9006,0.8702,0.8645,0.8632,0.8414,0.8273,0.8261,0.8214,0.8177,0.7995,0.7922,0.7845,0.7841,0.7821,0.7781,0.7765,0.7604,0.76,0.7569,0.7562,0.7558,0.755,0.7535,0.7462,0.7382,0.7367,0.736,0.7315,0.7251,0.7222,0.7181,0.713,0.7083,0.704,0.6968,0.695,0.6943,0.688,0.6824,0.6803,0.6799,0.6775,0.6751,0.6727,0.6699,0.6662,0.6648,0.6641,0.6628,0.658,0.6524,0.6517,0.6461,0.6454,0.6441,0.6428,0.6424,0.6421,0.6392,0.6349,0.6256,0.6136,0.6123,0.6058,0.6055,0.6052,0.6027,0.5993,0.5821,0.5759,0.573,0.5686,0.5642,0.5568,0.5523,0.55,0.5489,0.5367,0.5364,0.5291,0.5202,0.5157,0.5071,0.505,0.5035,0.5012,0.4963,0.4841,0.4692,0.4663,0.4642,0.4588,0.4581,0.4413,0.4249,0.4241,0.4193,0.4083,0.3974,0.3972,0.3958,0.3645,0.3619,0.3617,0.3572,0.3566,0.3528,0.3432,0.311],[0.8979,0.8967,0.8945,0.8788,0.8425,0.8356,0.8341,0.8082,0.7916,0.7901,0.7846,0.7802,0.7588,0.7503,0.7413,0.7409,0.7386,0.7339,0.7321,0.7134,0.7129,0.7094,0.7085,0.708,0.7071,0.7054,0.697,0.6878,0.6861,0.6852,0.68,0.6728,0.6694,0.6648,0.659,0.6536,0.6487,0.6405,0.6385,0.6377,0.6305,0.6242,0.6218,0.6214,0.6187,0.616,0.6133,0.6102,0.606,0.6045,0.6037,0.6022,0.5969,0.5905,0.5898,0.5835,0.5828,0.5813,0.5798,0.5795,0.5791,0.5758,0.5711,0.5608,0.5475,0.5461,0.539,0.5386,0.5383,0.5356,0.5319,0.5131,0.5064,0.5032,0.4985,0.4938,0.4858,0.4809,0.4785,0.4773,0.4642,0.4639,0.4561,0.4467,0.4419,0.4329,0.4307,0.429,0.4266,0.4215,0.4087,0.3933,0.3904,0.3881,0.3826,0.3818,0.3647,0.3481,0.3472,0.3424,0.3314,0.3205,0.3203,0.3189,0.2881,0.2856,0.2854,0.2809,0.2804,0.2767,0.2675,0.2368],[0.8924,0.8912,0.8889,0.8725,0.8344,0.8272,0.8256,0.7985,0.7812,0.7796,0.7739,0.7693,0.7471,0.7382,0.7289,0.7285,0.726,0.7212,0.7193,0.6999,0.6995,0.6958,0.6948,0.6944,0.6935,0.6916,0.6829,0.6734,0.6717,0.6708,0.6654,0.6579,0.6544,0.6497,0.6436,0.6381,0.633,0.6246,0.6226,0.6217,0.6143,0.6078,0.6054,0.605,0.6022,0.5994,0.5966,0.5934,0.5891,0.5875,0.5868,0.5852,0.5798,0.5733,0.5725,0.5661,0.5653,0.5638,0.5623,0.5619,0.5615,0.5582,0.5534,0.5428,0.5292,0.5278,0.5205,0.5202,0.5198,0.5171,0.5133,0.4942,0.4873,0.4841,0.4793,0.4745,0.4664,0.4614,0.459,0.4578,0.4446,0.4443,0.4363,0.4269,0.4221,0.4129,0.4107,0.4091,0.4066,0.4015,0.3886,0.3732,0.3702,0.368,0.3624,0.3617,0.3445,0.328,0.3271,0.3223,0.3114,0.3006,0.3004,0.299,0.2686,0.2661,0.2659,0.2615,0.261,0.2574,0.2483,0.2184],[0.9238,0.9229,0.9212,0.9093,0.8815,0.8762,0.875,0.8549,0.8419,0.8408,0.8365,0.833,0.8162,0.8094,0.8023,0.8019,0.8,0.7963,0.7949,0.7799,0.7795,0.7766,0.7759,0.7756,0.7748,0.7734,0.7666,0.7592,0.7578,0.7571,0.7529,0.747,0.7442,0.7404,0.7356,0.7312,0.7271,0.7204,0.7188,0.7181,0.7121,0.7069,0.7049,0.7046,0.7023,0.7,0.6977,0.6952,0.6916,0.6903,0.6897,0.6884,0.684,0.6786,0.678,0.6726,0.672,0.6708,0.6695,0.6692,0.6689,0.6661,0.6621,0.6533,0.6419,0.6407,0.6345,0.6342,0.6339,0.6315,0.6283,0.6119,0.606,0.6032,0.599,0.5948,0.5877,0.5834,0.5812,0.5801,0.5684,0.5682,0.5611,0.5526,0.5482,0.5399,0.5379,0.5364,0.5342,0.5295,0.5176,0.5031,0.5003,0.4983,0.493,0.4923,0.4759,0.4598,0.459,0.4543,0.4435,0.4327,0.4325,0.4311,0.4001,0.3975,0.3973,0.3928,0.3922,0.3884,0.3788,0.3464],[0.9282,0.9274,0.9258,0.9145,0.8882,0.8832,0.882,0.863,0.8507,0.8496,0.8455,0.8422,0.8262,0.8198,0.813,0.8126,0.8109,0.8073,0.8059,0.7917,0.7913,0.7886,0.7879,0.7875,0.7869,0.7855,0.779,0.7719,0.7706,0.7699,0.7659,0.7602,0.7576,0.754,0.7494,0.7451,0.7412,0.7348,0.7332,0.7326,0.7268,0.7218,0.7199,0.7196,0.7174,0.7152,0.713,0.7106,0.7072,0.7059,0.7053,0.7041,0.6998,0.6946,0.694,0.6889,0.6883,0.6871,0.6859,0.6856,0.6853,0.6826,0.6788,0.6703,0.6592,0.6581,0.6521,0.6518,0.6515,0.6493,0.6462,0.6303,0.6246,0.6218,0.6178,0.6138,0.6068,0.6026,0.6005,0.5995,0.5881,0.5878,0.581,0.5727,0.5684,0.5603,0.5584,0.5569,0.5547,0.5502,0.5385,0.5244,0.5217,0.5196,0.5144,0.5138,0.4977,0.4819,0.4811,0.4765,0.4658,0.4551,0.455,0.4536,0.4228,0.4203,0.4201,0.4155,0.415,0.4112,0.4016,0.3692],[0.9248,0.9239,0.9223,0.9105,0.883,0.8778,0.8766,0.8568,0.844,0.8428,0.8386,0.8351,0.8185,0.8118,0.8048,0.8044,0.8026,0.7989,0.7974,0.7826,0.7823,0.7794,0.7787,0.7783,0.7776,0.7762,0.7695,0.7621,0.7607,0.7601,0.7559,0.75,0.7473,0.7436,0.7388,0.7344,0.7304,0.7238,0.7221,0.7214,0.7155,0.7103,0.7084,0.708,0.7058,0.7035,0.7013,0.6987,0.6952,0.6939,0.6933,0.692,0.6876,0.6823,0.6817,0.6764,0.6758,0.6745,0.6733,0.673,0.6727,0.6699,0.666,0.6572,0.6459,0.6447,0.6385,0.6382,0.6379,0.6356,0.6324,0.6162,0.6103,0.6075,0.6033,0.5992,0.5921,0.5878,0.5857,0.5846,0.5729,0.5727,0.5657,0.5572,0.5529,0.5446,0.5426,0.5411,0.5389,0.5342,0.5224,0.508,0.5052,0.5032,0.4979,0.4972,0.4809,0.4649,0.464,0.4594,0.4486,0.4379,0.4377,0.4363,0.4053,0.4027,0.4025,0.398,0.3974,0.3936,0.384,0.3516],[0.9331,0.9323,0.9308,0.9203,0.8957,0.891,0.8899,0.8721,0.8605,0.8594,0.8556,0.8525,0.8375,0.8314,0.825,0.8247,0.823,0.8197,0.8183,0.8049,0.8045,0.8019,0.8013,0.801,0.8003,0.799,0.7929,0.7862,0.7849,0.7843,0.7805,0.7751,0.7726,0.7692,0.7648,0.7608,0.7571,0.751,0.7495,0.7489,0.7435,0.7387,0.7369,0.7366,0.7345,0.7324,0.7303,0.728,0.7247,0.7236,0.723,0.7218,0.7177,0.7128,0.7122,0.7073,0.7068,0.7056,0.7045,0.7042,0.7039,0.7013,0.6977,0.6895,0.679,0.6779,0.6721,0.6719,0.6716,0.6694,0.6664,0.6512,0.6457,0.6431,0.6392,0.6353,0.6287,0.6246,0.6226,0.6216,0.6106,0.6104,0.6037,0.5957,0.5916,0.5838,0.5819,0.5805,0.5784,0.5739,0.5627,0.5489,0.5463,0.5443,0.5392,0.5386,0.5229,0.5075,0.5066,0.5021,0.4917,0.4812,0.481,0.4797,0.4494,0.4469,0.4467,0.4422,0.4416,0.4379,0.4284,0.3962],[0.923,0.9221,0.9204,0.9084,0.8803,0.8749,0.8737,0.8535,0.8404,0.8392,0.8349,0.8313,0.8144,0.8075,0.8004,0.8,0.7981,0.7944,0.7929,0.7778,0.7774,0.7745,0.7738,0.7734,0.7727,0.7713,0.7644,0.7569,0.7555,0.7548,0.7506,0.7446,0.7418,0.738,0.7332,0.7287,0.7246,0.7179,0.7162,0.7155,0.7095,0.7042,0.7022,0.7019,0.6996,0.6973,0.695,0.6924,0.6889,0.6876,0.6869,0.6856,0.6812,0.6758,0.6751,0.6698,0.6691,0.6679,0.6666,0.6663,0.666,0.6632,0.6592,0.6503,0.6388,0.6376,0.6313,0.6311,0.6308,0.6284,0.6252,0.6087,0.6027,0.5999,0.5957,0.5915,0.5844,0.58,0.5778,0.5767,0.565,0.5647,0.5576,0.549,0.5447,0.5363,0.5343,0.5328,0.5306,0.5259,0.5139,0.4994,0.4966,0.4945,0.4892,0.4885,0.4721,0.456,0.4552,0.4505,0.4396,0.4288,0.4286,0.4272,0.3962,0.3936,0.3934,0.3888,0.3883,0.3845,0.3749,0.3424],[0.9329,0.9322,0.9307,0.9201,0.8955,0.8907,0.8897,0.8718,0.8602,0.8591,0.8553,0.8522,0.8371,0.831,0.8246,0.8243,0.8226,0.8193,0.8179,0.8044,0.8041,0.8015,0.8009,0.8005,0.7999,0.7986,0.7925,0.7857,0.7844,0.7838,0.78,0.7746,0.7721,0.7687,0.7643,0.7603,0.7566,0.7505,0.749,0.7484,0.7429,0.7381,0.7363,0.736,0.7339,0.7318,0.7298,0.7274,0.7242,0.723,0.7224,0.7212,0.7171,0.7122,0.7116,0.7067,0.7062,0.705,0.7039,0.7036,0.7033,0.7007,0.697,0.6889,0.6783,0.6772,0.6715,0.6712,0.6709,0.6688,0.6658,0.6506,0.645,0.6424,0.6385,0.6346,0.628,0.6239,0.6219,0.6209,0.6099,0.6096,0.603,0.595,0.5909,0.583,0.5811,0.5797,0.5776,0.5732,0.5619,0.5481,0.5455,0.5435,0.5384,0.5378,0.5221,0.5066,0.5058,0.5013,0.4908,0.4804,0.4802,0.4788,0.4485,0.446,0.4458,0.4413,0.4408,0.437,0.4275,0.3953],[0.9231,0.9222,0.9205,0.9085,0.8805,0.8752,0.8739,0.8537,0.8406,0.8395,0.8352,0.8316,0.8147,0.8079,0.8007,0.8003,0.7985,0.7947,0.7933,0.7782,0.7778,0.7749,0.7742,0.7738,0.7731,0.7717,0.7648,0.7573,0.7559,0.7552,0.751,0.745,0.7423,0.7385,0.7336,0.7292,0.7251,0.7183,0.7167,0.716,0.71,0.7047,0.7027,0.7024,0.7001,0.6978,0.6955,0.6929,0.6894,0.6881,0.6874,0.6861,0.6817,0.6763,0.6756,0.6703,0.6697,0.6684,0.6672,0.6668,0.6665,0.6637,0.6597,0.6508,0.6393,0.6381,0.6319,0.6316,0.6313,0.629,0.6257,0.6093,0.6033,0.6005,0.5963,0.5921,0.585,0.5806,0.5784,0.5773,0.5656,0.5653,0.5582,0.5497,0.5453,0.537,0.5349,0.5334,0.5312,0.5265,0.5146,0.5001,0.4973,0.4952,0.4899,0.4892,0.4728,0.4567,0.4558,0.4512,0.4403,0.4295,0.4293,0.4279,0.3969,0.3943,0.3941,0.3895,0.389,0.3852,0.3756,0.3431],[0.9269,0.9261,0.9244,0.913,0.8862,0.8811,0.88,0.8606,0.8481,0.847,0.8429,0.8395,0.8233,0.8167,0.8098,0.8095,0.8077,0.8041,0.8027,0.7882,0.7879,0.7851,0.7844,0.784,0.7833,0.7819,0.7754,0.7682,0.7668,0.7661,0.7621,0.7563,0.7536,0.75,0.7453,0.741,0.7371,0.7306,0.729,0.7283,0.7225,0.7174,0.7155,0.7152,0.7129,0.7107,0.7085,0.706,0.7026,0.7013,0.7007,0.6995,0.6951,0.6899,0.6893,0.6841,0.6835,0.6823,0.6811,0.6808,0.6805,0.6778,0.6739,0.6652,0.6541,0.6529,0.6469,0.6466,0.6463,0.644,0.6409,0.6249,0.6191,0.6163,0.6122,0.6082,0.6012,0.5969,0.5948,0.5938,0.5823,0.582,0.5751,0.5667,0.5624,0.5543,0.5523,0.5508,0.5486,0.544,0.5323,0.5181,0.5153,0.5133,0.5081,0.5074,0.4912,0.4753,0.4745,0.4699,0.4592,0.4485,0.4483,0.4469,0.4161,0.4135,0.4133,0.4087,0.4082,0.4044,0.3948,0.3624],[0.8966,0.8955,0.8932,0.8774,0.8407,0.8337,0.8321,0.806,0.7892,0.7877,0.7822,0.7777,0.7562,0.7475,0.7385,0.738,0.7357,0.731,0.7291,0.7103,0.7099,0.7062,0.7053,0.7049,0.704,0.7022,0.6937,0.6845,0.6828,0.6819,0.6767,0.6694,0.666,0.6613,0.6554,0.65,0.6451,0.6369,0.6349,0.634,0.6268,0.6204,0.6181,0.6177,0.6149,0.6122,0.6094,0.6063,0.6021,0.6006,0.5998,0.5983,0.5929,0.5866,0.5858,0.5795,0.5787,0.5773,0.5758,0.5754,0.5751,0.5718,0.567,0.5566,0.5433,0.5419,0.5347,0.5344,0.534,0.5313,0.5276,0.5087,0.502,0.4988,0.494,0.4893,0.4813,0.4764,0.474,0.4727,0.4597,0.4594,0.4515,0.4421,0.4373,0.4282,0.426,0.4244,0.422,0.4169,0.4041,0.3886,0.3857,0.3835,0.3779,0.3772,0.36,0.3434,0.3425,0.3377,0.3267,0.3158,0.3156,0.3142,0.2836,0.281,0.2809,0.2764,0.2759,0.2722,0.263,0.2325],[0.9222,0.9214,0.9196,0.9075,0.8792,0.8738,0.8725,0.8521,0.8389,0.8377,0.8334,0.8298,0.8127,0.8058,0.7986,0.7982,0.7964,0.7926,0.7911,0.7759,0.7755,0.7726,0.7719,0.7715,0.7708,0.7693,0.7624,0.7549,0.7534,0.7527,0.7485,0.7425,0.7397,0.7358,0.731,0.7265,0.7224,0.7156,0.7139,0.7132,0.7071,0.7018,0.6998,0.6995,0.6972,0.6949,0.6926,0.6899,0.6864,0.6851,0.6844,0.6831,0.6786,0.6732,0.6725,0.6671,0.6665,0.6652,0.664,0.6637,0.6634,0.6605,0.6565,0.6475,0.636,0.6348,0.6285,0.6282,0.6279,0.6255,0.6223,0.6057,0.5997,0.5969,0.5927,0.5885,0.5813,0.5769,0.5747,0.5736,0.5618,0.5615,0.5544,0.5458,0.5414,0.533,0.531,0.5295,0.5273,0.5225,0.5106,0.496,0.4932,0.4911,0.4858,0.4851,0.4686,0.4525,0.4516,0.447,0.4361,0.4253,0.4251,0.4237,0.3926,0.39,0.3898,0.3852,0.3847,0.3809,0.3713,0.3388],[0.9086,0.9076,0.9056,0.8915,0.8586,0.8524,0.8509,0.8274,0.8123,0.8109,0.8059,0.8018,0.7823,0.7745,0.7663,0.7658,0.7637,0.7594,0.7577,0.7405,0.7401,0.7368,0.7359,0.7355,0.7347,0.7331,0.7253,0.7168,0.7152,0.7144,0.7096,0.7029,0.6997,0.6954,0.69,0.685,0.6804,0.6728,0.6709,0.6702,0.6635,0.6575,0.6553,0.655,0.6524,0.6498,0.6473,0.6444,0.6404,0.639,0.6383,0.6369,0.6319,0.6259,0.6252,0.6193,0.6186,0.6172,0.6158,0.6155,0.6151,0.612,0.6076,0.5978,0.5852,0.5839,0.577,0.5767,0.5764,0.5738,0.5703,0.5524,0.5459,0.5428,0.5383,0.5338,0.5261,0.5214,0.519,0.5179,0.5053,0.505,0.4974,0.4883,0.4836,0.4748,0.4727,0.4711,0.4687,0.4637,0.4512,0.436,0.4331,0.4309,0.4254,0.4247,0.4076,0.3911,0.3902,0.3854,0.3744,0.3634,0.3632,0.3618,0.3306,0.328,0.3278,0.3232,0.3227,0.3189,0.3094,0.2777],[0.881,0.8797,0.8771,0.8591,0.8175,0.8096,0.8078,0.7785,0.7597,0.758,0.7518,0.7468,0.7229,0.7133,0.7033,0.7028,0.7002,0.695,0.693,0.6722,0.6718,0.6678,0.6668,0.6663,0.6653,0.6633,0.6541,0.644,0.6421,0.6411,0.6354,0.6275,0.6238,0.6187,0.6123,0.6065,0.6011,0.5923,0.5901,0.5892,0.5814,0.5745,0.572,0.5716,0.5686,0.5657,0.5627,0.5594,0.5549,0.5532,0.5524,0.5508,0.5451,0.5383,0.5375,0.5307,0.53,0.5284,0.5268,0.5264,0.526,0.5225,0.5175,0.5065,0.4925,0.491,0.4834,0.4831,0.4827,0.4799,0.476,0.4563,0.4492,0.4459,0.441,0.4361,0.4278,0.4228,0.4203,0.419,0.4056,0.4053,0.3973,0.3877,0.3828,0.3736,0.3714,0.3697,0.3673,0.3621,0.3492,0.3338,0.3308,0.3286,0.3231,0.3224,0.3054,0.2891,0.2882,0.2836,0.2729,0.2623,0.2622,0.2608,0.2315,0.2291,0.2289,0.2247,0.2242,0.2208,0.2121,0.1838],[0.926,0.9252,0.9235,0.9119,0.8849,0.8797,0.8785,0.859,0.8463,0.8452,0.841,0.8376,0.8212,0.8146,0.8077,0.8073,0.8055,0.8019,0.8004,0.7858,0.7855,0.7826,0.7819,0.7816,0.7809,0.7795,0.7729,0.7656,0.7642,0.7635,0.7594,0.7536,0.7509,0.7472,0.7425,0.7382,0.7342,0.7277,0.726,0.7254,0.7195,0.7144,0.7124,0.7121,0.7099,0.7076,0.7054,0.7029,0.6994,0.6982,0.6975,0.6963,0.6919,0.6866,0.686,0.6808,0.6802,0.679,0.6777,0.6774,0.6771,0.6744,0.6705,0.6618,0.6506,0.6494,0.6433,0.643,0.6427,0.6404,0.6373,0.6211,0.6153,0.6125,0.6084,0.6043,0.5973,0.593,0.5909,0.5898,0.5783,0.578,0.571,0.5626,0.5583,0.5501,0.5481,0.5467,0.5445,0.5398,0.5281,0.5138,0.511,0.5089,0.5037,0.503,0.4868,0.4708,0.47,0.4654,0.4546,0.4439,0.4437,0.4423,0.4114,0.4088,0.4087,0.4041,0.4035,0.3998,0.3902,0.3577],[0.9006,0.8995,0.8973,0.882,0.8466,0.8398,0.8383,0.813,0.7967,0.7953,0.7899,0.7856,0.7647,0.7563,0.7476,0.7471,0.7448,0.7403,0.7385,0.7202,0.7197,0.7162,0.7153,0.7149,0.714,0.7123,0.704,0.695,0.6933,0.6925,0.6874,0.6803,0.677,0.6724,0.6667,0.6614,0.6566,0.6486,0.6466,0.6458,0.6387,0.6325,0.6302,0.6298,0.6271,0.6244,0.6217,0.6187,0.6145,0.613,0.6123,0.6108,0.6056,0.5993,0.5986,0.5924,0.5916,0.5902,0.5887,0.5884,0.588,0.5848,0.5802,0.5699,0.5568,0.5555,0.5484,0.548,0.5477,0.545,0.5414,0.5228,0.5161,0.513,0.5083,0.5036,0.4957,0.4908,0.4884,0.4872,0.4743,0.474,0.4662,0.4569,0.4522,0.4431,0.4409,0.4393,0.4369,0.4319,0.4191,0.4037,0.4008,0.3986,0.393,0.3923,0.3751,0.3585,0.3576,0.3528,0.3418,0.3309,0.3307,0.3292,0.2983,0.2958,0.2956,0.2911,0.2906,0.2869,0.2775,0.2466],[0.9196,0.9187,0.9169,0.9044,0.8752,0.8697,0.8684,0.8474,0.8338,0.8326,0.8281,0.8245,0.8069,0.7998,0.7924,0.792,0.79,0.7862,0.7846,0.769,0.7687,0.7657,0.7649,0.7645,0.7638,0.7623,0.7552,0.7475,0.746,0.7453,0.7409,0.7348,0.7319,0.728,0.723,0.7184,0.7142,0.7072,0.7055,0.7048,0.6986,0.6932,0.6911,0.6908,0.6884,0.6861,0.6837,0.6811,0.6774,0.6761,0.6754,0.6741,0.6695,0.6639,0.6633,0.6578,0.6571,0.6558,0.6546,0.6542,0.6539,0.651,0.6469,0.6378,0.626,0.6248,0.6184,0.6181,0.6178,0.6154,0.6121,0.5952,0.5891,0.5862,0.5819,0.5777,0.5704,0.5659,0.5637,0.5626,0.5506,0.5503,0.5431,0.5344,0.53,0.5215,0.5194,0.5179,0.5156,0.5108,0.4987,0.484,0.4812,0.4791,0.4737,0.473,0.4564,0.4401,0.4393,0.4346,0.4236,0.4128,0.4126,0.4112,0.38,0.3774,0.3772,0.3726,0.3721,0.3683,0.3586,0.3263],[0.9022,0.9011,0.899,0.8839,0.849,0.8424,0.8409,0.816,0.7999,0.7985,0.7932,0.7889,0.7683,0.76,0.7514,0.7509,0.7487,0.7442,0.7424,0.7243,0.7239,0.7204,0.7195,0.7191,0.7182,0.7165,0.7084,0.6995,0.6978,0.697,0.6919,0.6849,0.6816,0.6771,0.6714,0.6662,0.6614,0.6535,0.6515,0.6507,0.6437,0.6376,0.6353,0.6349,0.6322,0.6296,0.6269,0.6239,0.6198,0.6183,0.6176,0.6161,0.6109,0.6047,0.604,0.5978,0.5971,0.5957,0.5942,0.5939,0.5935,0.5903,0.5857,0.5756,0.5626,0.5612,0.5542,0.5538,0.5535,0.5508,0.5472,0.5288,0.5221,0.519,0.5143,0.5097,0.5018,0.497,0.4946,0.4934,0.4805,0.4802,0.4725,0.4632,0.4585,0.4495,0.4473,0.4457,0.4433,0.4382,0.4255,0.4102,0.4072,0.405,0.3995,0.3987,0.3816,0.365,0.3641,0.3593,0.3482,0.3373,0.3371,0.3357,0.3047,0.3021,0.302,0.2975,0.2969,0.2932,0.2838,0.2527],[0.9241,0.9233,0.9216,0.9098,0.8821,0.8768,0.8756,0.8556,0.8427,0.8415,0.8373,0.8338,0.8171,0.8103,0.8032,0.8029,0.801,0.7973,0.7959,0.7809,0.7806,0.7777,0.777,0.7766,0.7759,0.7745,0.7677,0.7603,0.7589,0.7582,0.754,0.7481,0.7454,0.7416,0.7368,0.7324,0.7284,0.7217,0.72,0.7194,0.7134,0.7082,0.7062,0.7059,0.7036,0.7014,0.6991,0.6965,0.693,0.6917,0.6911,0.6898,0.6854,0.68,0.6794,0.6741,0.6735,0.6722,0.671,0.6707,0.6704,0.6676,0.6636,0.6548,0.6434,0.6422,0.636,0.6357,0.6354,0.6331,0.6299,0.6135,0.6076,0.6048,0.6007,0.5965,0.5894,0.5851,0.5829,0.5818,0.5701,0.5699,0.5628,0.5543,0.55,0.5417,0.5397,0.5382,0.536,0.5313,0.5194,0.505,0.5022,0.5001,0.4949,0.4942,0.4778,0.4618,0.4609,0.4563,0.4455,0.4347,0.4345,0.4331,0.4021,0.3995,0.3993,0.3947,0.3942,0.3904,0.3808,0.3484],[0.9142,0.9132,0.9113,0.898,0.867,0.8611,0.8598,0.8375,0.8231,0.8218,0.8171,0.8133,0.7947,0.7872,0.7794,0.779,0.777,0.7729,0.7713,0.7549,0.7545,0.7513,0.7505,0.7501,0.7493,0.7478,0.7404,0.7322,0.7307,0.7299,0.7254,0.7189,0.7159,0.7118,0.7066,0.7018,0.6974,0.6901,0.6883,0.6876,0.6811,0.6754,0.6733,0.6729,0.6705,0.668,0.6656,0.6628,0.659,0.6576,0.6569,0.6555,0.6507,0.6449,0.6443,0.6385,0.6379,0.6365,0.6352,0.6349,0.6345,0.6315,0.6272,0.6178,0.6056,0.6043,0.5977,0.5974,0.5971,0.5946,0.5911,0.5737,0.5674,0.5645,0.56,0.5557,0.5481,0.5435,0.5413,0.5401,0.5278,0.5275,0.5201,0.5112,0.5066,0.4979,0.4959,0.4943,0.492,0.4871,0.4747,0.4598,0.4569,0.4547,0.4493,0.4486,0.4317,0.4153,0.4144,0.4097,0.3986,0.3877,0.3875,0.3861,0.3548,0.3522,0.352,0.3474,0.3469,0.3431,0.3335,0.3014],[0.9276,0.9268,0.9252,0.9139,0.8874,0.8823,0.8812,0.862,0.8496,0.8485,0.8444,0.8411,0.825,0.8185,0.8117,0.8113,0.8095,0.806,0.8046,0.7902,0.7899,0.7871,0.7864,0.7861,0.7854,0.784,0.7775,0.7703,0.769,0.7683,0.7643,0.7586,0.7559,0.7523,0.7477,0.7434,0.7395,0.733,0.7314,0.7308,0.725,0.7199,0.7181,0.7177,0.7155,0.7133,0.7111,0.7086,0.7052,0.704,0.7034,0.7021,0.6978,0.6926,0.692,0.6869,0.6863,0.6851,0.6839,0.6836,0.6833,0.6806,0.6767,0.6681,0.6571,0.6559,0.6499,0.6496,0.6493,0.6471,0.6439,0.628,0.6222,0.6195,0.6154,0.6114,0.6045,0.6002,0.5981,0.5971,0.5856,0.5854,0.5785,0.5702,0.5659,0.5578,0.5558,0.5544,0.5522,0.5476,0.5359,0.5217,0.519,0.517,0.5118,0.5111,0.495,0.4791,0.4783,0.4737,0.463,0.4523,0.4521,0.4507,0.42,0.4174,0.4172,0.4127,0.4121,0.4083,0.3988,0.3663],[0.8998,0.8987,0.8965,0.8811,0.8454,0.8387,0.8371,0.8117,0.7953,0.7939,0.7885,0.7841,0.7631,0.7547,0.7459,0.7454,0.7431,0.7385,0.7367,0.7183,0.7179,0.7143,0.7134,0.713,0.7121,0.7104,0.7021,0.693,0.6913,0.6905,0.6854,0.6782,0.6749,0.6703,0.6646,0.6592,0.6544,0.6464,0.6444,0.6436,0.6365,0.6302,0.6279,0.6275,0.6248,0.6221,0.6194,0.6164,0.6122,0.6107,0.6099,0.6084,0.6032,0.5969,0.5961,0.5899,0.5892,0.5877,0.5863,0.5859,0.5856,0.5823,0.5777,0.5674,0.5543,0.5529,0.5458,0.5454,0.5451,0.5424,0.5387,0.5201,0.5134,0.5103,0.5056,0.5009,0.4929,0.4881,0.4857,0.4845,0.4715,0.4712,0.4634,0.4541,0.4493,0.4403,0.4381,0.4365,0.4341,0.429,0.4162,0.4008,0.3979,0.3957,0.3901,0.3894,0.3722,0.3556,0.3547,0.3499,0.3389,0.328,0.3278,0.3264,0.2955,0.293,0.2928,0.2883,0.2878,0.284,0.2747,0.2439],[0.9212,0.9203,0.9186,0.9063,0.8776,0.8722,0.8709,0.8503,0.8369,0.8357,0.8313,0.8277,0.8104,0.8034,0.7961,0.7958,0.7939,0.7901,0.7885,0.7732,0.7728,0.7698,0.7691,0.7687,0.768,0.7665,0.7596,0.7519,0.7505,0.7498,0.7455,0.7394,0.7366,0.7327,0.7278,0.7233,0.7191,0.7123,0.7105,0.7099,0.7038,0.6984,0.6964,0.696,0.6937,0.6914,0.6891,0.6864,0.6828,0.6815,0.6808,0.6795,0.675,0.6695,0.6688,0.6634,0.6628,0.6615,0.6602,0.6599,0.6596,0.6568,0.6527,0.6437,0.632,0.6308,0.6245,0.6242,0.6239,0.6215,0.6182,0.6015,0.5955,0.5927,0.5884,0.5842,0.5769,0.5725,0.5703,0.5692,0.5573,0.5571,0.5499,0.5413,0.5369,0.5284,0.5264,0.5249,0.5226,0.5179,0.5058,0.4912,0.4884,0.4863,0.481,0.4803,0.4638,0.4476,0.4467,0.442,0.4311,0.4203,0.4201,0.4187,0.3876,0.385,0.3848,0.3802,0.3796,0.3758,0.3662,0.3338],[0.9249,0.924,0.9223,0.9106,0.8832,0.8779,0.8767,0.8569,0.8441,0.843,0.8387,0.8353,0.8187,0.812,0.8049,0.8046,0.8027,0.7991,0.7976,0.7828,0.7825,0.7796,0.7789,0.7785,0.7778,0.7764,0.7697,0.7624,0.761,0.7603,0.7561,0.7503,0.7475,0.7438,0.739,0.7347,0.7306,0.724,0.7224,0.7217,0.7158,0.7106,0.7086,0.7083,0.706,0.7038,0.7015,0.699,0.6955,0.6942,0.6936,0.6923,0.6879,0.6826,0.6819,0.6767,0.6761,0.6748,0.6736,0.6733,0.673,0.6702,0.6662,0.6575,0.6462,0.645,0.6388,0.6385,0.6382,0.6359,0.6327,0.6165,0.6106,0.6078,0.6036,0.5995,0.5924,0.5881,0.586,0.5849,0.5733,0.573,0.566,0.5575,0.5532,0.5449,0.5429,0.5415,0.5392,0.5346,0.5227,0.5084,0.5056,0.5035,0.4983,0.4976,0.4813,0.4653,0.4644,0.4598,0.449,0.4382,0.438,0.4366,0.4057,0.4031,0.4029,0.3983,0.3978,0.394,0.3844,0.352],[0.8569,0.8553,0.8522,0.831,0.7822,0.773,0.7709,0.7369,0.7152,0.7133,0.7063,0.7005,0.6732,0.6624,0.6511,0.6505,0.6476,0.6418,0.6395,0.6162,0.6156,0.6112,0.6101,0.6096,0.6085,0.6063,0.5959,0.5847,0.5826,0.5816,0.5753,0.5665,0.5625,0.5569,0.5499,0.5435,0.5376,0.528,0.5256,0.5247,0.5162,0.5088,0.5061,0.5056,0.5024,0.4992,0.4961,0.4925,0.4877,0.4859,0.485,0.4833,0.4772,0.4699,0.4691,0.4619,0.4611,0.4594,0.4578,0.4574,0.4569,0.4532,0.448,0.4364,0.4217,0.4201,0.4122,0.4119,0.4115,0.4085,0.4045,0.3842,0.377,0.3736,0.3686,0.3636,0.3552,0.3501,0.3475,0.3463,0.3328,0.3325,0.3245,0.3149,0.3101,0.301,0.2989,0.2973,0.2948,0.2898,0.2773,0.2624,0.2596,0.2575,0.2522,0.2515,0.2355,0.2202,0.2194,0.2151,0.2052,0.1957,0.1955,0.1942,0.168,0.1658,0.1657,0.162,0.1616,0.1585,0.151,0.1268],[0.9267,0.9259,0.9242,0.9128,0.886,0.8809,0.8797,0.8603,0.8478,0.8466,0.8425,0.8391,0.8229,0.8163,0.8094,0.8091,0.8073,0.8037,0.8023,0.7877,0.7874,0.7846,0.7839,0.7835,0.7829,0.7815,0.7749,0.7677,0.7663,0.7656,0.7615,0.7558,0.7531,0.7494,0.7448,0.7405,0.7365,0.73,0.7284,0.7277,0.7219,0.7168,0.7149,0.7146,0.7124,0.7101,0.7079,0.7054,0.702,0.7007,0.7001,0.6989,0.6945,0.6893,0.6887,0.6835,0.6829,0.6816,0.6804,0.6801,0.6798,0.6771,0.6732,0.6646,0.6534,0.6523,0.6462,0.6459,0.6456,0.6433,0.6402,0.6241,0.6183,0.6156,0.6115,0.6074,0.6004,0.5962,0.5941,0.593,0.5815,0.5812,0.5743,0.5659,0.5617,0.5535,0.5515,0.55,0.5478,0.5432,0.5315,0.5173,0.5145,0.5124,0.5072,0.5066,0.4904,0.4745,0.4736,0.469,0.4583,0.4476,0.4474,0.446,0.4152,0.4126,0.4124,0.4078,0.4073,0.4035,0.3939,0.3615],[0.9269,0.9261,0.9244,0.913,0.8862,0.8811,0.88,0.8606,0.8481,0.847,0.8429,0.8395,0.8233,0.8167,0.8098,0.8095,0.8077,0.8041,0.8027,0.7882,0.7879,0.7851,0.7844,0.784,0.7833,0.7819,0.7754,0.7682,0.7668,0.7661,0.7621,0.7563,0.7536,0.75,0.7453,0.741,0.7371,0.7306,0.729,0.7283,0.7225,0.7174,0.7155,0.7152,0.7129,0.7107,0.7085,0.706,0.7026,0.7013,0.7007,0.6995,0.6951,0.6899,0.6893,0.6841,0.6835,0.6823,0.6811,0.6808,0.6805,0.6778,0.6739,0.6652,0.6541,0.6529,0.6469,0.6466,0.6463,0.644,0.6409,0.6249,0.6191,0.6163,0.6122,0.6082,0.6012,0.5969,0.5948,0.5938,0.5823,0.582,0.5751,0.5667,0.5624,0.5543,0.5523,0.5508,0.5486,0.544,0.5323,0.5181,0.5153,0.5133,0.5081,0.5074,0.4912,0.4753,0.4745,0.4699,0.4592,0.4485,0.4483,0.4469,0.4161,0.4135,0.4133,0.4087,0.4082,0.4044,0.3948,0.3624],[0.8984,0.8973,0.895,0.8794,0.8433,0.8364,0.8349,0.8091,0.7926,0.7911,0.7856,0.7812,0.76,0.7514,0.7425,0.7421,0.7398,0.7351,0.7333,0.7147,0.7143,0.7107,0.7098,0.7093,0.7085,0.7067,0.6983,0.6892,0.6875,0.6866,0.6815,0.6742,0.6709,0.6663,0.6604,0.6551,0.6502,0.6421,0.6401,0.6393,0.6321,0.6258,0.6234,0.623,0.6203,0.6176,0.6149,0.6118,0.6076,0.6061,0.6053,0.6038,0.5986,0.5922,0.5915,0.5852,0.5845,0.583,0.5815,0.5812,0.5808,0.5775,0.5729,0.5625,0.5493,0.5479,0.5408,0.5404,0.5401,0.5374,0.5337,0.515,0.5082,0.5051,0.5003,0.4957,0.4876,0.4828,0.4804,0.4792,0.4661,0.4658,0.458,0.4487,0.4439,0.4348,0.4326,0.431,0.4286,0.4235,0.4107,0.3953,0.3923,0.3901,0.3846,0.3838,0.3667,0.3501,0.3492,0.3444,0.3334,0.3225,0.3223,0.3209,0.2901,0.2875,0.2873,0.2829,0.2823,0.2787,0.2694,0.2387],[0.9229,0.9221,0.9203,0.9083,0.8802,0.8749,0.8736,0.8534,0.8403,0.8391,0.8348,0.8313,0.8143,0.8074,0.8003,0.7999,0.798,0.7943,0.7928,0.7777,0.7773,0.7744,0.7737,0.7733,0.7726,0.7712,0.7643,0.7568,0.7554,0.7547,0.7505,0.7445,0.7417,0.7379,0.7331,0.7286,0.7245,0.7178,0.7161,0.7154,0.7094,0.7041,0.7021,0.7018,0.6995,0.6972,0.6949,0.6923,0.6887,0.6874,0.6868,0.6855,0.681,0.6756,0.675,0.6696,0.669,0.6677,0.6665,0.6662,0.6659,0.6631,0.659,0.6501,0.6386,0.6374,0.6312,0.6309,0.6306,0.6282,0.625,0.6085,0.6026,0.5997,0.5955,0.5914,0.5842,0.5798,0.5776,0.5766,0.5648,0.5645,0.5574,0.5489,0.5445,0.5361,0.5341,0.5326,0.5304,0.5257,0.5137,0.4992,0.4964,0.4943,0.489,0.4884,0.4719,0.4558,0.455,0.4503,0.4394,0.4287,0.4285,0.427,0.396,0.3934,0.3932,0.3886,0.3881,0.3843,0.3747,0.3422],[0.9175,0.9166,0.9148,0.902,0.8721,0.8664,0.8651,0.8436,0.8297,0.8284,0.8238,0.8201,0.8022,0.7949,0.7874,0.787,0.785,0.781,0.7795,0.7636,0.7632,0.7601,0.7593,0.759,0.7582,0.7567,0.7495,0.7416,0.7401,0.7394,0.7349,0.7286,0.7257,0.7217,0.7166,0.712,0.7077,0.7006,0.6988,0.6981,0.6918,0.6863,0.6842,0.6839,0.6815,0.6791,0.6767,0.674,0.6702,0.6689,0.6682,0.6669,0.6622,0.6566,0.6559,0.6503,0.6496,0.6483,0.647,0.6467,0.6464,0.6435,0.6393,0.63,0.6181,0.6168,0.6103,0.61,0.6097,0.6073,0.6039,0.5868,0.5807,0.5778,0.5734,0.5691,0.5617,0.5572,0.555,0.5538,0.5417,0.5414,0.5341,0.5253,0.5209,0.5123,0.5102,0.5087,0.5064,0.5016,0.4894,0.4746,0.4717,0.4696,0.4642,0.4635,0.4467,0.4304,0.4295,0.4248,0.4138,0.4029,0.4027,0.4013,0.3701,0.3675,0.3673,0.3627,0.3622,0.3584,0.3488,0.3165],[0.934,0.9333,0.9318,0.9214,0.8971,0.8924,0.8914,0.8738,0.8623,0.8613,0.8575,0.8544,0.8396,0.8335,0.8272,0.8269,0.8253,0.822,0.8207,0.8073,0.807,0.8044,0.8038,0.8035,0.8028,0.8016,0.7955,0.7889,0.7876,0.787,0.7832,0.7779,0.7754,0.772,0.7677,0.7638,0.7601,0.7541,0.7526,0.752,0.7466,0.7418,0.74,0.7397,0.7377,0.7356,0.7336,0.7312,0.728,0.7269,0.7263,0.7251,0.7211,0.7162,0.7156,0.7108,0.7102,0.7091,0.708,0.7077,0.7074,0.7049,0.7012,0.6931,0.6827,0.6816,0.6759,0.6757,0.6754,0.6732,0.6703,0.6552,0.6497,0.6471,0.6433,0.6394,0.6328,0.6288,0.6268,0.6258,0.6149,0.6146,0.6081,0.6001,0.596,0.5882,0.5864,0.585,0.5829,0.5785,0.5672,0.5536,0.551,0.549,0.544,0.5433,0.5277,0.5123,0.5115,0.507,0.4966,0.4862,0.486,0.4847,0.4545,0.452,0.4518,0.4473,0.4468,0.443,0.4336,0.4014],[0.8805,0.8791,0.8765,0.8584,0.8167,0.8088,0.807,0.7775,0.7586,0.7569,0.7508,0.7458,0.7217,0.7121,0.7021,0.7016,0.699,0.6938,0.6917,0.6709,0.6704,0.6665,0.6655,0.665,0.664,0.662,0.6527,0.6426,0.6407,0.6397,0.634,0.6261,0.6223,0.6173,0.6109,0.605,0.5996,0.5907,0.5885,0.5877,0.5798,0.573,0.5704,0.57,0.567,0.5641,0.5612,0.5578,0.5533,0.5516,0.5508,0.5492,0.5435,0.5366,0.5358,0.5291,0.5283,0.5267,0.5252,0.5248,0.5244,0.5209,0.5159,0.5049,0.4908,0.4893,0.4817,0.4814,0.481,0.4781,0.4742,0.4545,0.4475,0.4442,0.4392,0.4344,0.426,0.421,0.4185,0.4172,0.4038,0.4035,0.3955,0.3859,0.381,0.3718,0.3696,0.3679,0.3655,0.3603,0.3474,0.332,0.329,0.3268,0.3213,0.3206,0.3036,0.2873,0.2865,0.2818,0.2711,0.2606,0.2604,0.2591,0.2298,0.2274,0.2273,0.2231,0.2226,0.2191,0.2105,0.1823],[0.9233,0.9225,0.9207,0.9088,0.8808,0.8755,0.8743,0.8541,0.8411,0.8399,0.8356,0.8321,0.8152,0.8084,0.8012,0.8009,0.799,0.7953,0.7938,0.7788,0.7784,0.7755,0.7748,0.7744,0.7737,0.7722,0.7654,0.758,0.7566,0.7559,0.7516,0.7457,0.7429,0.7391,0.7343,0.7299,0.7258,0.719,0.7174,0.7167,0.7107,0.7054,0.7035,0.7031,0.7008,0.6985,0.6963,0.6937,0.6901,0.6888,0.6882,0.6869,0.6824,0.6771,0.6764,0.6711,0.6704,0.6692,0.668,0.6676,0.6673,0.6645,0.6605,0.6516,0.6402,0.639,0.6328,0.6325,0.6322,0.6298,0.6266,0.6102,0.6042,0.6014,0.5972,0.593,0.5859,0.5815,0.5794,0.5783,0.5665,0.5663,0.5592,0.5506,0.5463,0.5379,0.5359,0.5344,0.5322,0.5275,0.5156,0.5011,0.4983,0.4962,0.4909,0.4902,0.4738,0.4578,0.4569,0.4522,0.4414,0.4306,0.4304,0.429,0.398,0.3954,0.3952,0.3906,0.3901,0.3863,0.3767,0.3442],[0.9189,0.918,0.9162,0.9035,0.8741,0.8685,0.8672,0.846,0.8323,0.8311,0.8266,0.8229,0.8052,0.798,0.7906,0.7902,0.7882,0.7843,0.7828,0.7671,0.7667,0.7637,0.7629,0.7625,0.7618,0.7603,0.7531,0.7454,0.7439,0.7432,0.7388,0.7326,0.7297,0.7257,0.7207,0.7161,0.7118,0.7048,0.7031,0.7024,0.6962,0.6907,0.6886,0.6883,0.6859,0.6835,0.6812,0.6785,0.6748,0.6735,0.6728,0.6715,0.6668,0.6613,0.6606,0.6551,0.6544,0.6531,0.6518,0.6515,0.6512,0.6483,0.6441,0.635,0.6231,0.6219,0.6155,0.6152,0.6149,0.6124,0.6091,0.5922,0.5861,0.5832,0.5789,0.5746,0.5672,0.5628,0.5605,0.5594,0.5474,0.5471,0.5399,0.5311,0.5267,0.5181,0.5161,0.5146,0.5123,0.5075,0.4953,0.4806,0.4778,0.4756,0.4702,0.4695,0.4529,0.4366,0.4357,0.431,0.4201,0.4092,0.409,0.4076,0.3764,0.3738,0.3736,0.369,0.3685,0.3647,0.355,0.3227],[0.9235,0.9226,0.9209,0.909,0.8811,0.8758,0.8746,0.8544,0.8414,0.8403,0.836,0.8325,0.8156,0.8088,0.8017,0.8013,0.7994,0.7957,0.7942,0.7792,0.7789,0.776,0.7753,0.7749,0.7742,0.7727,0.7659,0.7585,0.7571,0.7564,0.7522,0.7462,0.7435,0.7397,0.7349,0.7304,0.7264,0.7196,0.718,0.7173,0.7113,0.706,0.7041,0.7037,0.7014,0.6992,0.6969,0.6943,0.6908,0.6895,0.6888,0.6875,0.6831,0.6777,0.6771,0.6717,0.6711,0.6699,0.6686,0.6683,0.668,0.6652,0.6612,0.6523,0.6409,0.6397,0.6335,0.6332,0.6329,0.6305,0.6273,0.6109,0.6049,0.6021,0.598,0.5938,0.5867,0.5823,0.5801,0.5791,0.5673,0.5671,0.56,0.5514,0.5471,0.5388,0.5368,0.5353,0.533,0.5283,0.5164,0.502,0.4992,0.4971,0.4918,0.4911,0.4747,0.4586,0.4578,0.4531,0.4423,0.4315,0.4313,0.4299,0.3989,0.3963,0.3961,0.3915,0.391,0.3872,0.3776,0.3451],[0.9006,0.8995,0.8973,0.8821,0.8466,0.8399,0.8384,0.8131,0.7968,0.7954,0.79,0.7857,0.7648,0.7564,0.7477,0.7472,0.745,0.7404,0.7386,0.7203,0.7199,0.7163,0.7155,0.715,0.7141,0.7124,0.7042,0.6952,0.6935,0.6926,0.6876,0.6804,0.6771,0.6726,0.6668,0.6615,0.6567,0.6487,0.6467,0.6459,0.6389,0.6326,0.6303,0.6299,0.6272,0.6246,0.6219,0.6188,0.6147,0.6132,0.6124,0.6109,0.6057,0.5995,0.5987,0.5925,0.5918,0.5904,0.5889,0.5885,0.5882,0.585,0.5803,0.5701,0.557,0.5556,0.5485,0.5482,0.5479,0.5452,0.5415,0.523,0.5163,0.5131,0.5084,0.5038,0.4958,0.491,0.4886,0.4874,0.4745,0.4742,0.4664,0.4571,0.4523,0.4433,0.4411,0.4395,0.4371,0.432,0.4193,0.4039,0.401,0.3988,0.3932,0.3925,0.3753,0.3587,0.3578,0.353,0.342,0.331,0.3308,0.3294,0.2985,0.296,0.2958,0.2913,0.2908,0.287,0.2777,0.2468],[0.9218,0.9209,0.9191,0.9069,0.8785,0.873,0.8718,0.8513,0.838,0.8368,0.8324,0.8288,0.8117,0.8047,0.7975,0.7971,0.7952,0.7914,0.7899,0.7746,0.7743,0.7713,0.7706,0.7702,0.7695,0.768,0.7611,0.7535,0.7521,0.7514,0.7471,0.7411,0.7382,0.7344,0.7295,0.725,0.7209,0.714,0.7123,0.7116,0.7056,0.7002,0.6982,0.6979,0.6956,0.6932,0.6909,0.6883,0.6847,0.6834,0.6827,0.6814,0.6769,0.6715,0.6708,0.6654,0.6648,0.6635,0.6622,0.6619,0.6616,0.6588,0.6547,0.6457,0.6341,0.6329,0.6266,0.6263,0.626,0.6237,0.6204,0.6038,0.5978,0.5949,0.5907,0.5865,0.5793,0.5749,0.5727,0.5716,0.5597,0.5595,0.5523,0.5437,0.5393,0.5309,0.5289,0.5274,0.5251,0.5204,0.5084,0.4938,0.491,0.4889,0.4836,0.4829,0.4664,0.4502,0.4494,0.4447,0.4338,0.423,0.4228,0.4214,0.3902,0.3877,0.3875,0.3829,0.3823,0.3785,0.3689,0.3365],[0.8954,0.8943,0.892,0.876,0.8389,0.8318,0.8302,0.8038,0.7869,0.7854,0.7798,0.7753,0.7536,0.7448,0.7358,0.7353,0.7329,0.7282,0.7263,0.7073,0.7069,0.7032,0.7023,0.7019,0.701,0.6992,0.6906,0.6813,0.6796,0.6787,0.6734,0.6661,0.6627,0.658,0.652,0.6466,0.6416,0.6334,0.6313,0.6305,0.6232,0.6168,0.6144,0.614,0.6112,0.6085,0.6057,0.6026,0.5984,0.5968,0.596,0.5945,0.5891,0.5827,0.582,0.5756,0.5749,0.5734,0.5719,0.5715,0.5712,0.5679,0.5631,0.5527,0.5392,0.5379,0.5306,0.5303,0.5299,0.5272,0.5235,0.5045,0.4977,0.4945,0.4898,0.485,0.477,0.4721,0.4696,0.4684,0.4553,0.455,0.4471,0.4377,0.4329,0.4238,0.4216,0.42,0.4175,0.4124,0.3996,0.3841,0.3812,0.379,0.3734,0.3727,0.3555,0.3389,0.338,0.3333,0.3222,0.3114,0.3112,0.3098,0.2792,0.2767,0.2765,0.2721,0.2715,0.2679,0.2587,0.2284],[0.9013,0.9002,0.898,0.8828,0.8476,0.8409,0.8394,0.8142,0.7981,0.7966,0.7913,0.787,0.7662,0.7579,0.7492,0.7487,0.7464,0.7419,0.7401,0.7219,0.7215,0.718,0.7171,0.7167,0.7158,0.714,0.7058,0.6969,0.6952,0.6944,0.6893,0.6822,0.6789,0.6744,0.6687,0.6634,0.6586,0.6506,0.6486,0.6479,0.6408,0.6346,0.6323,0.6319,0.6292,0.6266,0.6239,0.6209,0.6167,0.6152,0.6145,0.613,0.6078,0.6015,0.6008,0.5946,0.5939,0.5925,0.591,0.5907,0.5903,0.5871,0.5825,0.5723,0.5592,0.5579,0.5508,0.5504,0.5501,0.5474,0.5438,0.5253,0.5186,0.5155,0.5108,0.5062,0.4982,0.4934,0.491,0.4898,0.4769,0.4766,0.4688,0.4595,0.4548,0.4458,0.4436,0.442,0.4396,0.4345,0.4218,0.4064,0.4035,0.4013,0.3957,0.395,0.3778,0.3612,0.3603,0.3555,0.3445,0.3335,0.3333,0.3319,0.301,0.2984,0.2982,0.2937,0.2932,0.2895,0.2801,0.2491],[0.9219,0.9211,0.9193,0.9072,0.8787,0.8733,0.8721,0.8516,0.8383,0.8371,0.8328,0.8292,0.8121,0.8052,0.7979,0.7975,0.7956,0.7919,0.7904,0.7751,0.7747,0.7718,0.7711,0.7707,0.77,0.7685,0.7616,0.754,0.7526,0.7519,0.7476,0.7416,0.7388,0.7349,0.7301,0.7256,0.7214,0.7146,0.7129,0.7122,0.7062,0.7008,0.6988,0.6985,0.6962,0.6939,0.6916,0.6889,0.6853,0.684,0.6834,0.6821,0.6776,0.6721,0.6715,0.6661,0.6654,0.6642,0.6629,0.6626,0.6623,0.6595,0.6554,0.6464,0.6349,0.6336,0.6274,0.6271,0.6268,0.6244,0.6211,0.6045,0.5985,0.5957,0.5914,0.5872,0.58,0.5756,0.5735,0.5724,0.5605,0.5603,0.5531,0.5445,0.5401,0.5317,0.5297,0.5282,0.5259,0.5212,0.5092,0.4947,0.4918,0.4897,0.4844,0.4837,0.4672,0.4511,0.4502,0.4456,0.4347,0.4239,0.4237,0.4223,0.3911,0.3886,0.3884,0.3838,0.3832,0.3794,0.3698,0.3374],[0.9162,0.9152,0.9134,0.9004,0.87,0.8642,0.8629,0.8411,0.827,0.8257,0.8211,0.8173,0.7991,0.7918,0.7841,0.7837,0.7817,0.7777,0.7761,0.76,0.7596,0.7565,0.7557,0.7554,0.7546,0.753,0.7457,0.7378,0.7363,0.7355,0.731,0.7247,0.7217,0.7177,0.7125,0.7078,0.7035,0.6963,0.6945,0.6938,0.6874,0.6818,0.6797,0.6794,0.677,0.6745,0.6721,0.6694,0.6656,0.6643,0.6636,0.6622,0.6575,0.6518,0.6511,0.6455,0.6448,0.6435,0.6422,0.6419,0.6415,0.6386,0.6344,0.625,0.613,0.6117,0.6052,0.6049,0.6045,0.6021,0.5987,0.5815,0.5753,0.5723,0.5679,0.5636,0.5561,0.5516,0.5494,0.5482,0.536,0.5357,0.5284,0.5195,0.515,0.5064,0.5043,0.5028,0.5005,0.4956,0.4834,0.4685,0.4656,0.4635,0.4581,0.4573,0.4406,0.4242,0.4233,0.4186,0.4076,0.3967,0.3965,0.3951,0.3638,0.3612,0.361,0.3564,0.3559,0.3521,0.3425,0.3102],[0.9334,0.9327,0.9312,0.9207,0.8962,0.8915,0.8905,0.8727,0.8612,0.8602,0.8563,0.8532,0.8383,0.8322,0.8259,0.8255,0.8239,0.8206,0.8192,0.8058,0.8055,0.8029,0.8023,0.8019,0.8013,0.8,0.7939,0.7872,0.7859,0.7853,0.7815,0.7762,0.7737,0.7703,0.7659,0.7619,0.7583,0.7522,0.7507,0.7501,0.7446,0.7399,0.7381,0.7378,0.7357,0.7336,0.7316,0.7292,0.726,0.7248,0.7242,0.7231,0.719,0.7141,0.7135,0.7086,0.7081,0.7069,0.7058,0.7055,0.7052,0.7027,0.699,0.6909,0.6804,0.6793,0.6736,0.6733,0.673,0.6709,0.6679,0.6527,0.6472,0.6446,0.6408,0.6369,0.6303,0.6262,0.6242,0.6232,0.6123,0.612,0.6054,0.5974,0.5933,0.5855,0.5836,0.5822,0.5801,0.5757,0.5644,0.5507,0.5481,0.5461,0.541,0.5404,0.5247,0.5093,0.5085,0.504,0.4936,0.4831,0.4829,0.4816,0.4513,0.4488,0.4486,0.4441,0.4436,0.4399,0.4304,0.3982],[0.9305,0.9298,0.9282,0.9173,0.8918,0.8869,0.8858,0.8674,0.8554,0.8543,0.8504,0.8472,0.8316,0.8253,0.8188,0.8184,0.8167,0.8133,0.8119,0.798,0.7977,0.795,0.7943,0.794,0.7933,0.792,0.7857,0.7788,0.7775,0.7768,0.7729,0.7674,0.7648,0.7613,0.7568,0.7527,0.7489,0.7426,0.741,0.7404,0.7348,0.7299,0.728,0.7277,0.7256,0.7235,0.7213,0.7189,0.7156,0.7144,0.7138,0.7126,0.7084,0.7033,0.7027,0.6977,0.6971,0.696,0.6948,0.6945,0.6942,0.6916,0.6878,0.6795,0.6687,0.6676,0.6617,0.6614,0.6611,0.6589,0.6559,0.6403,0.6347,0.632,0.628,0.6241,0.6173,0.6131,0.6111,0.6101,0.5989,0.5986,0.5918,0.5837,0.5795,0.5715,0.5696,0.5682,0.566,0.5615,0.55,0.5361,0.5334,0.5314,0.5263,0.5256,0.5097,0.4941,0.4932,0.4887,0.4781,0.4676,0.4674,0.466,0.4354,0.4329,0.4327,0.4282,0.4276,0.4239,0.4143,0.382],[0.9332,0.9325,0.931,0.9205,0.8959,0.8912,0.8902,0.8724,0.8608,0.8598,0.856,0.8528,0.8378,0.8318,0.8254,0.8251,0.8234,0.8201,0.8187,0.8053,0.805,0.8024,0.8017,0.8014,0.8008,0.7995,0.7934,0.7866,0.7854,0.7847,0.7809,0.7756,0.7731,0.7697,0.7653,0.7613,0.7576,0.7515,0.75,0.7494,0.744,0.7392,0.7374,0.7371,0.735,0.733,0.7309,0.7285,0.7253,0.7241,0.7235,0.7224,0.7183,0.7134,0.7128,0.7079,0.7074,0.7062,0.7051,0.7048,0.7045,0.7019,0.6983,0.6901,0.6796,0.6785,0.6728,0.6725,0.6722,0.6701,0.6671,0.6519,0.6464,0.6438,0.6399,0.6361,0.6294,0.6254,0.6233,0.6223,0.6114,0.6111,0.6045,0.5965,0.5924,0.5846,0.5827,0.5813,0.5791,0.5747,0.5635,0.5497,0.5471,0.5451,0.54,0.5394,0.5237,0.5083,0.5075,0.503,0.4925,0.4821,0.4819,0.4805,0.4503,0.4477,0.4476,0.4431,0.4425,0.4388,0.4293,0.3971],[0.7469,0.7443,0.7393,0.7048,0.6286,0.6148,0.6117,0.5616,0.5309,0.5282,0.5183,0.5104,0.4735,0.4592,0.4445,0.4438,0.44,0.4325,0.4296,0.4006,0.3999,0.3945,0.3931,0.3924,0.3911,0.3884,0.376,0.3628,0.3603,0.3591,0.3518,0.3418,0.3371,0.3309,0.3231,0.316,0.3096,0.2992,0.2966,0.2956,0.2867,0.2789,0.2761,0.2756,0.2724,0.2691,0.2659,0.2623,0.2574,0.2557,0.2548,0.2531,0.2471,0.24,0.2392,0.2324,0.2316,0.23,0.2284,0.2281,0.2277,0.2242,0.2193,0.2087,0.1956,0.1943,0.1874,0.1871,0.1868,0.1842,0.1808,0.1641,0.1583,0.1556,0.1517,0.1478,0.1414,0.1376,0.1357,0.1348,0.1251,0.1248,0.1192,0.1127,0.1095,0.1035,0.1021,0.101,0.0995,0.0963,0.0886,0.0798,0.0782,0.077,0.0741,0.0737,0.065,0.0573,0.0569,0.0548,0.0502,0.0458,0.0458,0.0452,0.0344,0.0335,0.0335,0.0321,0.0319,0.0308,0.0281,0.0202],[0.9134,0.9124,0.9105,0.8971,0.8658,0.8598,0.8585,0.836,0.8215,0.8202,0.8155,0.8116,0.7929,0.7854,0.7775,0.7771,0.775,0.7709,0.7693,0.7528,0.7524,0.7492,0.7484,0.748,0.7472,0.7456,0.7382,0.73,0.7284,0.7277,0.7231,0.7166,0.7135,0.7094,0.7042,0.6993,0.6949,0.6876,0.6857,0.685,0.6785,0.6728,0.6707,0.6703,0.6678,0.6653,0.6629,0.6601,0.6562,0.6548,0.6542,0.6528,0.6479,0.6421,0.6415,0.6357,0.635,0.6337,0.6323,0.632,0.6317,0.6287,0.6244,0.6148,0.6026,0.6013,0.5946,0.5943,0.594,0.5915,0.5881,0.5706,0.5643,0.5613,0.5568,0.5524,0.5449,0.5403,0.538,0.5368,0.5245,0.5242,0.5168,0.5078,0.5032,0.4945,0.4924,0.4909,0.4885,0.4836,0.4712,0.4563,0.4534,0.4512,0.4457,0.445,0.4281,0.4117,0.4108,0.4061,0.395,0.3841,0.3839,0.3825,0.3512,0.3486,0.3484,0.3438,0.3433,0.3395,0.3299,0.2978],[0.9323,0.9316,0.93,0.9194,0.8945,0.8898,0.8887,0.8707,0.859,0.8579,0.854,0.8509,0.8357,0.8296,0.8231,0.8228,0.8211,0.8177,0.8164,0.8028,0.8025,0.7998,0.7992,0.7989,0.7982,0.7969,0.7907,0.7839,0.7827,0.782,0.7782,0.7728,0.7703,0.7668,0.7624,0.7584,0.7546,0.7485,0.7469,0.7463,0.7408,0.736,0.7342,0.7339,0.7318,0.7297,0.7276,0.7252,0.722,0.7208,0.7202,0.719,0.7149,0.7099,0.7094,0.7044,0.7039,0.7027,0.7015,0.7013,0.701,0.6984,0.6947,0.6865,0.6759,0.6748,0.669,0.6687,0.6684,0.6662,0.6632,0.6479,0.6424,0.6398,0.6358,0.6319,0.6252,0.6212,0.6191,0.6181,0.6071,0.6068,0.6001,0.5921,0.588,0.5801,0.5782,0.5768,0.5746,0.5702,0.5588,0.545,0.5424,0.5404,0.5353,0.5346,0.5189,0.5034,0.5026,0.4981,0.4876,0.4771,0.4769,0.4755,0.4452,0.4426,0.4424,0.4379,0.4374,0.4336,0.4241,0.3919],[0.9194,0.9185,0.9167,0.9042,0.8749,0.8694,0.8681,0.847,0.8334,0.8322,0.8277,0.8241,0.8064,0.7993,0.7919,0.7915,0.7896,0.7857,0.7842,0.7686,0.7682,0.7652,0.7644,0.764,0.7633,0.7618,0.7547,0.747,0.7455,0.7448,0.7404,0.7342,0.7314,0.7274,0.7224,0.7178,0.7136,0.7066,0.7049,0.7042,0.698,0.6926,0.6905,0.6902,0.6878,0.6854,0.6831,0.6804,0.6768,0.6754,0.6748,0.6734,0.6688,0.6633,0.6626,0.6571,0.6565,0.6552,0.6539,0.6536,0.6532,0.6504,0.6462,0.6371,0.6253,0.6241,0.6177,0.6174,0.6171,0.6146,0.6113,0.5945,0.5884,0.5855,0.5812,0.5769,0.5696,0.5651,0.5629,0.5618,0.5498,0.5495,0.5423,0.5336,0.5291,0.5206,0.5186,0.5171,0.5148,0.51,0.4979,0.4832,0.4803,0.4782,0.4728,0.4722,0.4555,0.4393,0.4384,0.4337,0.4228,0.4119,0.4117,0.4103,0.3791,0.3765,0.3763,0.3717,0.3712,0.3674,0.3577,0.3254],[0.9198,0.9189,0.9171,0.9047,0.8755,0.87,0.8687,0.8477,0.8342,0.8329,0.8285,0.8248,0.8073,0.8002,0.7928,0.7924,0.7905,0.7867,0.7851,0.7695,0.7692,0.7662,0.7654,0.765,0.7643,0.7628,0.7557,0.748,0.7466,0.7458,0.7415,0.7353,0.7325,0.7285,0.7236,0.719,0.7148,0.7078,0.7061,0.7054,0.6992,0.6938,0.6918,0.6914,0.6891,0.6867,0.6844,0.6817,0.678,0.6767,0.6761,0.6747,0.6701,0.6646,0.6639,0.6584,0.6578,0.6565,0.6552,0.6549,0.6546,0.6517,0.6476,0.6385,0.6267,0.6255,0.6191,0.6188,0.6185,0.6161,0.6128,0.596,0.5899,0.587,0.5827,0.5785,0.5712,0.5667,0.5645,0.5634,0.5514,0.5511,0.5439,0.5352,0.5308,0.5223,0.5203,0.5187,0.5165,0.5117,0.4996,0.4849,0.4821,0.4799,0.4746,0.4739,0.4573,0.441,0.4402,0.4355,0.4245,0.4137,0.4135,0.4121,0.3809,0.3783,0.3781,0.3735,0.373,0.3692,0.3595,0.3272],[0.9122,0.9112,0.9092,0.8956,0.8639,0.8579,0.8565,0.8338,0.8192,0.8178,0.813,0.8091,0.7902,0.7826,0.7746,0.7742,0.7721,0.768,0.7663,0.7496,0.7492,0.746,0.7452,0.7448,0.744,0.7424,0.7348,0.7266,0.725,0.7243,0.7196,0.7131,0.71,0.7058,0.7005,0.6956,0.6912,0.6838,0.6819,0.6812,0.6746,0.6689,0.6667,0.6663,0.6638,0.6613,0.6589,0.656,0.6522,0.6508,0.6501,0.6487,0.6438,0.6379,0.6373,0.6315,0.6308,0.6294,0.6281,0.6277,0.6274,0.6244,0.62,0.6104,0.5981,0.5968,0.5901,0.5898,0.5895,0.5869,0.5835,0.5659,0.5595,0.5565,0.552,0.5476,0.54,0.5354,0.5331,0.5319,0.5195,0.5192,0.5117,0.5027,0.4982,0.4894,0.4873,0.4857,0.4834,0.4785,0.466,0.451,0.4481,0.4459,0.4404,0.4397,0.4228,0.4063,0.4054,0.4007,0.3896,0.3787,0.3785,0.3771,0.3458,0.3432,0.343,0.3384,0.3379,0.3341,0.3245,0.2925],[0.9128,0.9118,0.9099,0.8964,0.8649,0.8589,0.8575,0.8349,0.8204,0.819,0.8142,0.8103,0.7915,0.784,0.7761,0.7756,0.7736,0.7695,0.7678,0.7512,0.7508,0.7476,0.7468,0.7464,0.7456,0.744,0.7365,0.7283,0.7267,0.726,0.7213,0.7148,0.7118,0.7076,0.7023,0.6975,0.693,0.6857,0.6838,0.6831,0.6766,0.6708,0.6687,0.6683,0.6658,0.6633,0.6609,0.6581,0.6542,0.6528,0.6521,0.6507,0.6459,0.64,0.6394,0.6336,0.6329,0.6316,0.6302,0.6299,0.6295,0.6265,0.6222,0.6126,0.6003,0.5991,0.5924,0.5921,0.5917,0.5892,0.5858,0.5682,0.5619,0.5589,0.5544,0.55,0.5424,0.5378,0.5355,0.5344,0.522,0.5217,0.5142,0.5053,0.5007,0.492,0.4899,0.4883,0.486,0.4811,0.4686,0.4536,0.4507,0.4486,0.4431,0.4424,0.4255,0.409,0.4081,0.4034,0.3923,0.3814,0.3812,0.3798,0.3485,0.3459,0.3457,0.3411,0.3406,0.3368,0.3272,0.2952],[0.9212,0.9203,0.9185,0.9062,0.8776,0.8721,0.8708,0.8502,0.8368,0.8356,0.8312,0.8276,0.8103,0.8033,0.796,0.7957,0.7938,0.79,0.7884,0.7731,0.7727,0.7697,0.769,0.7686,0.7679,0.7664,0.7595,0.7518,0.7504,0.7497,0.7454,0.7393,0.7365,0.7326,0.7277,0.7232,0.719,0.7121,0.7104,0.7097,0.7036,0.6982,0.6962,0.6959,0.6936,0.6912,0.6889,0.6863,0.6827,0.6814,0.6807,0.6794,0.6748,0.6694,0.6687,0.6633,0.6626,0.6614,0.6601,0.6598,0.6595,0.6566,0.6525,0.6435,0.6319,0.6307,0.6243,0.624,0.6237,0.6213,0.6181,0.6014,0.5953,0.5925,0.5882,0.584,0.5768,0.5724,0.5702,0.5691,0.5572,0.5569,0.5497,0.5411,0.5367,0.5283,0.5262,0.5247,0.5224,0.5177,0.5057,0.4911,0.4882,0.4861,0.4808,0.4801,0.4636,0.4474,0.4465,0.4418,0.4309,0.4201,0.4199,0.4185,0.3874,0.3848,0.3846,0.38,0.3794,0.3756,0.366,0.3336],[0.9322,0.9314,0.9299,0.9192,0.8943,0.8895,0.8884,0.8704,0.8586,0.8576,0.8537,0.8506,0.8353,0.8292,0.8227,0.8224,0.8207,0.8173,0.816,0.8024,0.802,0.7994,0.7988,0.7984,0.7978,0.7965,0.7903,0.7835,0.7822,0.7816,0.7777,0.7723,0.7698,0.7663,0.7619,0.7578,0.7541,0.7479,0.7464,0.7458,0.7403,0.7355,0.7336,0.7333,0.7312,0.7291,0.727,0.7247,0.7214,0.7202,0.7196,0.7184,0.7143,0.7093,0.7088,0.7038,0.7032,0.7021,0.7009,0.7007,0.7004,0.6978,0.6941,0.6858,0.6752,0.6741,0.6683,0.668,0.6678,0.6656,0.6626,0.6472,0.6417,0.6391,0.6351,0.6312,0.6245,0.6204,0.6184,0.6174,0.6063,0.6061,0.5994,0.5913,0.5872,0.5793,0.5774,0.576,0.5739,0.5694,0.558,0.5442,0.5416,0.5396,0.5345,0.5338,0.5181,0.5025,0.5017,0.4972,0.4867,0.4762,0.476,0.4747,0.4443,0.4417,0.4415,0.437,0.4365,0.4327,0.4233,0.391],[0.9312,0.9305,0.9289,0.9181,0.8929,0.888,0.8869,0.8686,0.8568,0.8557,0.8518,0.8486,0.8332,0.827,0.8204,0.8201,0.8184,0.815,0.8136,0.7999,0.7995,0.7969,0.7962,0.7959,0.7952,0.7939,0.7876,0.7808,0.7795,0.7788,0.7749,0.7695,0.7669,0.7634,0.759,0.7549,0.7511,0.7449,0.7433,0.7427,0.7371,0.7322,0.7304,0.7301,0.728,0.7259,0.7237,0.7213,0.718,0.7168,0.7162,0.7151,0.7109,0.7059,0.7053,0.7003,0.6997,0.6986,0.6974,0.6971,0.6968,0.6942,0.6905,0.6822,0.6715,0.6703,0.6645,0.6642,0.6639,0.6617,0.6587,0.6432,0.6376,0.635,0.631,0.6271,0.6203,0.6162,0.6142,0.6132,0.602,0.6018,0.595,0.5869,0.5828,0.5748,0.5729,0.5715,0.5693,0.5648,0.5534,0.5395,0.5368,0.5348,0.5297,0.5291,0.5132,0.4976,0.4968,0.4923,0.4817,0.4712,0.471,0.4696,0.4392,0.4366,0.4364,0.4319,0.4314,0.4276,0.4181,0.3858],[0.9237,0.9228,0.9211,0.9092,0.8814,0.8761,0.8749,0.8548,0.8418,0.8406,0.8363,0.8328,0.816,0.8092,0.8021,0.8017,0.7999,0.7962,0.7947,0.7797,0.7793,0.7765,0.7757,0.7754,0.7747,0.7732,0.7664,0.759,0.7576,0.7569,0.7527,0.7468,0.744,0.7402,0.7354,0.731,0.7269,0.7202,0.7185,0.7179,0.7119,0.7066,0.7047,0.7043,0.702,0.6998,0.6975,0.6949,0.6914,0.6901,0.6895,0.6882,0.6837,0.6783,0.6777,0.6724,0.6718,0.6705,0.6693,0.669,0.6686,0.6659,0.6619,0.653,0.6416,0.6404,0.6342,0.6339,0.6336,0.6312,0.628,0.6116,0.6057,0.6029,0.5987,0.5945,0.5874,0.5831,0.5809,0.5798,0.5681,0.5678,0.5608,0.5522,0.5479,0.5396,0.5376,0.5361,0.5338,0.5292,0.5173,0.5028,0.5,0.4979,0.4926,0.492,0.4756,0.4595,0.4587,0.454,0.4432,0.4324,0.4322,0.4308,0.3998,0.3972,0.397,0.3924,0.3919,0.3881,0.3785,0.346],[0.9117,0.9107,0.9087,0.8951,0.8632,0.8572,0.8558,0.8329,0.8182,0.8169,0.812,0.8081,0.7891,0.7814,0.7734,0.773,0.7709,0.7668,0.7651,0.7483,0.7479,0.7447,0.7439,0.7435,0.7427,0.7411,0.7335,0.7252,0.7237,0.7229,0.7182,0.7116,0.7086,0.7044,0.699,0.6942,0.6897,0.6822,0.6804,0.6797,0.6731,0.6673,0.6651,0.6648,0.6622,0.6597,0.6573,0.6544,0.6505,0.6491,0.6484,0.647,0.6421,0.6363,0.6356,0.6298,0.6291,0.6277,0.6264,0.626,0.6257,0.6226,0.6183,0.6087,0.5963,0.595,0.5883,0.588,0.5876,0.5851,0.5816,0.564,0.5576,0.5546,0.5501,0.5457,0.5381,0.5334,0.5311,0.53,0.5175,0.5172,0.5097,0.5007,0.4961,0.4873,0.4852,0.4837,0.4813,0.4764,0.4639,0.4489,0.446,0.4438,0.4383,0.4376,0.4207,0.4042,0.4033,0.3985,0.3875,0.3765,0.3763,0.3749,0.3436,0.341,0.3409,0.3363,0.3357,0.332,0.3224,0.2904],[0.9129,0.912,0.91,0.8966,0.8651,0.8591,0.8578,0.8352,0.8207,0.8194,0.8146,0.8107,0.7919,0.7843,0.7764,0.776,0.774,0.7699,0.7682,0.7516,0.7512,0.748,0.7472,0.7468,0.746,0.7445,0.737,0.7288,0.7272,0.7264,0.7218,0.7153,0.7123,0.7081,0.7028,0.698,0.6935,0.6862,0.6844,0.6836,0.6771,0.6714,0.6692,0.6689,0.6664,0.6639,0.6614,0.6586,0.6548,0.6534,0.6527,0.6513,0.6464,0.6406,0.6399,0.6342,0.6335,0.6321,0.6308,0.6305,0.6301,0.6271,0.6228,0.6132,0.6009,0.5997,0.593,0.5927,0.5924,0.5898,0.5864,0.5689,0.5625,0.5595,0.5551,0.5507,0.5431,0.5385,0.5362,0.5351,0.5227,0.5224,0.5149,0.506,0.5014,0.4927,0.4906,0.489,0.4867,0.4818,0.4693,0.4543,0.4514,0.4493,0.4438,0.4431,0.4262,0.4097,0.4089,0.4041,0.3931,0.3821,0.3819,0.3805,0.3492,0.3466,0.3464,0.3419,0.3413,0.3375,0.3279,0.2959],[0.9301,0.9293,0.9277,0.9167,0.8911,0.8862,0.885,0.8665,0.8544,0.8533,0.8494,0.8461,0.8305,0.8242,0.8176,0.8172,0.8155,0.812,0.8107,0.7967,0.7963,0.7937,0.793,0.7926,0.792,0.7906,0.7843,0.7773,0.776,0.7754,0.7714,0.7659,0.7633,0.7597,0.7552,0.7511,0.7473,0.741,0.7394,0.7388,0.7331,0.7282,0.7263,0.726,0.7239,0.7217,0.7196,0.7172,0.7138,0.7126,0.712,0.7108,0.7066,0.7015,0.7009,0.6959,0.6953,0.6941,0.6929,0.6926,0.6924,0.6897,0.6859,0.6775,0.6667,0.6656,0.6597,0.6594,0.6591,0.6569,0.6538,0.6382,0.6326,0.6299,0.6259,0.6219,0.6151,0.6109,0.6089,0.6078,0.5966,0.5964,0.5896,0.5814,0.5772,0.5692,0.5672,0.5658,0.5636,0.5591,0.5476,0.5336,0.5309,0.5289,0.5238,0.5231,0.5072,0.4915,0.4907,0.4861,0.4755,0.4649,0.4647,0.4634,0.4328,0.4302,0.43,0.4255,0.425,0.4212,0.4117,0.3793],[0.9171,0.9162,0.9144,0.9015,0.8715,0.8658,0.8645,0.8429,0.8289,0.8277,0.8231,0.8193,0.8013,0.794,0.7864,0.786,0.7841,0.7801,0.7785,0.7625,0.7622,0.7591,0.7583,0.7579,0.7572,0.7556,0.7484,0.7405,0.739,0.7383,0.7338,0.7275,0.7246,0.7206,0.7155,0.7108,0.7065,0.6994,0.6976,0.6969,0.6906,0.685,0.6829,0.6826,0.6802,0.6778,0.6754,0.6727,0.6689,0.6676,0.6669,0.6656,0.6609,0.6552,0.6545,0.6489,0.6483,0.647,0.6457,0.6453,0.645,0.6421,0.6379,0.6286,0.6166,0.6154,0.6089,0.6086,0.6083,0.6058,0.6024,0.5853,0.5791,0.5762,0.5719,0.5675,0.5601,0.5556,0.5534,0.5522,0.5401,0.5398,0.5325,0.5237,0.5192,0.5106,0.5085,0.507,0.5047,0.4999,0.4876,0.4728,0.47,0.4678,0.4624,0.4617,0.445,0.4286,0.4278,0.423,0.4121,0.4012,0.401,0.3995,0.3683,0.3657,0.3655,0.3609,0.3604,0.3566,0.347,0.3147],[0.9245,0.9237,0.922,0.9102,0.8826,0.8774,0.8762,0.8563,0.8434,0.8422,0.838,0.8345,0.8179,0.8111,0.8041,0.8037,0.8019,0.7982,0.7967,0.7819,0.7815,0.7787,0.7779,0.7776,0.7769,0.7755,0.7687,0.7613,0.7599,0.7592,0.7551,0.7492,0.7465,0.7427,0.7379,0.7336,0.7295,0.7229,0.7212,0.7205,0.7146,0.7094,0.7074,0.7071,0.7048,0.7026,0.7003,0.6978,0.6942,0.693,0.6923,0.6911,0.6866,0.6813,0.6807,0.6754,0.6748,0.6735,0.6723,0.672,0.6717,0.6689,0.6649,0.6561,0.6448,0.6436,0.6374,0.6371,0.6368,0.6345,0.6313,0.615,0.6091,0.6063,0.6022,0.598,0.5909,0.5866,0.5845,0.5834,0.5717,0.5715,0.5644,0.5559,0.5516,0.5433,0.5413,0.5398,0.5376,0.5329,0.5211,0.5067,0.5039,0.5018,0.4966,0.4959,0.4795,0.4635,0.4627,0.458,0.4472,0.4365,0.4363,0.4349,0.4039,0.4013,0.4011,0.3965,0.396,0.3922,0.3826,0.3502],[0.9124,0.9114,0.9094,0.8959,0.8643,0.8582,0.8569,0.8342,0.8196,0.8182,0.8134,0.8095,0.7906,0.783,0.7751,0.7747,0.7726,0.7685,0.7668,0.7501,0.7497,0.7465,0.7457,0.7453,0.7445,0.7429,0.7354,0.7272,0.7256,0.7248,0.7202,0.7136,0.7106,0.7064,0.7011,0.6962,0.6918,0.6844,0.6826,0.6818,0.6753,0.6695,0.6674,0.667,0.6645,0.662,0.6595,0.6567,0.6528,0.6514,0.6507,0.6494,0.6445,0.6386,0.638,0.6322,0.6315,0.6301,0.6288,0.6285,0.6281,0.6251,0.6207,0.6112,0.5988,0.5976,0.5909,0.5905,0.5902,0.5877,0.5842,0.5666,0.5603,0.5573,0.5528,0.5484,0.5408,0.5362,0.5339,0.5328,0.5203,0.52,0.5126,0.5036,0.499,0.4903,0.4882,0.4866,0.4842,0.4793,0.4669,0.4519,0.449,0.4468,0.4413,0.4406,0.4237,0.4072,0.4063,0.4016,0.3905,0.3796,0.3794,0.378,0.3467,0.3441,0.3439,0.3393,0.3388,0.335,0.3254,0.2934],[0.8981,0.897,0.8947,0.8791,0.8429,0.836,0.8344,0.8086,0.792,0.7905,0.7851,0.7806,0.7593,0.7508,0.7419,0.7414,0.7391,0.7345,0.7326,0.714,0.7135,0.71,0.7091,0.7086,0.7077,0.706,0.6976,0.6884,0.6867,0.6858,0.6807,0.6734,0.6701,0.6655,0.6596,0.6543,0.6493,0.6412,0.6392,0.6384,0.6312,0.6249,0.6226,0.6222,0.6194,0.6167,0.614,0.6109,0.6067,0.6052,0.6044,0.6029,0.5976,0.5913,0.5905,0.5843,0.5835,0.5821,0.5806,0.5802,0.5799,0.5766,0.5719,0.5616,0.5483,0.547,0.5398,0.5394,0.5391,0.5364,0.5327,0.514,0.5072,0.504,0.4993,0.4946,0.4866,0.4817,0.4793,0.4781,0.4651,0.4648,0.457,0.4476,0.4428,0.4337,0.4316,0.4299,0.4275,0.4224,0.4096,0.3942,0.3913,0.389,0.3835,0.3827,0.3656,0.349,0.3481,0.3433,0.3323,0.3214,0.3212,0.3198,0.289,0.2865,0.2863,0.2818,0.2813,0.2776,0.2683,0.2377],[0.9257,0.9248,0.9232,0.9116,0.8844,0.8792,0.878,0.8584,0.8457,0.8446,0.8404,0.837,0.8205,0.8139,0.8069,0.8065,0.8047,0.8011,0.7996,0.785,0.7846,0.7818,0.7811,0.7807,0.78,0.7786,0.772,0.7647,0.7633,0.7626,0.7585,0.7527,0.75,0.7463,0.7415,0.7372,0.7332,0.7266,0.725,0.7243,0.7185,0.7133,0.7114,0.711,0.7088,0.7066,0.7043,0.7018,0.6983,0.697,0.6964,0.6952,0.6908,0.6855,0.6849,0.6796,0.679,0.6778,0.6766,0.6763,0.676,0.6732,0.6693,0.6606,0.6493,0.6482,0.642,0.6417,0.6415,0.6391,0.636,0.6198,0.614,0.6112,0.6071,0.603,0.5959,0.5916,0.5895,0.5884,0.5769,0.5766,0.5696,0.5612,0.5569,0.5487,0.5467,0.5452,0.543,0.5383,0.5266,0.5122,0.5095,0.5074,0.5022,0.5015,0.4852,0.4693,0.4684,0.4638,0.453,0.4423,0.4421,0.4407,0.4098,0.4072,0.407,0.4025,0.4019,0.3981,0.3885,0.3561],[0.9279,0.9271,0.9254,0.9142,0.8877,0.8827,0.8815,0.8625,0.8501,0.849,0.8449,0.8416,0.8255,0.819,0.8122,0.8119,0.8101,0.8066,0.8052,0.7908,0.7905,0.7877,0.787,0.7867,0.786,0.7846,0.7781,0.771,0.7697,0.769,0.765,0.7593,0.7566,0.753,0.7484,0.7442,0.7403,0.7338,0.7322,0.7316,0.7258,0.7208,0.7189,0.7185,0.7163,0.7142,0.712,0.7095,0.7061,0.7048,0.7042,0.703,0.6987,0.6935,0.6929,0.6878,0.6872,0.686,0.6848,0.6845,0.6842,0.6815,0.6776,0.6691,0.658,0.6569,0.6509,0.6506,0.6503,0.648,0.6449,0.629,0.6233,0.6205,0.6165,0.6124,0.6055,0.6013,0.5992,0.5981,0.5867,0.5865,0.5796,0.5713,0.567,0.5589,0.5569,0.5555,0.5533,0.5487,0.5371,0.5229,0.5202,0.5181,0.5129,0.5123,0.4961,0.4803,0.4795,0.4749,0.4642,0.4536,0.4534,0.452,0.4212,0.4186,0.4185,0.4139,0.4134,0.4096,0.4,0.3676],[0.9214,0.9205,0.9188,0.9066,0.8779,0.8725,0.8713,0.8507,0.8373,0.8361,0.8317,0.8282,0.8109,0.8039,0.7967,0.7963,0.7944,0.7906,0.7891,0.7737,0.7734,0.7704,0.7697,0.7693,0.7686,0.7671,0.7602,0.7526,0.7511,0.7504,0.7461,0.7401,0.7372,0.7334,0.7285,0.724,0.7198,0.7129,0.7112,0.7106,0.7045,0.6991,0.6971,0.6968,0.6944,0.6921,0.6898,0.6872,0.6835,0.6822,0.6816,0.6803,0.6757,0.6703,0.6696,0.6642,0.6636,0.6623,0.661,0.6607,0.6604,0.6576,0.6535,0.6445,0.6329,0.6316,0.6253,0.625,0.6247,0.6223,0.6191,0.6024,0.5964,0.5936,0.5893,0.5851,0.5779,0.5734,0.5713,0.5702,0.5583,0.558,0.5509,0.5422,0.5378,0.5294,0.5274,0.5259,0.5236,0.5189,0.5068,0.4923,0.4894,0.4873,0.482,0.4813,0.4648,0.4486,0.4478,0.4431,0.4322,0.4214,0.4212,0.4197,0.3886,0.386,0.3858,0.3812,0.3807,0.3769,0.3673,0.3349],[0.9136,0.9126,0.9107,0.8973,0.8661,0.8602,0.8588,0.8364,0.8219,0.8206,0.8159,0.812,0.7934,0.7858,0.778,0.7776,0.7755,0.7714,0.7698,0.7533,0.7529,0.7497,0.7489,0.7485,0.7478,0.7462,0.7387,0.7306,0.729,0.7283,0.7236,0.7172,0.7141,0.71,0.7048,0.6999,0.6955,0.6882,0.6864,0.6857,0.6792,0.6735,0.6713,0.671,0.6685,0.666,0.6636,0.6608,0.6569,0.6555,0.6549,0.6535,0.6487,0.6429,0.6422,0.6364,0.6358,0.6344,0.6331,0.6327,0.6324,0.6294,0.6251,0.6156,0.6033,0.6021,0.5954,0.5951,0.5948,0.5923,0.5889,0.5714,0.5651,0.5621,0.5577,0.5533,0.5457,0.5411,0.5388,0.5377,0.5253,0.525,0.5176,0.5087,0.5041,0.4954,0.4933,0.4917,0.4894,0.4845,0.4721,0.4572,0.4543,0.4521,0.4466,0.4459,0.4291,0.4126,0.4117,0.407,0.3959,0.385,0.3848,0.3834,0.3521,0.3495,0.3493,0.3447,0.3442,0.3404,0.3308,0.2987],[0.9297,0.9289,0.9273,0.9163,0.8906,0.8856,0.8845,0.8659,0.8538,0.8527,0.8487,0.8454,0.8297,0.8234,0.8168,0.8164,0.8147,0.8112,0.8098,0.7958,0.7955,0.7928,0.7921,0.7917,0.7911,0.7897,0.7834,0.7764,0.775,0.7744,0.7704,0.7649,0.7623,0.7587,0.7542,0.75,0.7462,0.7399,0.7383,0.7377,0.732,0.7271,0.7252,0.7249,0.7227,0.7206,0.7184,0.716,0.7126,0.7114,0.7108,0.7096,0.7054,0.7003,0.6997,0.6947,0.6941,0.6929,0.6917,0.6914,0.6911,0.6885,0.6847,0.6763,0.6654,0.6643,0.6583,0.6581,0.6578,0.6555,0.6525,0.6368,0.6311,0.6285,0.6245,0.6205,0.6136,0.6095,0.6074,0.6064,0.5951,0.5948,0.588,0.5798,0.5756,0.5676,0.5657,0.5642,0.5621,0.5575,0.546,0.532,0.5293,0.5273,0.5221,0.5215,0.5055,0.4898,0.489,0.4844,0.4738,0.4632,0.463,0.4616,0.431,0.4285,0.4283,0.4237,0.4232,0.4194,0.4099,0.3775],[0.9313,0.9305,0.9289,0.9182,0.8929,0.8881,0.887,0.8687,0.8568,0.8558,0.8519,0.8487,0.8333,0.827,0.8205,0.8202,0.8185,0.8151,0.8137,0.7999,0.7996,0.7969,0.7963,0.796,0.7953,0.794,0.7877,0.7808,0.7795,0.7789,0.775,0.7695,0.767,0.7635,0.759,0.7549,0.7512,0.745,0.7434,0.7428,0.7372,0.7323,0.7305,0.7302,0.7281,0.726,0.7239,0.7214,0.7181,0.7169,0.7164,0.7152,0.711,0.706,0.7054,0.7004,0.6998,0.6987,0.6975,0.6972,0.6969,0.6943,0.6906,0.6823,0.6716,0.6705,0.6646,0.6643,0.6641,0.6619,0.6588,0.6434,0.6378,0.6351,0.6312,0.6272,0.6205,0.6164,0.6143,0.6133,0.6022,0.6019,0.5952,0.587,0.5829,0.575,0.573,0.5716,0.5695,0.565,0.5536,0.5397,0.537,0.535,0.5299,0.5292,0.5134,0.4978,0.497,0.4924,0.4819,0.4714,0.4712,0.4698,0.4393,0.4368,0.4366,0.4321,0.4315,0.4278,0.4183,0.386],[0.9193,0.9184,0.9166,0.904,0.8747,0.8691,0.8679,0.8468,0.8331,0.8319,0.8274,0.8238,0.8061,0.799,0.7916,0.7912,0.7892,0.7854,0.7838,0.7682,0.7678,0.7648,0.764,0.7636,0.7629,0.7614,0.7543,0.7465,0.7451,0.7443,0.74,0.7338,0.7309,0.727,0.722,0.7174,0.7132,0.7062,0.7044,0.7037,0.6975,0.6921,0.69,0.6897,0.6873,0.6849,0.6826,0.6799,0.6762,0.6749,0.6742,0.6729,0.6683,0.6627,0.6621,0.6566,0.6559,0.6546,0.6533,0.653,0.6527,0.6498,0.6457,0.6365,0.6247,0.6235,0.6171,0.6168,0.6165,0.6141,0.6108,0.5939,0.5878,0.5849,0.5806,0.5763,0.569,0.5645,0.5623,0.5612,0.5492,0.5489,0.5416,0.5329,0.5285,0.52,0.5179,0.5164,0.5141,0.5093,0.4972,0.4825,0.4797,0.4775,0.4722,0.4715,0.4548,0.4386,0.4377,0.433,0.4221,0.4112,0.411,0.4096,0.3784,0.3758,0.3756,0.371,0.3705,0.3666,0.357,0.3247],[0.9195,0.9186,0.9168,0.9043,0.875,0.8694,0.8682,0.8471,0.8335,0.8323,0.8278,0.8241,0.8065,0.7994,0.792,0.7916,0.7897,0.7858,0.7843,0.7687,0.7683,0.7653,0.7645,0.7641,0.7634,0.7619,0.7548,0.7471,0.7456,0.7449,0.7405,0.7344,0.7315,0.7275,0.7226,0.718,0.7137,0.7068,0.705,0.7043,0.6981,0.6927,0.6906,0.6903,0.6879,0.6856,0.6832,0.6806,0.6769,0.6756,0.6749,0.6736,0.669,0.6634,0.6627,0.6572,0.6566,0.6553,0.654,0.6537,0.6534,0.6505,0.6464,0.6372,0.6255,0.6242,0.6178,0.6175,0.6172,0.6148,0.6115,0.5946,0.5885,0.5856,0.5813,0.5771,0.5698,0.5653,0.5631,0.562,0.55,0.5497,0.5425,0.5337,0.5293,0.5208,0.5188,0.5172,0.515,0.5102,0.4981,0.4834,0.4805,0.4784,0.473,0.4723,0.4557,0.4395,0.4386,0.4339,0.4229,0.4121,0.4119,0.4105,0.3793,0.3767,0.3765,0.3719,0.3714,0.3675,0.3579,0.3256],[0.9136,0.9126,0.9107,0.8973,0.8661,0.8602,0.8588,0.8364,0.8219,0.8206,0.8159,0.812,0.7933,0.7858,0.778,0.7776,0.7755,0.7714,0.7698,0.7533,0.7529,0.7497,0.7489,0.7485,0.7477,0.7462,0.7387,0.7305,0.729,0.7282,0.7236,0.7172,0.7141,0.71,0.7048,0.6999,0.6955,0.6882,0.6864,0.6856,0.6792,0.6734,0.6713,0.671,0.6685,0.666,0.6635,0.6607,0.6569,0.6555,0.6548,0.6535,0.6486,0.6428,0.6422,0.6364,0.6357,0.6344,0.6331,0.6327,0.6324,0.6294,0.6251,0.6156,0.6033,0.6021,0.5954,0.5951,0.5948,0.5923,0.5888,0.5714,0.565,0.5621,0.5576,0.5532,0.5457,0.5411,0.5388,0.5377,0.5253,0.525,0.5176,0.5086,0.5041,0.4954,0.4933,0.4917,0.4894,0.4845,0.4721,0.4571,0.4542,0.4521,0.4466,0.4459,0.429,0.4126,0.4117,0.4069,0.3959,0.385,0.3848,0.3834,0.3521,0.3495,0.3493,0.3447,0.3442,0.3404,0.3308,0.2987],[0.9253,0.9244,0.9228,0.9111,0.8838,0.8786,0.8774,0.8577,0.8449,0.8438,0.8396,0.8362,0.8196,0.8129,0.806,0.8056,0.8038,0.8001,0.7987,0.7839,0.7836,0.7807,0.78,0.7797,0.779,0.7776,0.7709,0.7636,0.7622,0.7615,0.7573,0.7515,0.7488,0.7451,0.7403,0.736,0.732,0.7254,0.7237,0.7231,0.7172,0.712,0.71,0.7097,0.7075,0.7052,0.703,0.7004,0.697,0.6957,0.6951,0.6938,0.6894,0.6841,0.6835,0.6782,0.6776,0.6764,0.6751,0.6748,0.6745,0.6718,0.6678,0.6591,0.6478,0.6466,0.6405,0.6402,0.6399,0.6376,0.6344,0.6182,0.6123,0.6096,0.6054,0.6013,0.5943,0.59,0.5878,0.5867,0.5751,0.5749,0.5679,0.5594,0.5551,0.5469,0.5449,0.5434,0.5412,0.5365,0.5247,0.5104,0.5076,0.5055,0.5003,0.4996,0.4833,0.4673,0.4665,0.4619,0.4511,0.4404,0.4402,0.4388,0.4078,0.4052,0.4051,0.4005,0.3999,0.3961,0.3865,0.3541],[0.9022,0.9011,0.899,0.8839,0.849,0.8424,0.8409,0.816,0.7999,0.7985,0.7932,0.7889,0.7683,0.76,0.7514,0.7509,0.7487,0.7442,0.7424,0.7243,0.7239,0.7204,0.7195,0.7191,0.7182,0.7165,0.7084,0.6995,0.6978,0.697,0.6919,0.6849,0.6816,0.6771,0.6714,0.6662,0.6614,0.6535,0.6515,0.6507,0.6437,0.6376,0.6353,0.6349,0.6322,0.6296,0.6269,0.6239,0.6198,0.6183,0.6176,0.6161,0.6109,0.6047,0.604,0.5978,0.5971,0.5957,0.5942,0.5939,0.5935,0.5903,0.5857,0.5756,0.5626,0.5612,0.5542,0.5538,0.5535,0.5508,0.5472,0.5288,0.5221,0.519,0.5143,0.5097,0.5018,0.497,0.4946,0.4934,0.4805,0.4802,0.4725,0.4632,0.4585,0.4495,0.4473,0.4457,0.4433,0.4382,0.4255,0.4102,0.4072,0.405,0.3995,0.3987,0.3816,0.365,0.3641,0.3593,0.3482,0.3373,0.3371,0.3357,0.3047,0.3021,0.302,0.2975,0.2969,0.2932,0.2838,0.2527],[0.8932,0.892,0.8897,0.8734,0.8356,0.8284,0.8268,0.7999,0.7827,0.7812,0.7755,0.7709,0.7488,0.74,0.7308,0.7303,0.7279,0.7231,0.7212,0.7019,0.7014,0.6977,0.6968,0.6964,0.6954,0.6936,0.685,0.6755,0.6737,0.6729,0.6675,0.6601,0.6566,0.6519,0.6459,0.6403,0.6353,0.627,0.6249,0.6241,0.6167,0.6102,0.6078,0.6074,0.6046,0.6018,0.599,0.5959,0.5916,0.59,0.5892,0.5877,0.5823,0.5758,0.575,0.5686,0.5678,0.5663,0.5648,0.5645,0.5641,0.5607,0.556,0.5454,0.5319,0.5305,0.5232,0.5228,0.5225,0.5197,0.516,0.4969,0.4901,0.4868,0.482,0.4773,0.4692,0.4642,0.4618,0.4606,0.4474,0.4471,0.4392,0.4297,0.4249,0.4158,0.4136,0.4119,0.4095,0.4044,0.3915,0.3761,0.3731,0.3709,0.3653,0.3646,0.3474,0.3308,0.33,0.3252,0.3142,0.3034,0.3032,0.3018,0.2714,0.2689,0.2687,0.2643,0.2638,0.2601,0.251,0.221],[0.7527,0.7502,0.7452,0.7113,0.6364,0.6228,0.6197,0.5703,0.5399,0.5372,0.5274,0.5196,0.483,0.4688,0.4542,0.4534,0.4497,0.4423,0.4393,0.4104,0.4097,0.4043,0.403,0.4023,0.401,0.3983,0.3859,0.3727,0.3702,0.369,0.3617,0.3516,0.347,0.3407,0.3329,0.3258,0.3193,0.3089,0.3063,0.3053,0.2963,0.2886,0.2857,0.2852,0.2819,0.2787,0.2754,0.2718,0.2669,0.2651,0.2642,0.2625,0.2564,0.2493,0.2485,0.2416,0.2408,0.2392,0.2376,0.2372,0.2368,0.2333,0.2283,0.2176,0.2042,0.2029,0.1959,0.1956,0.1953,0.1927,0.1892,0.1721,0.1662,0.1635,0.1594,0.1555,0.1489,0.145,0.1431,0.1422,0.1322,0.1319,0.1261,0.1194,0.1161,0.1099,0.1084,0.1074,0.1058,0.1025,0.0945,0.0854,0.0837,0.0824,0.0793,0.079,0.0699,0.0618,0.0614,0.0592,0.0543,0.0497,0.0497,0.0491,0.0376,0.0367,0.0366,0.0352,0.035,0.0338,0.0309,0.0224],[0.9146,0.9136,0.9117,0.8985,0.8676,0.8617,0.8604,0.8382,0.8239,0.8226,0.8179,0.8141,0.7956,0.7881,0.7804,0.78,0.7779,0.7739,0.7723,0.7559,0.7555,0.7524,0.7516,0.7512,0.7504,0.7488,0.7414,0.7334,0.7318,0.7311,0.7265,0.7201,0.7171,0.713,0.7078,0.703,0.6986,0.6913,0.6895,0.6888,0.6824,0.6767,0.6746,0.6742,0.6718,0.6693,0.6669,0.6641,0.6603,0.6589,0.6582,0.6569,0.6521,0.6463,0.6456,0.6399,0.6393,0.6379,0.6366,0.6363,0.6359,0.633,0.6287,0.6192,0.6071,0.6058,0.5992,0.5989,0.5986,0.5961,0.5927,0.5753,0.569,0.566,0.5616,0.5572,0.5497,0.5452,0.5429,0.5418,0.5295,0.5292,0.5218,0.5129,0.5083,0.4996,0.4976,0.496,0.4937,0.4888,0.4765,0.4615,0.4586,0.4565,0.451,0.4503,0.4335,0.4171,0.4162,0.4114,0.4004,0.3895,0.3893,0.3879,0.3566,0.354,0.3538,0.3492,0.3487,0.3449,0.3353,0.3032],[0.9262,0.9253,0.9237,0.9121,0.8851,0.88,0.8788,0.8593,0.8467,0.8455,0.8414,0.838,0.8216,0.815,0.8081,0.8077,0.8059,0.8023,0.8009,0.7863,0.7859,0.7831,0.7824,0.7821,0.7814,0.78,0.7733,0.7661,0.7647,0.764,0.7599,0.7542,0.7515,0.7478,0.7431,0.7387,0.7348,0.7282,0.7266,0.7259,0.7201,0.7149,0.713,0.7127,0.7105,0.7082,0.706,0.7035,0.7,0.6988,0.6982,0.6969,0.6925,0.6873,0.6867,0.6814,0.6808,0.6796,0.6784,0.6781,0.6778,0.6751,0.6711,0.6625,0.6513,0.6501,0.644,0.6437,0.6434,0.6411,0.638,0.6219,0.616,0.6133,0.6092,0.6051,0.5981,0.5938,0.5916,0.5906,0.579,0.5788,0.5718,0.5634,0.5591,0.5509,0.5489,0.5475,0.5453,0.5406,0.5289,0.5146,0.5118,0.5098,0.5045,0.5039,0.4876,0.4717,0.4709,0.4662,0.4555,0.4448,0.4446,0.4432,0.4123,0.4097,0.4096,0.405,0.4044,0.4006,0.3911,0.3586],[0.9075,0.9065,0.9044,0.8902,0.857,0.8507,0.8492,0.8255,0.8102,0.8088,0.8038,0.7997,0.78,0.772,0.7638,0.7633,0.7612,0.7568,0.7551,0.7378,0.7374,0.734,0.7332,0.7328,0.7319,0.7303,0.7224,0.7139,0.7123,0.7115,0.7066,0.6998,0.6967,0.6923,0.6869,0.6818,0.6772,0.6695,0.6677,0.6669,0.6601,0.6542,0.6519,0.6516,0.649,0.6464,0.6438,0.6409,0.6369,0.6355,0.6348,0.6333,0.6283,0.6223,0.6216,0.6156,0.6149,0.6135,0.6121,0.6118,0.6114,0.6083,0.6039,0.594,0.5813,0.58,0.5731,0.5728,0.5725,0.5699,0.5664,0.5483,0.5418,0.5388,0.5342,0.5297,0.5219,0.5172,0.5149,0.5137,0.501,0.5007,0.4931,0.484,0.4793,0.4704,0.4683,0.4667,0.4643,0.4594,0.4468,0.4316,0.4286,0.4265,0.4209,0.4202,0.4032,0.3866,0.3857,0.3809,0.3699,0.3589,0.3587,0.3573,0.3261,0.3235,0.3233,0.3188,0.3182,0.3145,0.305,0.2733],[0.9096,0.9086,0.9066,0.8926,0.8601,0.8539,0.8525,0.8292,0.8142,0.8129,0.8079,0.8039,0.7846,0.7768,0.7686,0.7682,0.7661,0.7619,0.7602,0.7431,0.7427,0.7394,0.7386,0.7382,0.7374,0.7357,0.728,0.7196,0.718,0.7172,0.7125,0.7058,0.7027,0.6984,0.693,0.688,0.6835,0.6759,0.6741,0.6733,0.6666,0.6608,0.6586,0.6582,0.6556,0.6531,0.6506,0.6477,0.6438,0.6423,0.6416,0.6402,0.6353,0.6293,0.6286,0.6227,0.622,0.6207,0.6193,0.6189,0.6186,0.6155,0.6111,0.6014,0.5888,0.5875,0.5807,0.5804,0.5801,0.5775,0.574,0.5562,0.5497,0.5467,0.5422,0.5377,0.53,0.5253,0.523,0.5219,0.5093,0.509,0.5014,0.4924,0.4877,0.4789,0.4768,0.4752,0.4728,0.4679,0.4554,0.4402,0.4373,0.4351,0.4296,0.4289,0.4119,0.3954,0.3945,0.3897,0.3787,0.3677,0.3675,0.3661,0.3348,0.3323,0.3321,0.3275,0.327,0.3232,0.3136,0.2818],[0.918,0.9171,0.9153,0.9026,0.8728,0.8672,0.8659,0.8445,0.8307,0.8294,0.8249,0.8212,0.8033,0.7961,0.7886,0.7882,0.7862,0.7823,0.7807,0.7649,0.7645,0.7614,0.7607,0.7603,0.7595,0.758,0.7508,0.743,0.7415,0.7408,0.7363,0.7301,0.7272,0.7232,0.7182,0.7135,0.7092,0.7022,0.7004,0.6997,0.6935,0.6879,0.6859,0.6855,0.6831,0.6807,0.6784,0.6757,0.6719,0.6706,0.6699,0.6686,0.6639,0.6583,0.6577,0.6521,0.6514,0.6501,0.6488,0.6485,0.6482,0.6453,0.6411,0.6319,0.62,0.6187,0.6123,0.612,0.6117,0.6092,0.6059,0.5888,0.5827,0.5798,0.5754,0.5711,0.5638,0.5593,0.557,0.5559,0.5438,0.5436,0.5363,0.5275,0.523,0.5145,0.5124,0.5109,0.5086,0.5038,0.4916,0.4768,0.474,0.4718,0.4664,0.4657,0.449,0.4327,0.4319,0.4271,0.4162,0.4053,0.4051,0.4037,0.3724,0.3698,0.3697,0.3651,0.3645,0.3607,0.3511,0.3188],[0.9196,0.9187,0.9169,0.9044,0.8752,0.8696,0.8683,0.8473,0.8337,0.8325,0.828,0.8244,0.8068,0.7997,0.7923,0.7919,0.79,0.7861,0.7846,0.769,0.7686,0.7656,0.7648,0.7644,0.7637,0.7622,0.7551,0.7474,0.7459,0.7452,0.7408,0.7347,0.7318,0.7279,0.7229,0.7183,0.7141,0.7071,0.7054,0.7047,0.6985,0.6931,0.691,0.6907,0.6883,0.686,0.6836,0.6809,0.6773,0.676,0.6753,0.674,0.6694,0.6638,0.6632,0.6577,0.657,0.6557,0.6544,0.6541,0.6538,0.6509,0.6468,0.6377,0.6259,0.6247,0.6183,0.618,0.6177,0.6152,0.6119,0.5951,0.589,0.5861,0.5818,0.5775,0.5702,0.5658,0.5636,0.5625,0.5505,0.5502,0.543,0.5342,0.5298,0.5213,0.5193,0.5177,0.5155,0.5107,0.4986,0.4839,0.481,0.4789,0.4736,0.4729,0.4562,0.44,0.4391,0.4344,0.4235,0.4126,0.4124,0.411,0.3798,0.3772,0.377,0.3724,0.3719,0.3681,0.3585,0.3261],[0.9289,0.9281,0.9265,0.9154,0.8893,0.8844,0.8832,0.8644,0.8522,0.8511,0.847,0.8438,0.8279,0.8215,0.8148,0.8144,0.8127,0.8092,0.8078,0.7936,0.7933,0.7906,0.7899,0.7896,0.7889,0.7875,0.7811,0.774,0.7727,0.772,0.7681,0.7625,0.7598,0.7562,0.7517,0.7475,0.7436,0.7372,0.7356,0.735,0.7293,0.7243,0.7224,0.7221,0.72,0.7178,0.7156,0.7132,0.7098,0.7086,0.708,0.7067,0.7025,0.6973,0.6967,0.6917,0.6911,0.6899,0.6887,0.6884,0.6881,0.6854,0.6816,0.6731,0.6622,0.661,0.6551,0.6548,0.6545,0.6523,0.6492,0.6334,0.6277,0.625,0.621,0.617,0.6101,0.6059,0.6038,0.6028,0.5914,0.5912,0.5843,0.5761,0.5719,0.5638,0.5619,0.5604,0.5582,0.5537,0.5421,0.528,0.5253,0.5233,0.5181,0.5174,0.5014,0.4857,0.4848,0.4803,0.4696,0.459,0.4588,0.4574,0.4267,0.4242,0.424,0.4194,0.4189,0.4151,0.4056,0.3732],[0.9041,0.903,0.9009,0.8862,0.8518,0.8453,0.8439,0.8193,0.8036,0.8021,0.797,0.7927,0.7724,0.7643,0.7558,0.7553,0.7531,0.7487,0.7469,0.7291,0.7286,0.7252,0.7244,0.7239,0.7231,0.7214,0.7133,0.7046,0.7029,0.7021,0.6971,0.6902,0.6869,0.6825,0.6769,0.6717,0.667,0.6592,0.6572,0.6564,0.6495,0.6434,0.6412,0.6408,0.6381,0.6355,0.6329,0.6299,0.6258,0.6244,0.6236,0.6222,0.617,0.6109,0.6102,0.6041,0.6034,0.602,0.6005,0.6002,0.5998,0.5967,0.5921,0.5821,0.5692,0.5678,0.5608,0.5605,0.5602,0.5575,0.5539,0.5356,0.5291,0.5259,0.5213,0.5167,0.5089,0.5041,0.5017,0.5005,0.4877,0.4874,0.4797,0.4705,0.4658,0.4568,0.4547,0.4531,0.4507,0.4457,0.433,0.4177,0.4147,0.4125,0.407,0.4063,0.3891,0.3725,0.3717,0.3669,0.3558,0.3448,0.3446,0.3432,0.3121,0.3096,0.3094,0.3049,0.3043,0.3006,0.2912,0.2599],[0.9066,0.9056,0.9035,0.8891,0.8556,0.8493,0.8478,0.8239,0.8084,0.807,0.8019,0.7978,0.778,0.77,0.7616,0.7612,0.759,0.7547,0.7529,0.7354,0.735,0.7317,0.7308,0.7304,0.7296,0.7279,0.72,0.7114,0.7098,0.709,0.7041,0.6973,0.6941,0.6897,0.6842,0.6791,0.6745,0.6668,0.6649,0.6641,0.6573,0.6513,0.649,0.6487,0.6461,0.6435,0.6409,0.638,0.634,0.6325,0.6318,0.6303,0.6253,0.6192,0.6185,0.6125,0.6118,0.6104,0.609,0.6087,0.6083,0.6052,0.6007,0.5908,0.5781,0.5768,0.5699,0.5695,0.5692,0.5666,0.563,0.5449,0.5384,0.5353,0.5307,0.5262,0.5184,0.5137,0.5113,0.5102,0.4975,0.4972,0.4895,0.4804,0.4757,0.4668,0.4647,0.4631,0.4607,0.4557,0.4431,0.4278,0.4249,0.4227,0.4172,0.4165,0.3994,0.3828,0.3819,0.3771,0.3661,0.3551,0.3549,0.3535,0.3223,0.3197,0.3196,0.315,0.3145,0.3107,0.3012,0.2697],[0.9345,0.9338,0.9323,0.922,0.8979,0.8933,0.8922,0.8747,0.8634,0.8624,0.8586,0.8556,0.8408,0.8348,0.8285,0.8282,0.8266,0.8233,0.822,0.8088,0.8085,0.8059,0.8053,0.8049,0.8043,0.803,0.797,0.7904,0.7892,0.7885,0.7848,0.7795,0.7771,0.7737,0.7694,0.7655,0.7618,0.7558,0.7543,0.7537,0.7484,0.7437,0.7419,0.7416,0.7395,0.7375,0.7355,0.7331,0.7299,0.7288,0.7282,0.7271,0.723,0.7182,0.7176,0.7128,0.7122,0.7111,0.71,0.7097,0.7094,0.7069,0.7033,0.6952,0.6849,0.6838,0.6781,0.6778,0.6776,0.6754,0.6725,0.6575,0.652,0.6495,0.6456,0.6418,0.6352,0.6312,0.6292,0.6282,0.6174,0.6171,0.6106,0.6026,0.5986,0.5908,0.589,0.5876,0.5855,0.5811,0.5699,0.5563,0.5537,0.5517,0.5467,0.5461,0.5305,0.5152,0.5144,0.5099,0.4995,0.4891,0.4889,0.4876,0.4575,0.4549,0.4548,0.4503,0.4498,0.446,0.4366,0.4045],[0.9057,0.9047,0.9026,0.888,0.8542,0.8478,0.8464,0.8222,0.8066,0.8052,0.8001,0.796,0.7759,0.7679,0.7595,0.759,0.7568,0.7525,0.7507,0.7331,0.7327,0.7293,0.7285,0.728,0.7272,0.7255,0.7176,0.7089,0.7073,0.7064,0.7015,0.6947,0.6915,0.6871,0.6815,0.6764,0.6717,0.664,0.6621,0.6613,0.6544,0.6484,0.6462,0.6458,0.6432,0.6406,0.638,0.635,0.631,0.6295,0.6288,0.6273,0.6223,0.6162,0.6155,0.6094,0.6087,0.6073,0.6059,0.6056,0.6052,0.6021,0.5976,0.5876,0.5748,0.5735,0.5665,0.5662,0.5659,0.5633,0.5597,0.5415,0.535,0.5319,0.5273,0.5227,0.5149,0.5102,0.5078,0.5066,0.4939,0.4936,0.4859,0.4767,0.4721,0.4631,0.461,0.4594,0.457,0.452,0.4393,0.4241,0.4212,0.419,0.4134,0.4127,0.3956,0.379,0.3781,0.3734,0.3623,0.3513,0.3511,0.3497,0.3186,0.316,0.3158,0.3113,0.3107,0.307,0.2975,0.2661],[0.9317,0.9309,0.9293,0.9186,0.8935,0.8887,0.8876,0.8694,0.8576,0.8566,0.8527,0.8495,0.8342,0.828,0.8215,0.8211,0.8194,0.8161,0.8147,0.801,0.8007,0.798,0.7974,0.797,0.7964,0.795,0.7888,0.782,0.7807,0.78,0.7762,0.7707,0.7682,0.7647,0.7603,0.7562,0.7525,0.7462,0.7447,0.7441,0.7386,0.7337,0.7319,0.7316,0.7294,0.7273,0.7252,0.7228,0.7196,0.7184,0.7178,0.7166,0.7124,0.7074,0.7069,0.7019,0.7013,0.7002,0.699,0.6987,0.6984,0.6958,0.6921,0.6838,0.6732,0.672,0.6662,0.6659,0.6657,0.6635,0.6605,0.6451,0.6395,0.6368,0.6329,0.629,0.6222,0.6181,0.6161,0.6151,0.604,0.6037,0.597,0.5889,0.5848,0.5768,0.5749,0.5735,0.5714,0.5669,0.5555,0.5417,0.539,0.537,0.5319,0.5312,0.5154,0.4999,0.499,0.4945,0.484,0.4735,0.4733,0.4719,0.4415,0.4389,0.4387,0.4342,0.4337,0.4299,0.4204,0.3881],[0.909,0.908,0.906,0.892,0.8592,0.853,0.8516,0.8282,0.8131,0.8117,0.8068,0.8027,0.7833,0.7754,0.7673,0.7668,0.7647,0.7604,0.7587,0.7416,0.7412,0.7379,0.7371,0.7366,0.7358,0.7342,0.7264,0.718,0.7164,0.7156,0.7108,0.7041,0.701,0.6967,0.6913,0.6863,0.6817,0.6741,0.6722,0.6715,0.6648,0.6589,0.6567,0.6563,0.6538,0.6512,0.6487,0.6458,0.6418,0.6404,0.6397,0.6383,0.6333,0.6273,0.6266,0.6207,0.62,0.6186,0.6173,0.6169,0.6166,0.6135,0.609,0.5993,0.5867,0.5854,0.5786,0.5783,0.5779,0.5754,0.5718,0.554,0.5475,0.5445,0.5399,0.5354,0.5277,0.523,0.5207,0.5195,0.5069,0.5067,0.4991,0.49,0.4854,0.4765,0.4744,0.4728,0.4704,0.4655,0.4529,0.4378,0.4349,0.4327,0.4272,0.4264,0.4094,0.3929,0.392,0.3872,0.3762,0.3652,0.365,0.3636,0.3323,0.3298,0.3296,0.325,0.3245,0.3207,0.3112,0.2794],[0.9371,0.9364,0.935,0.9251,0.9019,0.8974,0.8964,0.8796,0.8686,0.8676,0.864,0.8611,0.8468,0.841,0.835,0.8347,0.8331,0.8299,0.8287,0.8159,0.8156,0.8131,0.8125,0.8122,0.8116,0.8103,0.8045,0.7981,0.7969,0.7963,0.7927,0.7876,0.7852,0.7819,0.7778,0.7739,0.7704,0.7646,0.7631,0.7626,0.7574,0.7528,0.7511,0.7508,0.7488,0.7468,0.7448,0.7426,0.7395,0.7384,0.7378,0.7367,0.7328,0.7281,0.7275,0.7228,0.7223,0.7212,0.7201,0.7198,0.7195,0.7171,0.7135,0.7057,0.6956,0.6946,0.6891,0.6888,0.6885,0.6864,0.6836,0.669,0.6636,0.6611,0.6574,0.6536,0.6472,0.6433,0.6413,0.6404,0.6298,0.6295,0.6231,0.6153,0.6114,0.6038,0.6019,0.6006,0.5985,0.5942,0.5833,0.5699,0.5673,0.5654,0.5605,0.5598,0.5445,0.5295,0.5287,0.5243,0.514,0.5038,0.5036,0.5022,0.4725,0.47,0.4698,0.4653,0.4648,0.4611,0.4518,0.4198],[0.923,0.9222,0.9204,0.9085,0.8804,0.875,0.8738,0.8536,0.8405,0.8393,0.835,0.8315,0.8145,0.8077,0.8005,0.8002,0.7983,0.7946,0.7931,0.778,0.7776,0.7747,0.774,0.7736,0.7729,0.7715,0.7646,0.7571,0.7557,0.755,0.7508,0.7448,0.742,0.7382,0.7334,0.729,0.7249,0.7181,0.7164,0.7158,0.7098,0.7045,0.7025,0.7022,0.6999,0.6976,0.6953,0.6927,0.6891,0.6878,0.6872,0.6859,0.6814,0.676,0.6754,0.67,0.6694,0.6681,0.6669,0.6666,0.6663,0.6635,0.6594,0.6505,0.6391,0.6379,0.6316,0.6313,0.631,0.6287,0.6254,0.609,0.603,0.6002,0.596,0.5918,0.5847,0.5803,0.5781,0.577,0.5653,0.565,0.5579,0.5493,0.545,0.5366,0.5346,0.5331,0.5309,0.5262,0.5142,0.4998,0.497,0.4949,0.4896,0.4889,0.4724,0.4564,0.4555,0.4508,0.44,0.4292,0.429,0.4276,0.3965,0.3939,0.3938,0.3892,0.3886,0.3848,0.3752,0.3428],[0.9287,0.9279,0.9263,0.9152,0.889,0.884,0.8829,0.864,0.8518,0.8507,0.8466,0.8433,0.8275,0.821,0.8143,0.814,0.8122,0.8087,0.8073,0.7931,0.7928,0.79,0.7894,0.789,0.7883,0.787,0.7805,0.7735,0.7721,0.7715,0.7675,0.7619,0.7592,0.7556,0.7511,0.7468,0.743,0.7366,0.735,0.7344,0.7287,0.7236,0.7218,0.7215,0.7193,0.7171,0.7149,0.7125,0.7091,0.7079,0.7072,0.706,0.7018,0.6966,0.696,0.6909,0.6903,0.6891,0.6879,0.6876,0.6873,0.6847,0.6808,0.6724,0.6614,0.6603,0.6543,0.654,0.6537,0.6515,0.6484,0.6326,0.6269,0.6242,0.6201,0.6161,0.6092,0.605,0.6029,0.6019,0.5905,0.5903,0.5834,0.5752,0.571,0.5629,0.5609,0.5595,0.5573,0.5527,0.5412,0.5271,0.5243,0.5223,0.5171,0.5165,0.5004,0.4847,0.4838,0.4792,0.4686,0.458,0.4578,0.4564,0.4257,0.4231,0.4229,0.4184,0.4178,0.4141,0.4045,0.3721],[0.9225,0.9216,0.9198,0.9078,0.8795,0.8741,0.8729,0.8525,0.8393,0.8382,0.8338,0.8303,0.8132,0.8063,0.7991,0.7988,0.7969,0.7931,0.7916,0.7765,0.7761,0.7732,0.7724,0.7721,0.7713,0.7699,0.763,0.7555,0.7541,0.7533,0.7491,0.7431,0.7403,0.7365,0.7316,0.7271,0.723,0.7162,0.7146,0.7139,0.7078,0.7025,0.7005,0.7002,0.6979,0.6956,0.6933,0.6907,0.6871,0.6858,0.6852,0.6839,0.6794,0.6739,0.6733,0.6679,0.6673,0.666,0.6648,0.6645,0.6641,0.6613,0.6573,0.6483,0.6368,0.6356,0.6293,0.629,0.6287,0.6264,0.6231,0.6066,0.6006,0.5978,0.5936,0.5894,0.5822,0.5778,0.5756,0.5745,0.5627,0.5625,0.5553,0.5468,0.5424,0.534,0.532,0.5305,0.5282,0.5235,0.5116,0.497,0.4942,0.4921,0.4868,0.4861,0.4697,0.4535,0.4527,0.448,0.4371,0.4263,0.4261,0.4247,0.3936,0.3911,0.3909,0.3863,0.3857,0.3819,0.3723,0.3399],[0.9244,0.9235,0.9218,0.91,0.8824,0.8771,0.8759,0.856,0.8431,0.842,0.8377,0.8342,0.8175,0.8108,0.8037,0.8034,0.8015,0.7978,0.7964,0.7815,0.7811,0.7783,0.7776,0.7772,0.7765,0.7751,0.7683,0.7609,0.7595,0.7588,0.7547,0.7488,0.746,0.7423,0.7375,0.7331,0.7291,0.7224,0.7207,0.7201,0.7141,0.7089,0.7069,0.7066,0.7043,0.7021,0.6998,0.6973,0.6937,0.6925,0.6918,0.6905,0.6861,0.6808,0.6801,0.6748,0.6742,0.673,0.6718,0.6714,0.6711,0.6684,0.6644,0.6556,0.6442,0.643,0.6368,0.6366,0.6363,0.6339,0.6307,0.6144,0.6085,0.6057,0.6015,0.5974,0.5903,0.586,0.5838,0.5828,0.5711,0.5708,0.5638,0.5553,0.5509,0.5426,0.5407,0.5392,0.5369,0.5323,0.5204,0.506,0.5032,0.5011,0.4959,0.4952,0.4788,0.4628,0.462,0.4573,0.4465,0.4357,0.4355,0.4341,0.4032,0.4006,0.4004,0.3958,0.3953,0.3915,0.3819,0.3494],[0.8937,0.8925,0.8901,0.8739,0.8362,0.8291,0.8275,0.8007,0.7835,0.782,0.7764,0.7718,0.7498,0.741,0.7318,0.7313,0.7289,0.7241,0.7222,0.703,0.7025,0.6988,0.6979,0.6975,0.6965,0.6947,0.6861,0.6767,0.6749,0.674,0.6687,0.6613,0.6578,0.6531,0.6471,0.6416,0.6365,0.6282,0.6262,0.6253,0.618,0.6115,0.6091,0.6087,0.6059,0.6031,0.6004,0.5972,0.5929,0.5914,0.5906,0.589,0.5836,0.5771,0.5764,0.57,0.5692,0.5677,0.5662,0.5659,0.5655,0.5622,0.5574,0.5469,0.5334,0.532,0.5247,0.5243,0.524,0.5212,0.5175,0.4984,0.4916,0.4884,0.4836,0.4788,0.4707,0.4658,0.4634,0.4621,0.449,0.4487,0.4408,0.4313,0.4265,0.4174,0.4152,0.4135,0.4111,0.406,0.3931,0.3777,0.3747,0.3725,0.3669,0.3662,0.349,0.3324,0.3316,0.3268,0.3158,0.305,0.3048,0.3034,0.2729,0.2704,0.2702,0.2658,0.2653,0.2617,0.2526,0.2225],[0.9097,0.9087,0.9066,0.8927,0.8602,0.854,0.8526,0.8293,0.8143,0.813,0.808,0.804,0.7847,0.7769,0.7687,0.7683,0.7662,0.762,0.7603,0.7432,0.7428,0.7395,0.7387,0.7383,0.7375,0.7358,0.7281,0.7197,0.7181,0.7173,0.7126,0.7059,0.7028,0.6985,0.6931,0.6882,0.6836,0.6761,0.6742,0.6735,0.6668,0.6609,0.6587,0.6583,0.6558,0.6533,0.6507,0.6479,0.6439,0.6425,0.6418,0.6404,0.6354,0.6295,0.6288,0.6229,0.6222,0.6208,0.6194,0.6191,0.6188,0.6157,0.6113,0.6015,0.589,0.5877,0.5809,0.5806,0.5803,0.5777,0.5742,0.5563,0.5499,0.5469,0.5424,0.5379,0.5302,0.5255,0.5232,0.522,0.5095,0.5092,0.5016,0.4925,0.4879,0.4791,0.477,0.4754,0.473,0.4681,0.4556,0.4404,0.4375,0.4353,0.4298,0.4291,0.4121,0.3956,0.3947,0.3899,0.3788,0.3679,0.3677,0.3663,0.335,0.3324,0.3323,0.3277,0.3271,0.3234,0.3138,0.282],[0.9053,0.9043,0.9022,0.8876,0.8537,0.8473,0.8458,0.8216,0.806,0.8045,0.7994,0.7952,0.7752,0.7671,0.7587,0.7582,0.756,0.7516,0.7499,0.7322,0.7318,0.7284,0.7276,0.7271,0.7263,0.7246,0.7166,0.7079,0.7063,0.7055,0.7006,0.6937,0.6905,0.6861,0.6805,0.6754,0.6707,0.6629,0.661,0.6602,0.6533,0.6473,0.645,0.6447,0.642,0.6394,0.6368,0.6339,0.6298,0.6284,0.6277,0.6262,0.6211,0.615,0.6143,0.6082,0.6075,0.6061,0.6047,0.6044,0.604,0.6009,0.5963,0.5864,0.5736,0.5722,0.5653,0.5649,0.5646,0.562,0.5584,0.5402,0.5337,0.5306,0.526,0.5214,0.5136,0.5088,0.5064,0.5053,0.4925,0.4922,0.4846,0.4753,0.4707,0.4617,0.4596,0.458,0.4556,0.4506,0.4379,0.4227,0.4197,0.4175,0.412,0.4113,0.3942,0.3776,0.3767,0.3719,0.3608,0.3499,0.3497,0.3483,0.3171,0.3146,0.3144,0.3098,0.3093,0.3055,0.2961,0.2647],[0.9189,0.918,0.9162,0.9035,0.8741,0.8685,0.8672,0.846,0.8323,0.8311,0.8266,0.8229,0.8052,0.798,0.7906,0.7902,0.7882,0.7843,0.7828,0.7671,0.7667,0.7637,0.7629,0.7625,0.7618,0.7603,0.7531,0.7454,0.7439,0.7432,0.7388,0.7326,0.7297,0.7257,0.7207,0.7161,0.7118,0.7048,0.7031,0.7024,0.6962,0.6907,0.6886,0.6883,0.6859,0.6835,0.6812,0.6785,0.6748,0.6735,0.6728,0.6715,0.6668,0.6613,0.6606,0.6551,0.6544,0.6531,0.6518,0.6515,0.6512,0.6483,0.6441,0.635,0.6231,0.6219,0.6155,0.6152,0.6149,0.6124,0.6091,0.5922,0.5861,0.5832,0.5789,0.5746,0.5672,0.5628,0.5605,0.5594,0.5474,0.5471,0.5399,0.5311,0.5267,0.5181,0.5161,0.5146,0.5123,0.5075,0.4953,0.4806,0.4778,0.4756,0.4702,0.4695,0.4529,0.4366,0.4357,0.431,0.4201,0.4092,0.409,0.4076,0.3764,0.3738,0.3736,0.369,0.3685,0.3647,0.355,0.3227],[0.9204,0.9195,0.9178,0.9054,0.8764,0.8709,0.8697,0.8488,0.8354,0.8341,0.8297,0.8261,0.8086,0.8016,0.7943,0.7939,0.792,0.7881,0.7866,0.7711,0.7707,0.7678,0.767,0.7666,0.7659,0.7644,0.7574,0.7497,0.7483,0.7476,0.7432,0.7371,0.7343,0.7304,0.7254,0.7209,0.7167,0.7098,0.708,0.7073,0.7012,0.6958,0.6938,0.6934,0.6911,0.6887,0.6864,0.6837,0.6801,0.6788,0.6781,0.6768,0.6722,0.6667,0.6661,0.6606,0.66,0.6587,0.6574,0.6571,0.6568,0.6539,0.6498,0.6407,0.629,0.6278,0.6214,0.6211,0.6208,0.6184,0.6152,0.5984,0.5923,0.5895,0.5852,0.5809,0.5737,0.5692,0.567,0.5659,0.554,0.5537,0.5465,0.5378,0.5334,0.5249,0.5229,0.5214,0.5191,0.5144,0.5023,0.4876,0.4848,0.4827,0.4774,0.4767,0.4601,0.4439,0.443,0.4383,0.4274,0.4165,0.4163,0.4149,0.3838,0.3812,0.381,0.3764,0.3759,0.372,0.3624,0.33],[0.9105,0.9095,0.9075,0.8937,0.8614,0.8553,0.8539,0.8308,0.8159,0.8146,0.8097,0.8057,0.7865,0.7788,0.7707,0.7703,0.7682,0.764,0.7623,0.7454,0.7449,0.7417,0.7409,0.7405,0.7397,0.738,0.7304,0.722,0.7204,0.7197,0.7149,0.7083,0.7052,0.701,0.6956,0.6907,0.6861,0.6786,0.6768,0.6761,0.6694,0.6636,0.6614,0.661,0.6585,0.656,0.6535,0.6506,0.6467,0.6453,0.6446,0.6431,0.6382,0.6323,0.6316,0.6258,0.6251,0.6237,0.6223,0.622,0.6216,0.6186,0.6142,0.6045,0.592,0.5907,0.584,0.5837,0.5833,0.5808,0.5773,0.5595,0.5531,0.5501,0.5456,0.5411,0.5335,0.5288,0.5265,0.5253,0.5128,0.5125,0.505,0.496,0.4913,0.4825,0.4804,0.4788,0.4765,0.4716,0.4591,0.444,0.441,0.4389,0.4334,0.4327,0.4157,0.3992,0.3983,0.3935,0.3824,0.3715,0.3713,0.3699,0.3386,0.336,0.3358,0.3313,0.3307,0.3269,0.3174,0.2855],[0.918,0.9171,0.9153,0.9026,0.8728,0.8672,0.8659,0.8445,0.8307,0.8294,0.8249,0.8212,0.8033,0.7961,0.7886,0.7882,0.7862,0.7823,0.7807,0.7649,0.7645,0.7614,0.7607,0.7603,0.7595,0.758,0.7508,0.743,0.7415,0.7408,0.7363,0.7301,0.7272,0.7232,0.7182,0.7135,0.7092,0.7022,0.7004,0.6997,0.6935,0.6879,0.6859,0.6855,0.6831,0.6807,0.6784,0.6757,0.6719,0.6706,0.6699,0.6686,0.6639,0.6583,0.6577,0.6521,0.6514,0.6501,0.6488,0.6485,0.6482,0.6453,0.6411,0.6319,0.62,0.6187,0.6123,0.612,0.6117,0.6092,0.6059,0.5888,0.5827,0.5798,0.5754,0.5711,0.5638,0.5593,0.557,0.5559,0.5438,0.5436,0.5363,0.5275,0.523,0.5145,0.5124,0.5109,0.5086,0.5038,0.4916,0.4768,0.474,0.4718,0.4664,0.4657,0.449,0.4327,0.4319,0.4271,0.4162,0.4053,0.4051,0.4037,0.3724,0.3698,0.3697,0.3651,0.3645,0.3607,0.3511,0.3188],[0.9187,0.9178,0.916,0.9034,0.8739,0.8682,0.867,0.8457,0.832,0.8308,0.8263,0.8226,0.8048,0.7977,0.7902,0.7898,0.7879,0.784,0.7824,0.7667,0.7663,0.7633,0.7625,0.7621,0.7614,0.7599,0.7527,0.7449,0.7435,0.7427,0.7383,0.7321,0.7292,0.7253,0.7202,0.7156,0.7114,0.7044,0.7026,0.7019,0.6957,0.6902,0.6881,0.6878,0.6854,0.683,0.6807,0.678,0.6743,0.673,0.6723,0.671,0.6663,0.6607,0.6601,0.6545,0.6539,0.6526,0.6513,0.651,0.6507,0.6478,0.6436,0.6344,0.6226,0.6213,0.6149,0.6146,0.6143,0.6119,0.6085,0.5916,0.5855,0.5826,0.5782,0.574,0.5666,0.5621,0.5599,0.5588,0.5467,0.5465,0.5392,0.5305,0.526,0.5175,0.5154,0.5139,0.5116,0.5068,0.4947,0.4799,0.4771,0.4749,0.4696,0.4689,0.4522,0.4359,0.4351,0.4303,0.4194,0.4085,0.4083,0.4069,0.3757,0.3731,0.3729,0.3683,0.3678,0.3639,0.3543,0.322],[0.9248,0.9239,0.9223,0.9105,0.8831,0.8778,0.8766,0.8568,0.844,0.8428,0.8386,0.8351,0.8185,0.8118,0.8048,0.8044,0.8026,0.7989,0.7975,0.7826,0.7823,0.7794,0.7787,0.7784,0.7776,0.7762,0.7695,0.7622,0.7608,0.7601,0.7559,0.7501,0.7473,0.7436,0.7388,0.7344,0.7304,0.7238,0.7221,0.7215,0.7156,0.7103,0.7084,0.7081,0.7058,0.7035,0.7013,0.6987,0.6952,0.694,0.6933,0.6921,0.6876,0.6823,0.6817,0.6764,0.6758,0.6746,0.6733,0.673,0.6727,0.67,0.666,0.6572,0.6459,0.6447,0.6385,0.6383,0.638,0.6356,0.6324,0.6162,0.6103,0.6075,0.6034,0.5992,0.5921,0.5878,0.5857,0.5846,0.573,0.5727,0.5657,0.5572,0.5529,0.5446,0.5426,0.5411,0.5389,0.5343,0.5224,0.508,0.5053,0.5032,0.4979,0.4972,0.4809,0.4649,0.4641,0.4594,0.4486,0.4379,0.4377,0.4363,0.4053,0.4027,0.4026,0.398,0.3974,0.3936,0.384,0.3516],[0.9048,0.9037,0.9016,0.887,0.8528,0.8464,0.8449,0.8205,0.8048,0.8034,0.7983,0.7941,0.7739,0.7658,0.7573,0.7569,0.7547,0.7503,0.7485,0.7308,0.7303,0.7269,0.7261,0.7256,0.7248,0.7231,0.7151,0.7064,0.7047,0.7039,0.699,0.6921,0.6888,0.6844,0.6788,0.6737,0.669,0.6612,0.6592,0.6585,0.6516,0.6455,0.6432,0.6429,0.6402,0.6376,0.635,0.632,0.628,0.6265,0.6258,0.6243,0.6192,0.6131,0.6124,0.6063,0.6056,0.6042,0.6028,0.6024,0.6021,0.5989,0.5944,0.5844,0.5715,0.5702,0.5632,0.5629,0.5626,0.5599,0.5563,0.5381,0.5315,0.5284,0.5238,0.5192,0.5114,0.5066,0.5042,0.5031,0.4903,0.49,0.4823,0.4731,0.4684,0.4594,0.4573,0.4557,0.4533,0.4483,0.4356,0.4203,0.4174,0.4152,0.4097,0.4089,0.3918,0.3752,0.3744,0.3696,0.3585,0.3475,0.3473,0.3459,0.3148,0.3122,0.3121,0.3075,0.307,0.3032,0.2938,0.2624],[0.9332,0.9324,0.9309,0.9204,0.8958,0.8911,0.89,0.8722,0.8606,0.8596,0.8558,0.8526,0.8376,0.8315,0.8252,0.8248,0.8232,0.8198,0.8185,0.805,0.8047,0.8021,0.8015,0.8011,0.8005,0.7992,0.7931,0.7864,0.7851,0.7845,0.7807,0.7753,0.7728,0.7694,0.765,0.761,0.7573,0.7512,0.7497,0.7491,0.7437,0.7389,0.7371,0.7368,0.7347,0.7326,0.7305,0.7282,0.7249,0.7238,0.7232,0.722,0.7179,0.713,0.7124,0.7076,0.707,0.7058,0.7047,0.7044,0.7041,0.7016,0.6979,0.6898,0.6792,0.6781,0.6724,0.6721,0.6719,0.6697,0.6667,0.6515,0.646,0.6434,0.6395,0.6356,0.629,0.6249,0.6229,0.6219,0.6109,0.6107,0.604,0.596,0.5919,0.5841,0.5822,0.5808,0.5787,0.5742,0.563,0.5492,0.5466,0.5446,0.5396,0.5389,0.5232,0.5078,0.507,0.5025,0.492,0.4816,0.4814,0.48,0.4497,0.4472,0.447,0.4425,0.442,0.4382,0.4288,0.3966],[0.9311,0.9303,0.9288,0.918,0.8927,0.8878,0.8867,0.8684,0.8565,0.8554,0.8515,0.8483,0.8329,0.8267,0.8201,0.8198,0.8181,0.8147,0.8133,0.7995,0.7992,0.7965,0.7958,0.7955,0.7948,0.7935,0.7872,0.7804,0.7791,0.7784,0.7745,0.7691,0.7665,0.763,0.7585,0.7544,0.7507,0.7444,0.7429,0.7422,0.7367,0.7318,0.73,0.7296,0.7275,0.7254,0.7233,0.7209,0.7176,0.7164,0.7158,0.7146,0.7104,0.7054,0.7048,0.6998,0.6992,0.6981,0.6969,0.6966,0.6963,0.6937,0.6899,0.6816,0.6709,0.6698,0.664,0.6637,0.6634,0.6612,0.6582,0.6427,0.6371,0.6344,0.6305,0.6265,0.6198,0.6156,0.6136,0.6126,0.6014,0.6012,0.5944,0.5863,0.5821,0.5742,0.5723,0.5708,0.5687,0.5642,0.5528,0.5389,0.5362,0.5342,0.5291,0.5284,0.5125,0.4969,0.4961,0.4916,0.481,0.4705,0.4703,0.4689,0.4384,0.4359,0.4357,0.4312,0.4306,0.4269,0.4174,0.3851],[0.9321,0.9313,0.9298,0.9191,0.8941,0.8894,0.8883,0.8702,0.8585,0.8574,0.8535,0.8504,0.8351,0.829,0.8225,0.8222,0.8205,0.8171,0.8158,0.8021,0.8018,0.7992,0.7985,0.7982,0.7975,0.7962,0.79,0.7832,0.7819,0.7813,0.7774,0.772,0.7695,0.766,0.7616,0.7575,0.7538,0.7476,0.7461,0.7455,0.74,0.7351,0.7333,0.733,0.7309,0.7288,0.7267,0.7243,0.7211,0.7199,0.7193,0.7181,0.714,0.709,0.7084,0.7035,0.7029,0.7017,0.7006,0.7003,0.7,0.6974,0.6937,0.6855,0.6748,0.6737,0.6679,0.6677,0.6674,0.6652,0.6622,0.6469,0.6413,0.6387,0.6347,0.6308,0.6241,0.62,0.618,0.617,0.6059,0.6056,0.599,0.5909,0.5868,0.5789,0.577,0.5755,0.5734,0.5689,0.5576,0.5438,0.5411,0.5391,0.534,0.5334,0.5176,0.5021,0.5012,0.4967,0.4862,0.4757,0.4755,0.4742,0.4438,0.4412,0.441,0.4365,0.436,0.4322,0.4227,0.3905],[0.9273,0.9264,0.9248,0.9134,0.8868,0.8817,0.8806,0.8613,0.8489,0.8478,0.8436,0.8403,0.8241,0.8176,0.8108,0.8104,0.8086,0.8051,0.8036,0.7892,0.7889,0.7861,0.7854,0.785,0.7844,0.783,0.7764,0.7693,0.7679,0.7672,0.7632,0.7575,0.7548,0.7511,0.7465,0.7422,0.7383,0.7318,0.7302,0.7296,0.7238,0.7187,0.7168,0.7165,0.7143,0.712,0.7098,0.7073,0.7039,0.7027,0.7021,0.7008,0.6965,0.6913,0.6907,0.6855,0.6849,0.6837,0.6825,0.6822,0.6819,0.6792,0.6753,0.6667,0.6556,0.6544,0.6484,0.6481,0.6478,0.6455,0.6424,0.6265,0.6207,0.6179,0.6139,0.6098,0.6028,0.5986,0.5965,0.5954,0.584,0.5837,0.5768,0.5684,0.5642,0.556,0.5541,0.5526,0.5504,0.5458,0.5341,0.5199,0.5172,0.5151,0.5099,0.5093,0.4931,0.4772,0.4764,0.4718,0.4611,0.4504,0.4502,0.4488,0.418,0.4154,0.4153,0.4107,0.4102,0.4064,0.3968,0.3644],[0.8935,0.8923,0.8899,0.8737,0.836,0.8288,0.8272,0.8004,0.7832,0.7816,0.776,0.7714,0.7494,0.7405,0.7313,0.7308,0.7284,0.7236,0.7217,0.7025,0.702,0.6984,0.6974,0.697,0.6961,0.6942,0.6856,0.6762,0.6744,0.6735,0.6682,0.6608,0.6573,0.6525,0.6466,0.641,0.636,0.6277,0.6256,0.6248,0.6174,0.6109,0.6085,0.6081,0.6053,0.6025,0.5998,0.5966,0.5923,0.5908,0.59,0.5884,0.583,0.5765,0.5758,0.5694,0.5686,0.5671,0.5656,0.5652,0.5649,0.5615,0.5567,0.5462,0.5327,0.5313,0.524,0.5237,0.5233,0.5206,0.5168,0.4978,0.4909,0.4877,0.4829,0.4782,0.47,0.4651,0.4627,0.4614,0.4483,0.448,0.4401,0.4306,0.4258,0.4167,0.4145,0.4128,0.4104,0.4053,0.3924,0.377,0.374,0.3718,0.3662,0.3655,0.3483,0.3317,0.3309,0.3261,0.3151,0.3043,0.3041,0.3027,0.2722,0.2697,0.2696,0.2652,0.2646,0.261,0.2519,0.2218],[0.9049,0.9039,0.9017,0.8871,0.853,0.8466,0.8451,0.8208,0.8051,0.8037,0.7985,0.7944,0.7742,0.7661,0.7576,0.7572,0.755,0.7506,0.7488,0.7311,0.7307,0.7273,0.7264,0.726,0.7251,0.7235,0.7155,0.7067,0.7051,0.7043,0.6993,0.6924,0.6892,0.6848,0.6792,0.6741,0.6694,0.6616,0.6596,0.6589,0.652,0.6459,0.6437,0.6433,0.6407,0.638,0.6354,0.6325,0.6284,0.627,0.6262,0.6248,0.6197,0.6135,0.6128,0.6068,0.6061,0.6046,0.6032,0.6029,0.6025,0.5994,0.5948,0.5848,0.572,0.5707,0.5637,0.5634,0.563,0.5604,0.5568,0.5386,0.532,0.5289,0.5243,0.5197,0.5119,0.5071,0.5048,0.5036,0.4908,0.4905,0.4828,0.4736,0.4689,0.46,0.4578,0.4562,0.4538,0.4488,0.4362,0.4209,0.4179,0.4157,0.4102,0.4095,0.3924,0.3758,0.3749,0.3701,0.359,0.3481,0.3479,0.3465,0.3154,0.3128,0.3126,0.3081,0.3075,0.3038,0.2943,0.263],[0.9206,0.9197,0.9179,0.9055,0.8767,0.8712,0.8699,0.8491,0.8356,0.8344,0.83,0.8264,0.809,0.802,0.7946,0.7942,0.7923,0.7885,0.787,0.7715,0.7711,0.7681,0.7674,0.767,0.7663,0.7648,0.7578,0.7501,0.7487,0.748,0.7436,0.7375,0.7347,0.7308,0.7259,0.7213,0.7171,0.7102,0.7085,0.7078,0.7017,0.6963,0.6942,0.6939,0.6916,0.6892,0.6869,0.6842,0.6806,0.6793,0.6786,0.6773,0.6727,0.6672,0.6666,0.6611,0.6605,0.6592,0.6579,0.6576,0.6573,0.6544,0.6503,0.6413,0.6296,0.6284,0.622,0.6217,0.6214,0.619,0.6157,0.599,0.5929,0.5901,0.5858,0.5815,0.5743,0.5698,0.5676,0.5665,0.5546,0.5543,0.5471,0.5385,0.5341,0.5256,0.5236,0.5221,0.5198,0.515,0.503,0.4883,0.4855,0.4834,0.478,0.4773,0.4608,0.4446,0.4437,0.439,0.4281,0.4172,0.417,0.4156,0.3845,0.3819,0.3817,0.3771,0.3766,0.3728,0.3631,0.3308],[0.8768,0.8755,0.8728,0.8542,0.8113,0.8033,0.8014,0.7712,0.7519,0.7502,0.7439,0.7387,0.7142,0.7044,0.6941,0.6936,0.6909,0.6857,0.6836,0.6623,0.6618,0.6578,0.6568,0.6563,0.6553,0.6532,0.6438,0.6335,0.6315,0.6306,0.6248,0.6167,0.6129,0.6077,0.6012,0.5952,0.5898,0.5808,0.5785,0.5777,0.5697,0.5628,0.5602,0.5597,0.5567,0.5537,0.5508,0.5474,0.5428,0.5411,0.5403,0.5386,0.5329,0.526,0.5251,0.5183,0.5175,0.5159,0.5144,0.514,0.5136,0.51,0.505,0.4938,0.4796,0.4781,0.4705,0.4701,0.4698,0.4669,0.463,0.4431,0.436,0.4327,0.4277,0.4228,0.4145,0.4094,0.4069,0.4056,0.3921,0.3918,0.3838,0.3742,0.3693,0.3601,0.3579,0.3562,0.3538,0.3486,0.3357,0.3204,0.3174,0.3152,0.3097,0.309,0.2921,0.276,0.2751,0.2705,0.2599,0.2496,0.2494,0.248,0.2192,0.2168,0.2166,0.2125,0.212,0.2086,0.2002,0.1726],[0.8957,0.8945,0.8922,0.8762,0.8392,0.8322,0.8306,0.8043,0.7874,0.7858,0.7803,0.7758,0.7541,0.7454,0.7363,0.7358,0.7335,0.7288,0.7269,0.7079,0.7075,0.7038,0.7029,0.7025,0.7016,0.6998,0.6912,0.682,0.6802,0.6793,0.6741,0.6667,0.6633,0.6586,0.6527,0.6473,0.6423,0.6341,0.632,0.6312,0.6239,0.6175,0.6151,0.6148,0.612,0.6092,0.6065,0.6034,0.5991,0.5976,0.5968,0.5953,0.5899,0.5835,0.5827,0.5764,0.5756,0.5742,0.5727,0.5723,0.5719,0.5686,0.5639,0.5535,0.5401,0.5387,0.5314,0.5311,0.5307,0.528,0.5243,0.5054,0.4986,0.4954,0.4906,0.4859,0.4778,0.4729,0.4705,0.4693,0.4562,0.4559,0.448,0.4386,0.4338,0.4247,0.4225,0.4209,0.4184,0.4133,0.4005,0.385,0.3821,0.3799,0.3743,0.3736,0.3564,0.3398,0.3389,0.3342,0.3231,0.3123,0.3121,0.3107,0.2801,0.2775,0.2774,0.2729,0.2724,0.2687,0.2596,0.2292],[0.9281,0.9273,0.9257,0.9144,0.8881,0.883,0.8819,0.8628,0.8505,0.8494,0.8453,0.842,0.826,0.8195,0.8127,0.8124,0.8106,0.8071,0.8057,0.7914,0.7911,0.7883,0.7876,0.7873,0.7866,0.7852,0.7787,0.7716,0.7703,0.7696,0.7656,0.7599,0.7573,0.7536,0.749,0.7448,0.7409,0.7345,0.7329,0.7322,0.7265,0.7214,0.7196,0.7192,0.7171,0.7149,0.7127,0.7102,0.7068,0.7056,0.705,0.7037,0.6994,0.6943,0.6937,0.6885,0.6879,0.6867,0.6855,0.6852,0.6849,0.6822,0.6784,0.6699,0.6588,0.6577,0.6517,0.6514,0.6511,0.6488,0.6457,0.6299,0.6241,0.6214,0.6173,0.6133,0.6064,0.6022,0.6001,0.599,0.5876,0.5874,0.5805,0.5722,0.568,0.5598,0.5579,0.5564,0.5543,0.5497,0.538,0.5239,0.5212,0.5191,0.5139,0.5133,0.4972,0.4814,0.4805,0.4759,0.4653,0.4546,0.4544,0.453,0.4223,0.4197,0.4195,0.415,0.4144,0.4107,0.4011,0.3687],[0.9099,0.9089,0.9069,0.8929,0.8605,0.8543,0.8529,0.8297,0.8147,0.8134,0.8084,0.8044,0.7851,0.7773,0.7692,0.7688,0.7667,0.7625,0.7608,0.7437,0.7433,0.7401,0.7392,0.7388,0.738,0.7364,0.7287,0.7203,0.7187,0.7179,0.7132,0.7065,0.7034,0.6991,0.6937,0.6888,0.6842,0.6767,0.6748,0.6741,0.6674,0.6616,0.6594,0.659,0.6565,0.6539,0.6514,0.6485,0.6446,0.6432,0.6425,0.6411,0.6361,0.6302,0.6295,0.6236,0.6229,0.6215,0.6202,0.6198,0.6195,0.6164,0.612,0.6023,0.5898,0.5885,0.5817,0.5814,0.581,0.5785,0.575,0.5571,0.5507,0.5477,0.5432,0.5387,0.531,0.5263,0.524,0.5229,0.5103,0.51,0.5025,0.4934,0.4888,0.48,0.4778,0.4763,0.4739,0.469,0.4564,0.4413,0.4384,0.4362,0.4307,0.43,0.413,0.3965,0.3956,0.3908,0.3797,0.3688,0.3686,0.3672,0.3359,0.3333,0.3332,0.3286,0.328,0.3243,0.3147,0.2829],[0.9111,0.9101,0.9082,0.8944,0.8624,0.8563,0.8549,0.832,0.8171,0.8158,0.8109,0.807,0.7879,0.7802,0.7722,0.7718,0.7697,0.7655,0.7638,0.747,0.7466,0.7433,0.7425,0.7421,0.7413,0.7397,0.7321,0.7237,0.7222,0.7214,0.7167,0.7101,0.707,0.7028,0.6975,0.6925,0.688,0.6806,0.6787,0.678,0.6714,0.6656,0.6634,0.663,0.6605,0.658,0.6555,0.6526,0.6487,0.6473,0.6466,0.6452,0.6403,0.6344,0.6337,0.6279,0.6272,0.6259,0.6245,0.6242,0.6238,0.6208,0.6164,0.6067,0.5943,0.593,0.5863,0.586,0.5856,0.5831,0.5796,0.5619,0.5555,0.5525,0.548,0.5436,0.5359,0.5313,0.529,0.5278,0.5153,0.515,0.5075,0.4985,0.4939,0.4851,0.483,0.4814,0.4791,0.4742,0.4617,0.4466,0.4437,0.4415,0.436,0.4353,0.4184,0.4018,0.401,0.3962,0.3851,0.3742,0.374,0.3726,0.3413,0.3387,0.3385,0.334,0.3334,0.3296,0.3201,0.2882],[0.9207,0.9198,0.9181,0.9057,0.8769,0.8714,0.8701,0.8494,0.8359,0.8347,0.8303,0.8267,0.8093,0.8023,0.795,0.7946,0.7927,0.7889,0.7873,0.7719,0.7715,0.7686,0.7678,0.7674,0.7667,0.7652,0.7582,0.7506,0.7491,0.7484,0.7441,0.738,0.7351,0.7313,0.7263,0.7218,0.7176,0.7107,0.709,0.7083,0.7022,0.6968,0.6948,0.6944,0.6921,0.6897,0.6874,0.6848,0.6811,0.6798,0.6792,0.6779,0.6733,0.6678,0.6671,0.6617,0.661,0.6598,0.6585,0.6582,0.6579,0.655,0.6509,0.6418,0.6302,0.629,0.6226,0.6223,0.622,0.6196,0.6163,0.5996,0.5935,0.5907,0.5864,0.5822,0.5749,0.5705,0.5683,0.5672,0.5553,0.555,0.5478,0.5391,0.5347,0.5263,0.5242,0.5227,0.5205,0.5157,0.5036,0.489,0.4862,0.4841,0.4787,0.478,0.4615,0.4453,0.4444,0.4397,0.4288,0.418,0.4178,0.4164,0.3852,0.3826,0.3824,0.3778,0.3773,0.3735,0.3639,0.3315],[0.9214,0.9205,0.9187,0.9065,0.8778,0.8724,0.8711,0.8505,0.8372,0.836,0.8316,0.828,0.8107,0.8038,0.7965,0.7961,0.7942,0.7904,0.7889,0.7736,0.7732,0.7702,0.7695,0.7691,0.7684,0.7669,0.76,0.7524,0.7509,0.7502,0.7459,0.7399,0.737,0.7331,0.7282,0.7237,0.7196,0.7127,0.711,0.7103,0.7042,0.6989,0.6969,0.6965,0.6942,0.6919,0.6895,0.6869,0.6833,0.682,0.6813,0.68,0.6755,0.67,0.6694,0.6639,0.6633,0.662,0.6608,0.6604,0.6601,0.6573,0.6532,0.6442,0.6326,0.6314,0.6251,0.6248,0.6245,0.6221,0.6188,0.6021,0.5961,0.5933,0.589,0.5848,0.5775,0.5731,0.5709,0.5699,0.558,0.5577,0.5505,0.5419,0.5375,0.5291,0.5271,0.5255,0.5233,0.5185,0.5065,0.4919,0.4891,0.487,0.4817,0.481,0.4644,0.4483,0.4474,0.4427,0.4318,0.421,0.4208,0.4194,0.3883,0.3857,0.3855,0.3809,0.3803,0.3765,0.3669,0.3345],[0.9251,0.9243,0.9226,0.9109,0.8836,0.8784,0.8772,0.8574,0.8447,0.8435,0.8393,0.8359,0.8193,0.8126,0.8056,0.8053,0.8034,0.7998,0.7983,0.7836,0.7832,0.7804,0.7797,0.7793,0.7786,0.7772,0.7705,0.7632,0.7618,0.7611,0.7569,0.7511,0.7484,0.7446,0.7399,0.7356,0.7315,0.7249,0.7233,0.7226,0.7167,0.7115,0.7096,0.7093,0.707,0.7048,0.7025,0.7,0.6965,0.6952,0.6946,0.6933,0.6889,0.6836,0.683,0.6777,0.6771,0.6759,0.6746,0.6743,0.674,0.6713,0.6673,0.6586,0.6473,0.6461,0.6399,0.6397,0.6394,0.637,0.6339,0.6176,0.6118,0.609,0.6048,0.6007,0.5937,0.5894,0.5872,0.5861,0.5745,0.5743,0.5673,0.5588,0.5545,0.5462,0.5442,0.5428,0.5405,0.5359,0.5241,0.5097,0.507,0.5049,0.4996,0.4989,0.4826,0.4667,0.4658,0.4612,0.4504,0.4397,0.4395,0.4381,0.4071,0.4045,0.4043,0.3998,0.3992,0.3954,0.3858,0.3534],[0.9151,0.9142,0.9123,0.8992,0.8685,0.8626,0.8613,0.8392,0.825,0.8237,0.819,0.8152,0.7968,0.7894,0.7817,0.7813,0.7793,0.7752,0.7736,0.7573,0.7569,0.7538,0.753,0.7526,0.7519,0.7503,0.7429,0.7349,0.7334,0.7326,0.7281,0.7217,0.7187,0.7146,0.7094,0.7047,0.7003,0.6931,0.6913,0.6906,0.6842,0.6785,0.6764,0.676,0.6736,0.6711,0.6687,0.6659,0.6622,0.6608,0.6601,0.6587,0.654,0.6482,0.6476,0.6419,0.6412,0.6399,0.6386,0.6382,0.6379,0.6349,0.6307,0.6212,0.6091,0.6079,0.6013,0.601,0.6007,0.5982,0.5948,0.5774,0.5712,0.5682,0.5638,0.5595,0.552,0.5474,0.5451,0.544,0.5317,0.5315,0.5241,0.5152,0.5107,0.502,0.4999,0.4984,0.4961,0.4912,0.4789,0.464,0.4611,0.4589,0.4535,0.4528,0.436,0.4196,0.4187,0.4139,0.4029,0.392,0.3918,0.3904,0.3591,0.3565,0.3563,0.3517,0.3512,0.3474,0.3378,0.3056],[0.9159,0.915,0.9131,0.9,0.8696,0.8638,0.8625,0.8406,0.8265,0.8252,0.8205,0.8168,0.7985,0.7912,0.7835,0.7831,0.7811,0.7771,0.7755,0.7593,0.7589,0.7558,0.755,0.7546,0.7539,0.7523,0.745,0.737,0.7355,0.7347,0.7302,0.7239,0.7209,0.7168,0.7117,0.707,0.7026,0.6954,0.6937,0.6929,0.6866,0.6809,0.6789,0.6785,0.6761,0.6736,0.6712,0.6685,0.6647,0.6633,0.6627,0.6613,0.6566,0.6508,0.6502,0.6445,0.6439,0.6425,0.6412,0.6409,0.6406,0.6376,0.6334,0.624,0.6119,0.6107,0.6041,0.6038,0.6035,0.601,0.5976,0.5804,0.5742,0.5712,0.5668,0.5625,0.555,0.5505,0.5482,0.5471,0.5349,0.5346,0.5272,0.5184,0.5139,0.5052,0.5032,0.5016,0.4993,0.4944,0.4822,0.4673,0.4644,0.4623,0.4568,0.4561,0.4393,0.423,0.4221,0.4173,0.4063,0.3954,0.3952,0.3938,0.3625,0.3599,0.3598,0.3552,0.3546,0.3508,0.3412,0.309],[0.9284,0.9276,0.926,0.9148,0.8885,0.8835,0.8824,0.8634,0.8511,0.85,0.8459,0.8426,0.8267,0.8202,0.8135,0.8131,0.8114,0.8079,0.8065,0.7922,0.7919,0.7891,0.7884,0.7881,0.7874,0.786,0.7796,0.7725,0.7712,0.7705,0.7665,0.7608,0.7582,0.7546,0.75,0.7458,0.7419,0.7355,0.7339,0.7332,0.7275,0.7225,0.7206,0.7203,0.7181,0.7159,0.7138,0.7113,0.7079,0.7067,0.706,0.7048,0.7005,0.6954,0.6948,0.6897,0.6891,0.6879,0.6867,0.6864,0.6861,0.6834,0.6796,0.671,0.6601,0.6589,0.6529,0.6526,0.6524,0.6501,0.647,0.6312,0.6254,0.6227,0.6187,0.6147,0.6077,0.6035,0.6014,0.6004,0.589,0.5888,0.5819,0.5736,0.5694,0.5613,0.5593,0.5579,0.5557,0.5511,0.5395,0.5254,0.5227,0.5206,0.5155,0.5148,0.4987,0.4829,0.4821,0.4775,0.4668,0.4562,0.456,0.4546,0.4239,0.4213,0.4212,0.4166,0.4161,0.4123,0.4027,0.3703],[0.9181,0.9172,0.9153,0.9026,0.8729,0.8672,0.8659,0.8445,0.8307,0.8295,0.8249,0.8212,0.8034,0.7962,0.7886,0.7882,0.7863,0.7824,0.7808,0.765,0.7646,0.7615,0.7608,0.7604,0.7596,0.7581,0.7509,0.7431,0.7416,0.7409,0.7364,0.7302,0.7273,0.7233,0.7183,0.7136,0.7093,0.7023,0.7005,0.6998,0.6936,0.688,0.686,0.6856,0.6832,0.6809,0.6785,0.6758,0.6721,0.6707,0.6701,0.6687,0.6641,0.6584,0.6578,0.6522,0.6516,0.6503,0.649,0.6486,0.6483,0.6454,0.6412,0.632,0.6201,0.6189,0.6124,0.6121,0.6118,0.6093,0.606,0.589,0.5828,0.5799,0.5756,0.5713,0.5639,0.5594,0.5572,0.5561,0.544,0.5437,0.5364,0.5276,0.5232,0.5146,0.5126,0.511,0.5087,0.5039,0.4917,0.477,0.4741,0.472,0.4666,0.4659,0.4492,0.4329,0.432,0.4273,0.4163,0.4054,0.4052,0.4038,0.3726,0.37,0.3698,0.3652,0.3647,0.3609,0.3513,0.319],[0.9165,0.9156,0.9137,0.9008,0.8705,0.8648,0.8635,0.8417,0.8277,0.8264,0.8218,0.818,0.7999,0.7926,0.785,0.7846,0.7826,0.7786,0.777,0.7609,0.7605,0.7574,0.7567,0.7563,0.7555,0.754,0.7467,0.7388,0.7372,0.7365,0.732,0.7257,0.7227,0.7187,0.7136,0.7089,0.7045,0.6974,0.6956,0.6949,0.6886,0.683,0.6809,0.6805,0.6781,0.6757,0.6733,0.6706,0.6668,0.6655,0.6648,0.6634,0.6587,0.653,0.6524,0.6467,0.6461,0.6447,0.6434,0.6431,0.6428,0.6398,0.6356,0.6263,0.6143,0.613,0.6065,0.6062,0.6059,0.6034,0.6,0.5829,0.5766,0.5737,0.5693,0.565,0.5576,0.553,0.5508,0.5497,0.5375,0.5372,0.5299,0.521,0.5165,0.5079,0.5058,0.5043,0.502,0.4971,0.4849,0.47,0.4672,0.465,0.4596,0.4589,0.4421,0.4258,0.4249,0.4202,0.4092,0.3983,0.3981,0.3967,0.3654,0.3628,0.3626,0.358,0.3575,0.3537,0.3441,0.3118],[0.9234,0.9225,0.9208,0.9088,0.8809,0.8756,0.8743,0.8542,0.8411,0.84,0.8357,0.8322,0.8153,0.8085,0.8013,0.801,0.7991,0.7954,0.7939,0.7789,0.7785,0.7756,0.7749,0.7745,0.7738,0.7724,0.7655,0.7581,0.7567,0.756,0.7517,0.7458,0.743,0.7392,0.7344,0.73,0.7259,0.7192,0.7175,0.7168,0.7108,0.7056,0.7036,0.7033,0.701,0.6987,0.6964,0.6938,0.6903,0.689,0.6883,0.687,0.6826,0.6772,0.6766,0.6712,0.6706,0.6693,0.6681,0.6678,0.6675,0.6647,0.6607,0.6518,0.6403,0.6391,0.6329,0.6326,0.6323,0.63,0.6267,0.6103,0.6044,0.6016,0.5974,0.5932,0.586,0.5817,0.5795,0.5784,0.5667,0.5664,0.5593,0.5508,0.5465,0.5381,0.5361,0.5346,0.5324,0.5277,0.5158,0.5013,0.4985,0.4964,0.4911,0.4904,0.474,0.4579,0.4571,0.4524,0.4416,0.4308,0.4306,0.4292,0.3982,0.3956,0.3954,0.3908,0.3903,0.3865,0.3768,0.3444],[0.934,0.9333,0.9318,0.9214,0.8971,0.8925,0.8914,0.8738,0.8624,0.8613,0.8576,0.8545,0.8396,0.8336,0.8273,0.827,0.8253,0.8221,0.8207,0.8074,0.8071,0.8045,0.8039,0.8036,0.8029,0.8016,0.7956,0.7889,0.7877,0.7871,0.7833,0.778,0.7755,0.7721,0.7678,0.7639,0.7602,0.7542,0.7527,0.7521,0.7467,0.7419,0.7401,0.7398,0.7378,0.7357,0.7337,0.7313,0.7281,0.727,0.7264,0.7252,0.7212,0.7163,0.7157,0.7109,0.7103,0.7092,0.7081,0.7078,0.7075,0.705,0.7013,0.6933,0.6828,0.6817,0.676,0.6758,0.6755,0.6733,0.6704,0.6553,0.6498,0.6473,0.6434,0.6396,0.633,0.6289,0.6269,0.6259,0.615,0.6148,0.6082,0.6002,0.5962,0.5884,0.5865,0.5851,0.583,0.5786,0.5674,0.5537,0.5511,0.5491,0.5441,0.5435,0.5279,0.5125,0.5117,0.5072,0.4968,0.4864,0.4862,0.4848,0.4547,0.4521,0.452,0.4475,0.4469,0.4432,0.4337,0.4016],[0.93,0.9292,0.9277,0.9167,0.891,0.8861,0.885,0.8664,0.8544,0.8533,0.8493,0.8461,0.8304,0.8241,0.8175,0.8171,0.8154,0.8119,0.8106,0.7966,0.7963,0.7936,0.7929,0.7925,0.7919,0.7905,0.7842,0.7772,0.7759,0.7753,0.7713,0.7658,0.7632,0.7596,0.7551,0.751,0.7472,0.7408,0.7393,0.7386,0.733,0.7281,0.7262,0.7259,0.7238,0.7216,0.7195,0.717,0.7137,0.7125,0.7119,0.7107,0.7065,0.7014,0.7008,0.6958,0.6952,0.694,0.6928,0.6925,0.6922,0.6896,0.6858,0.6774,0.6666,0.6654,0.6595,0.6593,0.659,0.6567,0.6537,0.6381,0.6324,0.6297,0.6257,0.6218,0.6149,0.6108,0.6087,0.6077,0.5964,0.5962,0.5894,0.5812,0.577,0.569,0.5671,0.5656,0.5635,0.559,0.5475,0.5335,0.5308,0.5287,0.5236,0.5229,0.507,0.4913,0.4905,0.4859,0.4753,0.4648,0.4646,0.4632,0.4326,0.43,0.4299,0.4253,0.4248,0.421,0.4115,0.3791],[0.913,0.912,0.9101,0.8966,0.8652,0.8592,0.8578,0.8353,0.8207,0.8194,0.8147,0.8108,0.792,0.7844,0.7765,0.7761,0.7741,0.7699,0.7683,0.7517,0.7513,0.7481,0.7473,0.7469,0.7461,0.7445,0.7371,0.7289,0.7273,0.7265,0.7219,0.7154,0.7124,0.7082,0.7029,0.6981,0.6936,0.6863,0.6845,0.6837,0.6772,0.6715,0.6693,0.669,0.6665,0.664,0.6615,0.6587,0.6549,0.6535,0.6528,0.6514,0.6466,0.6407,0.6401,0.6343,0.6336,0.6323,0.6309,0.6306,0.6303,0.6272,0.6229,0.6134,0.6011,0.5998,0.5931,0.5928,0.5925,0.59,0.5865,0.569,0.5627,0.5597,0.5552,0.5508,0.5433,0.5386,0.5364,0.5352,0.5228,0.5225,0.5151,0.5061,0.5015,0.4928,0.4907,0.4892,0.4868,0.4819,0.4695,0.4545,0.4516,0.4494,0.444,0.4433,0.4264,0.4099,0.409,0.4043,0.3932,0.3823,0.3821,0.3807,0.3494,0.3468,0.3466,0.342,0.3415,0.3377,0.3281,0.2961],[0.904,0.903,0.9008,0.8861,0.8517,0.8452,0.8437,0.8192,0.8034,0.802,0.7968,0.7926,0.7722,0.7641,0.7556,0.7551,0.7529,0.7485,0.7467,0.7289,0.7284,0.725,0.7241,0.7237,0.7229,0.7212,0.7131,0.7043,0.7027,0.7018,0.6969,0.6899,0.6867,0.6822,0.6766,0.6715,0.6667,0.6589,0.657,0.6562,0.6492,0.6431,0.6409,0.6405,0.6379,0.6352,0.6326,0.6296,0.6256,0.6241,0.6233,0.6219,0.6168,0.6106,0.6099,0.6038,0.6031,0.6017,0.6002,0.5999,0.5995,0.5964,0.5918,0.5818,0.5689,0.5675,0.5605,0.5602,0.5599,0.5572,0.5536,0.5353,0.5287,0.5256,0.521,0.5164,0.5085,0.5038,0.5014,0.5002,0.4874,0.4871,0.4794,0.4701,0.4655,0.4565,0.4543,0.4527,0.4503,0.4453,0.4326,0.4173,0.4144,0.4122,0.4066,0.4059,0.3888,0.3722,0.3713,0.3665,0.3554,0.3445,0.3443,0.3429,0.3118,0.3092,0.309,0.3045,0.304,0.3002,0.2908,0.2595],[0.9205,0.9196,0.9178,0.9054,0.8765,0.871,0.8697,0.8489,0.8354,0.8342,0.8298,0.8262,0.8087,0.8017,0.7944,0.794,0.7921,0.7882,0.7867,0.7712,0.7708,0.7679,0.7671,0.7667,0.766,0.7645,0.7575,0.7498,0.7484,0.7477,0.7433,0.7372,0.7344,0.7305,0.7255,0.721,0.7168,0.7099,0.7082,0.7075,0.7013,0.6959,0.6939,0.6936,0.6912,0.6889,0.6865,0.6839,0.6802,0.6789,0.6783,0.677,0.6724,0.6669,0.6662,0.6607,0.6601,0.6588,0.6575,0.6572,0.6569,0.6541,0.6499,0.6409,0.6292,0.628,0.6216,0.6213,0.621,0.6186,0.6153,0.5985,0.5925,0.5896,0.5853,0.5811,0.5738,0.5694,0.5672,0.5661,0.5541,0.5539,0.5467,0.538,0.5336,0.5251,0.5231,0.5216,0.5193,0.5145,0.5025,0.4878,0.485,0.4829,0.4775,0.4768,0.4603,0.4441,0.4432,0.4385,0.4276,0.4167,0.4165,0.4151,0.384,0.3814,0.3812,0.3766,0.376,0.3722,0.3626,0.3302],[0.9173,0.9164,0.9145,0.9017,0.8717,0.866,0.8647,0.8431,0.8292,0.828,0.8234,0.8196,0.8016,0.7944,0.7868,0.7864,0.7844,0.7805,0.7789,0.7629,0.7626,0.7595,0.7587,0.7583,0.7576,0.756,0.7488,0.7409,0.7394,0.7387,0.7342,0.728,0.725,0.721,0.7159,0.7113,0.707,0.6999,0.6981,0.6974,0.6911,0.6855,0.6834,0.6831,0.6807,0.6783,0.6759,0.6732,0.6694,0.6681,0.6674,0.6661,0.6614,0.6557,0.6551,0.6495,0.6488,0.6475,0.6462,0.6459,0.6456,0.6426,0.6384,0.6291,0.6172,0.6159,0.6095,0.6091,0.6088,0.6064,0.603,0.5859,0.5797,0.5768,0.5725,0.5682,0.5607,0.5562,0.554,0.5529,0.5407,0.5405,0.5331,0.5243,0.5199,0.5113,0.5092,0.5077,0.5054,0.5005,0.4883,0.4735,0.4706,0.4685,0.4631,0.4624,0.4457,0.4293,0.4285,0.4237,0.4128,0.4019,0.4017,0.4002,0.369,0.3664,0.3662,0.3616,0.3611,0.3573,0.3477,0.3154],[0.9221,0.9212,0.9194,0.9073,0.8789,0.8735,0.8723,0.8518,0.8386,0.8374,0.833,0.8295,0.8123,0.8054,0.7982,0.7978,0.7959,0.7921,0.7906,0.7754,0.775,0.7721,0.7714,0.771,0.7703,0.7688,0.7619,0.7544,0.7529,0.7522,0.7479,0.7419,0.7391,0.7353,0.7304,0.7259,0.7218,0.715,0.7133,0.7126,0.7065,0.7012,0.6992,0.6989,0.6965,0.6942,0.6919,0.6893,0.6857,0.6844,0.6838,0.6825,0.678,0.6725,0.6719,0.6665,0.6658,0.6646,0.6633,0.663,0.6627,0.6599,0.6558,0.6468,0.6353,0.6341,0.6278,0.6275,0.6272,0.6248,0.6216,0.605,0.599,0.5961,0.5919,0.5877,0.5805,0.5761,0.5739,0.5728,0.561,0.5607,0.5536,0.545,0.5406,0.5322,0.5302,0.5287,0.5264,0.5217,0.5097,0.4952,0.4924,0.4903,0.4849,0.4843,0.4678,0.4516,0.4508,0.4461,0.4352,0.4244,0.4242,0.4228,0.3917,0.3891,0.3889,0.3843,0.3838,0.38,0.3704,0.3379],[0.923,0.9221,0.9204,0.9084,0.8803,0.8749,0.8737,0.8535,0.8404,0.8392,0.8349,0.8313,0.8144,0.8075,0.8004,0.8,0.7981,0.7944,0.7929,0.7778,0.7774,0.7745,0.7738,0.7734,0.7727,0.7713,0.7644,0.7569,0.7555,0.7548,0.7506,0.7446,0.7418,0.738,0.7332,0.7287,0.7246,0.7179,0.7162,0.7155,0.7095,0.7042,0.7022,0.7019,0.6996,0.6973,0.695,0.6924,0.6889,0.6876,0.6869,0.6856,0.6812,0.6758,0.6751,0.6698,0.6691,0.6679,0.6666,0.6663,0.666,0.6632,0.6592,0.6503,0.6388,0.6376,0.6313,0.6311,0.6308,0.6284,0.6252,0.6087,0.6027,0.5999,0.5957,0.5915,0.5844,0.58,0.5778,0.5767,0.565,0.5647,0.5576,0.549,0.5447,0.5363,0.5343,0.5328,0.5306,0.5259,0.5139,0.4994,0.4966,0.4945,0.4892,0.4885,0.4721,0.456,0.4552,0.4505,0.4396,0.4288,0.4286,0.4272,0.3962,0.3936,0.3934,0.3888,0.3883,0.3845,0.3749,0.3424],[0.9168,0.9158,0.914,0.9011,0.8709,0.8652,0.8638,0.8422,0.8282,0.8269,0.8223,0.8185,0.8004,0.7931,0.7855,0.7851,0.7831,0.7792,0.7776,0.7615,0.7612,0.7581,0.7573,0.7569,0.7561,0.7546,0.7474,0.7394,0.7379,0.7372,0.7327,0.7264,0.7234,0.7194,0.7143,0.7096,0.7053,0.6981,0.6964,0.6957,0.6893,0.6837,0.6817,0.6813,0.6789,0.6765,0.6741,0.6714,0.6676,0.6663,0.6656,0.6642,0.6595,0.6538,0.6532,0.6476,0.6469,0.6456,0.6443,0.6439,0.6436,0.6407,0.6365,0.6272,0.6152,0.6139,0.6074,0.6071,0.6068,0.6043,0.6009,0.5838,0.5776,0.5747,0.5703,0.566,0.5585,0.554,0.5518,0.5506,0.5385,0.5382,0.5309,0.522,0.5175,0.5089,0.5069,0.5053,0.503,0.4982,0.4859,0.4711,0.4682,0.4661,0.4607,0.46,0.4432,0.4269,0.426,0.4213,0.4103,0.3994,0.3992,0.3977,0.3665,0.3639,0.3637,0.3591,0.3586,0.3548,0.3452,0.3129],[0.9009,0.8998,0.8976,0.8824,0.8471,0.8404,0.8389,0.8137,0.7975,0.796,0.7907,0.7863,0.7655,0.7572,0.7484,0.748,0.7457,0.7412,0.7394,0.7211,0.7207,0.7171,0.7163,0.7158,0.715,0.7132,0.705,0.696,0.6943,0.6935,0.6884,0.6813,0.678,0.6735,0.6677,0.6625,0.6576,0.6497,0.6477,0.6469,0.6398,0.6336,0.6313,0.6309,0.6282,0.6256,0.6229,0.6199,0.6157,0.6142,0.6135,0.612,0.6068,0.6005,0.5998,0.5936,0.5929,0.5914,0.59,0.5896,0.5892,0.586,0.5814,0.5712,0.5581,0.5568,0.5497,0.5493,0.549,0.5463,0.5427,0.5241,0.5174,0.5143,0.5096,0.505,0.497,0.4922,0.4898,0.4886,0.4757,0.4754,0.4676,0.4583,0.4536,0.4445,0.4424,0.4407,0.4383,0.4333,0.4205,0.4052,0.4022,0.4,0.3944,0.3937,0.3766,0.3599,0.3591,0.3543,0.3432,0.3323,0.3321,0.3307,0.2997,0.2972,0.297,0.2925,0.292,0.2883,0.2789,0.2479],[0.9265,0.9257,0.924,0.9125,0.8857,0.8805,0.8793,0.8599,0.8474,0.8462,0.8421,0.8387,0.8224,0.8158,0.8089,0.8086,0.8068,0.8032,0.8017,0.7872,0.7868,0.784,0.7833,0.783,0.7823,0.7809,0.7743,0.7671,0.7657,0.765,0.7609,0.7552,0.7525,0.7488,0.7441,0.7398,0.7359,0.7293,0.7277,0.7271,0.7212,0.7161,0.7142,0.7139,0.7116,0.7094,0.7072,0.7047,0.7012,0.7,0.6994,0.6981,0.6938,0.6885,0.6879,0.6827,0.6821,0.6809,0.6797,0.6794,0.6791,0.6763,0.6724,0.6638,0.6526,0.6514,0.6454,0.6451,0.6448,0.6425,0.6393,0.6233,0.6175,0.6147,0.6106,0.6065,0.5995,0.5953,0.5931,0.5921,0.5806,0.5803,0.5734,0.565,0.5607,0.5525,0.5505,0.5491,0.5469,0.5422,0.5305,0.5162,0.5135,0.5114,0.5062,0.5055,0.4893,0.4734,0.4726,0.468,0.4572,0.4465,0.4463,0.4449,0.4141,0.4115,0.4113,0.4067,0.4062,0.4024,0.3928,0.3604],[0.8654,0.864,0.8611,0.8409,0.7946,0.7859,0.7839,0.7515,0.7308,0.729,0.7222,0.7168,0.6906,0.6802,0.6693,0.6688,0.666,0.6604,0.6581,0.6357,0.6352,0.6309,0.6298,0.6293,0.6282,0.6261,0.6161,0.6053,0.6033,0.6022,0.5962,0.5877,0.5837,0.5783,0.5715,0.5652,0.5595,0.5502,0.5478,0.5469,0.5387,0.5314,0.5287,0.5283,0.5252,0.5221,0.519,0.5155,0.5107,0.509,0.5081,0.5064,0.5005,0.4933,0.4925,0.4855,0.4847,0.483,0.4814,0.481,0.4806,0.4769,0.4717,0.4603,0.4458,0.4442,0.4364,0.4361,0.4357,0.4328,0.4288,0.4086,0.4014,0.398,0.393,0.3881,0.3796,0.3745,0.372,0.3707,0.3572,0.3569,0.3489,0.3393,0.3344,0.3252,0.323,0.3214,0.319,0.3139,0.3011,0.286,0.2831,0.281,0.2756,0.2749,0.2584,0.2428,0.2419,0.2375,0.2273,0.2173,0.2171,0.2159,0.1884,0.1862,0.186,0.1821,0.1817,0.1785,0.1705,0.1448],[0.8974,0.8962,0.894,0.8783,0.8418,0.8349,0.8333,0.8073,0.7906,0.7891,0.7837,0.7792,0.7578,0.7492,0.7403,0.7398,0.7375,0.7328,0.7309,0.7122,0.7118,0.7082,0.7073,0.7068,0.7059,0.7041,0.6957,0.6865,0.6848,0.6839,0.6788,0.6715,0.6681,0.6635,0.6576,0.6522,0.6473,0.6391,0.6371,0.6363,0.6291,0.6228,0.6204,0.62,0.6173,0.6145,0.6118,0.6087,0.6045,0.603,0.6022,0.6007,0.5954,0.589,0.5883,0.582,0.5812,0.5798,0.5783,0.5779,0.5776,0.5743,0.5696,0.5592,0.5459,0.5445,0.5373,0.537,0.5367,0.5339,0.5302,0.5114,0.5047,0.5015,0.4968,0.4921,0.484,0.4792,0.4767,0.4755,0.4625,0.4622,0.4543,0.4449,0.4402,0.4311,0.4289,0.4273,0.4248,0.4198,0.4069,0.3915,0.3886,0.3864,0.3808,0.38,0.3629,0.3463,0.3454,0.3406,0.3296,0.3187,0.3185,0.3171,0.2864,0.2838,0.2837,0.2792,0.2787,0.275,0.2657,0.2352],[0.9298,0.929,0.9275,0.9165,0.8907,0.8858,0.8847,0.866,0.854,0.8529,0.8489,0.8457,0.83,0.8236,0.817,0.8167,0.8149,0.8115,0.8101,0.7961,0.7957,0.793,0.7924,0.792,0.7913,0.79,0.7836,0.7767,0.7753,0.7747,0.7707,0.7652,0.7626,0.759,0.7545,0.7504,0.7465,0.7402,0.7386,0.738,0.7324,0.7274,0.7255,0.7252,0.7231,0.7209,0.7188,0.7163,0.713,0.7118,0.7112,0.71,0.7058,0.7007,0.7001,0.695,0.6944,0.6933,0.6921,0.6918,0.6915,0.6888,0.685,0.6766,0.6658,0.6647,0.6587,0.6585,0.6582,0.6559,0.6529,0.6372,0.6316,0.6289,0.6249,0.6209,0.6141,0.6099,0.6078,0.6068,0.5956,0.5953,0.5885,0.5803,0.5761,0.5681,0.5661,0.5647,0.5625,0.558,0.5465,0.5325,0.5298,0.5278,0.5226,0.522,0.506,0.4903,0.4895,0.4849,0.4743,0.4637,0.4635,0.4622,0.4316,0.429,0.4288,0.4243,0.4237,0.42,0.4104,0.3781],[0.9267,0.9259,0.9242,0.9128,0.8859,0.8808,0.8796,0.8603,0.8477,0.8466,0.8424,0.8391,0.8228,0.8162,0.8094,0.809,0.8072,0.8036,0.8022,0.7877,0.7873,0.7845,0.7838,0.7835,0.7828,0.7814,0.7748,0.7676,0.7662,0.7655,0.7615,0.7557,0.753,0.7493,0.7447,0.7404,0.7364,0.7299,0.7283,0.7276,0.7218,0.7167,0.7148,0.7145,0.7123,0.71,0.7078,0.7053,0.7019,0.7006,0.7,0.6987,0.6944,0.6892,0.6885,0.6834,0.6827,0.6815,0.6803,0.68,0.6797,0.677,0.6731,0.6645,0.6533,0.6521,0.6461,0.6458,0.6455,0.6432,0.6401,0.624,0.6182,0.6155,0.6114,0.6073,0.6003,0.596,0.5939,0.5929,0.5814,0.5811,0.5742,0.5658,0.5615,0.5533,0.5514,0.5499,0.5477,0.5431,0.5313,0.5171,0.5144,0.5123,0.5071,0.5064,0.4902,0.4743,0.4735,0.4689,0.4581,0.4474,0.4472,0.4458,0.415,0.4124,0.4122,0.4077,0.4071,0.4033,0.3938,0.3613],[0.9096,0.9086,0.9066,0.8926,0.8601,0.8539,0.8525,0.8292,0.8142,0.8129,0.8079,0.8039,0.7846,0.7768,0.7686,0.7682,0.7661,0.7619,0.7602,0.7431,0.7427,0.7394,0.7386,0.7382,0.7374,0.7357,0.728,0.7196,0.718,0.7172,0.7125,0.7058,0.7027,0.6984,0.693,0.688,0.6835,0.6759,0.6741,0.6733,0.6666,0.6608,0.6586,0.6582,0.6556,0.6531,0.6506,0.6477,0.6438,0.6423,0.6416,0.6402,0.6353,0.6293,0.6286,0.6227,0.622,0.6207,0.6193,0.6189,0.6186,0.6155,0.6111,0.6014,0.5888,0.5875,0.5807,0.5804,0.5801,0.5775,0.574,0.5562,0.5497,0.5467,0.5422,0.5377,0.53,0.5253,0.523,0.5219,0.5093,0.509,0.5014,0.4924,0.4877,0.4789,0.4768,0.4752,0.4728,0.4679,0.4554,0.4402,0.4373,0.4351,0.4296,0.4289,0.4119,0.3954,0.3945,0.3897,0.3787,0.3677,0.3675,0.3661,0.3348,0.3323,0.3321,0.3275,0.327,0.3232,0.3136,0.2818],[0.8914,0.8902,0.8878,0.8713,0.8329,0.8257,0.824,0.7968,0.7793,0.7777,0.772,0.7673,0.745,0.736,0.7267,0.7262,0.7238,0.7189,0.717,0.6975,0.697,0.6933,0.6924,0.6919,0.691,0.6891,0.6804,0.6708,0.669,0.6681,0.6628,0.6552,0.6517,0.6469,0.6409,0.6353,0.6302,0.6218,0.6197,0.6188,0.6114,0.6049,0.6024,0.602,0.5992,0.5964,0.5936,0.5904,0.5861,0.5845,0.5837,0.5821,0.5767,0.5701,0.5694,0.5629,0.5621,0.5606,0.5591,0.5587,0.5584,0.555,0.5502,0.5396,0.5259,0.5245,0.5172,0.5168,0.5165,0.5137,0.5099,0.4908,0.4839,0.4807,0.4758,0.4711,0.4629,0.4579,0.4555,0.4543,0.441,0.4407,0.4328,0.4233,0.4185,0.4093,0.4071,0.4055,0.403,0.3979,0.385,0.3696,0.3666,0.3644,0.3588,0.3581,0.3409,0.3244,0.3235,0.3188,0.3078,0.2971,0.2969,0.2955,0.2652,0.2627,0.2625,0.2581,0.2576,0.254,0.2449,0.2151],[0.917,0.9161,0.9142,0.9014,0.8713,0.8656,0.8643,0.8427,0.8287,0.8274,0.8228,0.8191,0.801,0.7938,0.7862,0.7858,0.7838,0.7798,0.7782,0.7622,0.7619,0.7588,0.758,0.7576,0.7569,0.7553,0.7481,0.7402,0.7387,0.7379,0.7335,0.7272,0.7242,0.7202,0.7151,0.7104,0.7061,0.699,0.6972,0.6965,0.6902,0.6846,0.6826,0.6822,0.6798,0.6774,0.675,0.6723,0.6685,0.6672,0.6665,0.6652,0.6605,0.6548,0.6541,0.6485,0.6479,0.6465,0.6452,0.6449,0.6446,0.6417,0.6374,0.6281,0.6162,0.6149,0.6084,0.6081,0.6078,0.6053,0.602,0.5849,0.5787,0.5757,0.5714,0.5671,0.5596,0.5551,0.5529,0.5518,0.5396,0.5393,0.532,0.5232,0.5187,0.5101,0.508,0.5065,0.5042,0.4994,0.4871,0.4723,0.4694,0.4673,0.4619,0.4612,0.4444,0.4281,0.4272,0.4225,0.4115,0.4006,0.4004,0.399,0.3677,0.3651,0.365,0.3604,0.3598,0.356,0.3464,0.3142],[0.9286,0.9277,0.9261,0.915,0.8888,0.8838,0.8826,0.8637,0.8514,0.8503,0.8463,0.843,0.8271,0.8206,0.8139,0.8136,0.8118,0.8083,0.8069,0.7927,0.7923,0.7896,0.7889,0.7886,0.7879,0.7865,0.7801,0.773,0.7716,0.771,0.767,0.7613,0.7587,0.7551,0.7505,0.7463,0.7424,0.736,0.7344,0.7338,0.7281,0.7231,0.7212,0.7209,0.7187,0.7165,0.7143,0.7119,0.7085,0.7073,0.7066,0.7054,0.7012,0.696,0.6954,0.6903,0.6897,0.6885,0.6873,0.687,0.6867,0.684,0.6802,0.6717,0.6607,0.6596,0.6536,0.6533,0.653,0.6508,0.6477,0.6319,0.6261,0.6234,0.6194,0.6154,0.6085,0.6043,0.6022,0.6011,0.5898,0.5895,0.5827,0.5744,0.5702,0.5621,0.5601,0.5587,0.5565,0.5519,0.5403,0.5262,0.5235,0.5215,0.5163,0.5156,0.4996,0.4838,0.483,0.4784,0.4677,0.4571,0.4569,0.4555,0.4248,0.4222,0.422,0.4175,0.417,0.4132,0.4036,0.3712],[0.9279,0.9271,0.9255,0.9142,0.8878,0.8828,0.8817,0.8626,0.8502,0.8491,0.845,0.8417,0.8257,0.8192,0.8124,0.8121,0.8103,0.8068,0.8054,0.791,0.7907,0.7879,0.7872,0.7869,0.7862,0.7848,0.7783,0.7712,0.7699,0.7692,0.7652,0.7595,0.7569,0.7532,0.7486,0.7444,0.7405,0.734,0.7324,0.7318,0.7261,0.721,0.7191,0.7188,0.7166,0.7144,0.7122,0.7097,0.7063,0.7051,0.7045,0.7032,0.699,0.6938,0.6932,0.688,0.6874,0.6862,0.685,0.6847,0.6844,0.6817,0.6779,0.6693,0.6583,0.6572,0.6511,0.6509,0.6506,0.6483,0.6452,0.6293,0.6236,0.6208,0.6168,0.6127,0.6058,0.6016,0.5995,0.5984,0.587,0.5868,0.5799,0.5716,0.5673,0.5592,0.5573,0.5558,0.5536,0.549,0.5374,0.5233,0.5205,0.5185,0.5133,0.5126,0.4965,0.4807,0.4799,0.4753,0.4646,0.4539,0.4537,0.4523,0.4216,0.419,0.4188,0.4143,0.4137,0.41,0.4004,0.368],[0.9171,0.9162,0.9144,0.9015,0.8715,0.8658,0.8645,0.8429,0.8289,0.8277,0.8231,0.8193,0.8013,0.794,0.7864,0.786,0.7841,0.7801,0.7785,0.7625,0.7622,0.7591,0.7583,0.7579,0.7572,0.7556,0.7484,0.7405,0.739,0.7383,0.7338,0.7275,0.7246,0.7206,0.7155,0.7108,0.7065,0.6994,0.6976,0.6969,0.6906,0.685,0.6829,0.6826,0.6802,0.6778,0.6754,0.6727,0.6689,0.6676,0.6669,0.6656,0.6609,0.6552,0.6545,0.6489,0.6483,0.647,0.6457,0.6453,0.645,0.6421,0.6379,0.6286,0.6166,0.6154,0.6089,0.6086,0.6083,0.6058,0.6024,0.5853,0.5791,0.5762,0.5719,0.5675,0.5601,0.5556,0.5534,0.5522,0.5401,0.5398,0.5325,0.5237,0.5192,0.5106,0.5085,0.507,0.5047,0.4999,0.4876,0.4728,0.47,0.4678,0.4624,0.4617,0.445,0.4286,0.4278,0.423,0.4121,0.4012,0.401,0.3995,0.3683,0.3657,0.3655,0.3609,0.3604,0.3566,0.347,0.3147],[0.8142,0.8122,0.8083,0.7816,0.7211,0.7099,0.7073,0.6661,0.6402,0.6379,0.6295,0.6227,0.5906,0.578,0.5649,0.5642,0.5609,0.5542,0.5515,0.525,0.5243,0.5193,0.5181,0.5175,0.5162,0.5137,0.5021,0.4896,0.4873,0.4861,0.4791,0.4694,0.4649,0.4588,0.4512,0.4442,0.4378,0.4274,0.4249,0.4238,0.4148,0.4069,0.4039,0.4035,0.4001,0.3967,0.3934,0.3896,0.3845,0.3827,0.3817,0.3799,0.3736,0.366,0.3651,0.3578,0.3569,0.3552,0.3535,0.3531,0.3526,0.3488,0.3434,0.3317,0.3168,0.3153,0.3075,0.3071,0.3067,0.3038,0.2998,0.2799,0.273,0.2697,0.2649,0.2601,0.2521,0.2473,0.245,0.2438,0.2312,0.231,0.2236,0.2149,0.2105,0.2023,0.2004,0.199,0.1968,0.1924,0.1814,0.1686,0.1661,0.1643,0.1599,0.1593,0.1459,0.1335,0.1328,0.1294,0.1215,0.114,0.1139,0.1129,0.0931,0.0915,0.0914,0.0887,0.0884,0.0862,0.0808,0.064],[0.885,0.8838,0.8812,0.8638,0.8234,0.8158,0.8141,0.7855,0.7672,0.7656,0.7596,0.7547,0.7314,0.722,0.7123,0.7118,0.7093,0.7042,0.7022,0.6819,0.6814,0.6776,0.6766,0.6761,0.6751,0.6732,0.6641,0.6543,0.6524,0.6515,0.6459,0.6381,0.6345,0.6295,0.6232,0.6175,0.6122,0.6035,0.6014,0.6005,0.5928,0.5861,0.5836,0.5832,0.5803,0.5774,0.5745,0.5712,0.5668,0.5651,0.5643,0.5627,0.5571,0.5504,0.5496,0.543,0.5422,0.5407,0.5391,0.5387,0.5384,0.5349,0.53,0.5191,0.5052,0.5038,0.4963,0.4959,0.4956,0.4927,0.4889,0.4694,0.4624,0.4591,0.4542,0.4494,0.4411,0.4361,0.4336,0.4324,0.419,0.4187,0.4107,0.4011,0.3963,0.387,0.3848,0.3832,0.3807,0.3756,0.3627,0.3472,0.3443,0.3421,0.3365,0.3358,0.3187,0.3023,0.3014,0.2967,0.2859,0.2753,0.2751,0.2737,0.244,0.2416,0.2414,0.2371,0.2366,0.2331,0.2243,0.1954],[0.9032,0.9021,0.9,0.8851,0.8505,0.844,0.8424,0.8177,0.8018,0.8004,0.7952,0.7909,0.7705,0.7623,0.7537,0.7532,0.751,0.7465,0.7448,0.7268,0.7264,0.7229,0.7221,0.7216,0.7208,0.7191,0.711,0.7021,0.7005,0.6996,0.6947,0.6877,0.6844,0.6799,0.6743,0.6691,0.6643,0.6565,0.6545,0.6537,0.6468,0.6406,0.6384,0.638,0.6353,0.6327,0.63,0.6271,0.623,0.6215,0.6207,0.6193,0.6141,0.6079,0.6072,0.6011,0.6004,0.599,0.5975,0.5972,0.5968,0.5936,0.5891,0.579,0.566,0.5647,0.5577,0.5573,0.557,0.5544,0.5507,0.5324,0.5258,0.5226,0.518,0.5134,0.5055,0.5007,0.4983,0.4971,0.4843,0.484,0.4763,0.467,0.4623,0.4533,0.4512,0.4496,0.4472,0.4421,0.4294,0.4141,0.4112,0.409,0.4034,0.4027,0.3856,0.3689,0.3681,0.3633,0.3522,0.3413,0.3411,0.3396,0.3086,0.306,0.3059,0.3013,0.3008,0.2971,0.2877,0.2564],[0.8746,0.8732,0.8705,0.8516,0.808,0.7998,0.7979,0.7673,0.7477,0.7459,0.7395,0.7343,0.7094,0.6995,0.6892,0.6886,0.6859,0.6806,0.6784,0.657,0.6565,0.6524,0.6513,0.6508,0.6498,0.6478,0.6382,0.6278,0.6258,0.6248,0.619,0.6108,0.607,0.6018,0.5952,0.5892,0.5837,0.5746,0.5723,0.5714,0.5634,0.5564,0.5538,0.5534,0.5503,0.5473,0.5443,0.5409,0.5363,0.5346,0.5338,0.5321,0.5263,0.5193,0.5185,0.5116,0.5108,0.5092,0.5077,0.5073,0.5069,0.5033,0.4982,0.487,0.4727,0.4712,0.4635,0.4632,0.4628,0.4599,0.456,0.436,0.4289,0.4256,0.4206,0.4157,0.4073,0.4022,0.3997,0.3985,0.385,0.3847,0.3766,0.367,0.3621,0.3529,0.3507,0.349,0.3466,0.3415,0.3286,0.3132,0.3103,0.3081,0.3026,0.3019,0.2851,0.2691,0.2682,0.2636,0.2531,0.2428,0.2426,0.2413,0.2127,0.2104,0.2102,0.2061,0.2056,0.2023,0.1939,0.1667],[0.906,0.9049,0.9028,0.8884,0.8546,0.8482,0.8468,0.8227,0.8071,0.8057,0.8006,0.7965,0.7765,0.7685,0.7601,0.7597,0.7575,0.7531,0.7514,0.7338,0.7334,0.73,0.7291,0.7287,0.7279,0.7262,0.7183,0.7096,0.708,0.7072,0.7023,0.6954,0.6922,0.6878,0.6823,0.6772,0.6725,0.6648,0.6629,0.6621,0.6553,0.6492,0.647,0.6466,0.644,0.6414,0.6388,0.6359,0.6318,0.6304,0.6297,0.6282,0.6232,0.6171,0.6164,0.6103,0.6096,0.6082,0.6068,0.6065,0.6061,0.603,0.5985,0.5885,0.5757,0.5744,0.5675,0.5672,0.5668,0.5642,0.5607,0.5425,0.536,0.5329,0.5283,0.5237,0.5159,0.5112,0.5088,0.5076,0.4949,0.4946,0.487,0.4778,0.4731,0.4642,0.462,0.4604,0.4581,0.4531,0.4404,0.4252,0.4222,0.42,0.4145,0.4138,0.3967,0.3801,0.3792,0.3744,0.3634,0.3524,0.3522,0.3508,0.3196,0.3171,0.3169,0.3123,0.3118,0.308,0.2986,0.2671],[0.9279,0.9271,0.9254,0.9142,0.8877,0.8827,0.8816,0.8625,0.8501,0.849,0.8449,0.8416,0.8255,0.819,0.8123,0.8119,0.8101,0.8066,0.8052,0.7909,0.7905,0.7878,0.7871,0.7867,0.786,0.7847,0.7782,0.771,0.7697,0.769,0.765,0.7593,0.7567,0.753,0.7484,0.7442,0.7403,0.7338,0.7322,0.7316,0.7258,0.7208,0.7189,0.7186,0.7164,0.7142,0.712,0.7095,0.7061,0.7049,0.7042,0.703,0.6987,0.6935,0.6929,0.6878,0.6872,0.686,0.6848,0.6845,0.6842,0.6815,0.6776,0.6691,0.658,0.6569,0.6509,0.6506,0.6503,0.648,0.6449,0.629,0.6233,0.6206,0.6165,0.6125,0.6055,0.6013,0.5992,0.5981,0.5867,0.5865,0.5796,0.5713,0.567,0.5589,0.557,0.5555,0.5533,0.5487,0.5371,0.5229,0.5202,0.5181,0.513,0.5123,0.4962,0.4804,0.4795,0.4749,0.4642,0.4536,0.4534,0.452,0.4212,0.4187,0.4185,0.4139,0.4134,0.4096,0.4,0.3676],[0.9315,0.9307,0.9292,0.9184,0.8933,0.8884,0.8873,0.8691,0.8573,0.8562,0.8523,0.8492,0.8338,0.8276,0.8211,0.8207,0.819,0.8157,0.8143,0.8006,0.8002,0.7976,0.7969,0.7966,0.7959,0.7946,0.7884,0.7815,0.7802,0.7796,0.7757,0.7702,0.7677,0.7642,0.7598,0.7557,0.7519,0.7457,0.7442,0.7436,0.738,0.7331,0.7313,0.731,0.7289,0.7268,0.7247,0.7223,0.719,0.7178,0.7172,0.716,0.7118,0.7068,0.7063,0.7013,0.7007,0.6995,0.6984,0.6981,0.6978,0.6952,0.6915,0.6832,0.6725,0.6714,0.6656,0.6653,0.665,0.6628,0.6598,0.6444,0.6388,0.6361,0.6322,0.6283,0.6215,0.6174,0.6154,0.6143,0.6032,0.603,0.5962,0.5881,0.584,0.5761,0.5741,0.5727,0.5706,0.5661,0.5547,0.5408,0.5382,0.5361,0.5311,0.5304,0.5146,0.499,0.4982,0.4936,0.4831,0.4726,0.4724,0.471,0.4406,0.438,0.4379,0.4333,0.4328,0.429,0.4195,0.3872],[0.7447,0.7422,0.7371,0.7023,0.6257,0.6119,0.6087,0.5584,0.5276,0.5248,0.515,0.5071,0.47,0.4557,0.441,0.4402,0.4365,0.429,0.426,0.397,0.3963,0.3909,0.3895,0.3889,0.3875,0.3849,0.3725,0.3592,0.3567,0.3555,0.3482,0.3382,0.3335,0.3273,0.3195,0.3124,0.306,0.2956,0.2931,0.2921,0.2832,0.2755,0.2726,0.2722,0.2689,0.2657,0.2625,0.2589,0.254,0.2523,0.2514,0.2497,0.2437,0.2367,0.2359,0.2291,0.2283,0.2267,0.2252,0.2248,0.2244,0.2209,0.216,0.2055,0.1925,0.1911,0.1844,0.184,0.1837,0.1812,0.1778,0.1612,0.1554,0.1528,0.1489,0.1451,0.1387,0.1349,0.1331,0.1322,0.1225,0.1223,0.1168,0.1103,0.1071,0.1012,0.0998,0.0988,0.0973,0.0941,0.0865,0.0779,0.0763,0.0751,0.0722,0.0718,0.0633,0.0557,0.0554,0.0533,0.0487,0.0445,0.0444,0.0439,0.0332,0.0324,0.0324,0.031,0.0309,0.0298,0.0271,0.0194],[0.9227,0.9219,0.9201,0.9081,0.8799,0.8746,0.8734,0.8531,0.8399,0.8387,0.8344,0.8309,0.8139,0.807,0.7998,0.7995,0.7976,0.7938,0.7924,0.7772,0.7769,0.7739,0.7732,0.7729,0.7721,0.7707,0.7638,0.7563,0.7549,0.7542,0.7499,0.744,0.7412,0.7374,0.7325,0.7281,0.724,0.7172,0.7155,0.7148,0.7088,0.7035,0.7015,0.7012,0.6989,0.6966,0.6943,0.6917,0.6881,0.6868,0.6862,0.6849,0.6804,0.675,0.6743,0.669,0.6683,0.6671,0.6658,0.6655,0.6652,0.6624,0.6584,0.6494,0.6379,0.6367,0.6305,0.6302,0.6299,0.6275,0.6243,0.6078,0.6018,0.599,0.5948,0.5906,0.5834,0.579,0.5769,0.5758,0.564,0.5637,0.5566,0.5481,0.5437,0.5353,0.5333,0.5318,0.5296,0.5249,0.5129,0.4984,0.4956,0.4935,0.4882,0.4875,0.4711,0.4549,0.4541,0.4494,0.4386,0.4278,0.4276,0.4262,0.3951,0.3925,0.3923,0.3877,0.3872,0.3834,0.3738,0.3413],[0.8626,0.8611,0.8581,0.8376,0.7905,0.7816,0.7796,0.7466,0.7256,0.7238,0.7169,0.7114,0.6848,0.6742,0.6632,0.6627,0.6598,0.6541,0.6519,0.6292,0.6286,0.6243,0.6232,0.6227,0.6216,0.6195,0.6094,0.5984,0.5963,0.5953,0.5892,0.5806,0.5766,0.5711,0.5643,0.5579,0.5522,0.5427,0.5404,0.5395,0.5311,0.5238,0.5211,0.5207,0.5175,0.5144,0.5113,0.5078,0.503,0.5012,0.5004,0.4986,0.4926,0.4855,0.4846,0.4775,0.4767,0.4751,0.4734,0.473,0.4726,0.469,0.4637,0.4522,0.4376,0.4361,0.4283,0.4279,0.4275,0.4246,0.4206,0.4003,0.3931,0.3898,0.3847,0.3798,0.3713,0.3662,0.3637,0.3625,0.3489,0.3486,0.3406,0.331,0.3262,0.317,0.3148,0.3132,0.3108,0.3057,0.293,0.278,0.2751,0.273,0.2676,0.2669,0.2506,0.2351,0.2342,0.2298,0.2197,0.2099,0.2097,0.2084,0.1814,0.1792,0.179,0.1752,0.1747,0.1716,0.1638,0.1386],[0.9376,0.9369,0.9355,0.9257,0.9026,0.8982,0.8971,0.8804,0.8695,0.8685,0.8649,0.862,0.8478,0.8421,0.8361,0.8358,0.8342,0.8311,0.8298,0.8171,0.8168,0.8143,0.8137,0.8134,0.8128,0.8116,0.8058,0.7994,0.7982,0.7976,0.794,0.789,0.7866,0.7833,0.7792,0.7754,0.7719,0.7661,0.7647,0.7641,0.7589,0.7543,0.7526,0.7524,0.7504,0.7484,0.7464,0.7442,0.7411,0.74,0.7394,0.7383,0.7344,0.7297,0.7292,0.7245,0.724,0.7229,0.7218,0.7215,0.7213,0.7188,0.7153,0.7075,0.6975,0.6964,0.6909,0.6907,0.6904,0.6883,0.6855,0.6709,0.6656,0.6631,0.6594,0.6557,0.6493,0.6454,0.6434,0.6425,0.6319,0.6317,0.6253,0.6175,0.6136,0.606,0.6042,0.6028,0.6008,0.5965,0.5856,0.5723,0.5697,0.5678,0.5629,0.5622,0.547,0.5319,0.5311,0.5267,0.5165,0.5063,0.5061,0.5048,0.4751,0.4726,0.4724,0.4679,0.4674,0.4637,0.4544,0.4225],[0.9103,0.9093,0.9073,0.8934,0.8611,0.855,0.8536,0.8305,0.8155,0.8142,0.8093,0.8053,0.786,0.7783,0.7702,0.7698,0.7677,0.7635,0.7618,0.7448,0.7444,0.7411,0.7403,0.7399,0.7391,0.7375,0.7298,0.7215,0.7199,0.7191,0.7143,0.7077,0.7046,0.7004,0.695,0.69,0.6855,0.678,0.6761,0.6754,0.6688,0.6629,0.6607,0.6604,0.6578,0.6553,0.6528,0.6499,0.646,0.6446,0.6439,0.6425,0.6375,0.6316,0.6309,0.625,0.6243,0.623,0.6216,0.6213,0.6209,0.6179,0.6135,0.6038,0.5913,0.59,0.5832,0.5829,0.5826,0.58,0.5765,0.5587,0.5523,0.5493,0.5448,0.5403,0.5326,0.528,0.5257,0.5245,0.512,0.5117,0.5042,0.4951,0.4905,0.4817,0.4796,0.478,0.4756,0.4707,0.4582,0.4431,0.4402,0.438,0.4325,0.4318,0.4148,0.3983,0.3974,0.3926,0.3815,0.3706,0.3704,0.369,0.3377,0.3351,0.3349,0.3304,0.3298,0.326,0.3165,0.2847],[0.9295,0.9287,0.9271,0.916,0.8902,0.8852,0.8841,0.8654,0.8532,0.8521,0.8481,0.8449,0.8291,0.8228,0.8161,0.8158,0.814,0.8105,0.8092,0.7951,0.7947,0.792,0.7914,0.791,0.7903,0.789,0.7826,0.7756,0.7743,0.7736,0.7696,0.7641,0.7615,0.7579,0.7534,0.7492,0.7453,0.739,0.7374,0.7368,0.7311,0.7261,0.7243,0.724,0.7218,0.7197,0.7175,0.715,0.7117,0.7105,0.7099,0.7087,0.7044,0.6993,0.6987,0.6937,0.6931,0.6919,0.6907,0.6904,0.6901,0.6875,0.6836,0.6752,0.6643,0.6632,0.6573,0.657,0.6567,0.6544,0.6514,0.6357,0.63,0.6273,0.6233,0.6193,0.6125,0.6083,0.6062,0.6052,0.5939,0.5936,0.5868,0.5786,0.5744,0.5663,0.5644,0.563,0.5608,0.5563,0.5447,0.5307,0.528,0.5259,0.5208,0.5201,0.5041,0.4884,0.4876,0.483,0.4724,0.4618,0.4616,0.4602,0.4296,0.427,0.4268,0.4223,0.4218,0.418,0.4084,0.3761],[0.9232,0.9224,0.9206,0.9087,0.8807,0.8753,0.8741,0.8539,0.8409,0.8397,0.8354,0.8319,0.8149,0.8081,0.801,0.8006,0.7987,0.795,0.7935,0.7785,0.7781,0.7752,0.7745,0.7741,0.7734,0.772,0.7651,0.7577,0.7562,0.7555,0.7513,0.7454,0.7426,0.7388,0.734,0.7295,0.7254,0.7187,0.717,0.7163,0.7103,0.7051,0.7031,0.7028,0.7005,0.6982,0.6959,0.6933,0.6897,0.6885,0.6878,0.6865,0.6821,0.6767,0.676,0.6707,0.6701,0.6688,0.6676,0.6672,0.6669,0.6641,0.6601,0.6512,0.6398,0.6386,0.6323,0.632,0.6317,0.6294,0.6262,0.6097,0.6038,0.6009,0.5967,0.5926,0.5854,0.5811,0.5789,0.5778,0.5661,0.5658,0.5587,0.5502,0.5458,0.5374,0.5354,0.5339,0.5317,0.527,0.5151,0.5006,0.4978,0.4957,0.4904,0.4897,0.4733,0.4572,0.4564,0.4517,0.4409,0.4301,0.4299,0.4285,0.3974,0.3948,0.3947,0.3901,0.3895,0.3857,0.3761,0.3437],[0.898,0.8969,0.8947,0.879,0.8428,0.8359,0.8343,0.8085,0.7919,0.7904,0.785,0.7805,0.7592,0.7507,0.7418,0.7413,0.739,0.7344,0.7325,0.7139,0.7134,0.7098,0.7089,0.7085,0.7076,0.7058,0.6974,0.6883,0.6866,0.6857,0.6805,0.6733,0.6699,0.6653,0.6595,0.6541,0.6492,0.6411,0.6391,0.6383,0.6311,0.6248,0.6224,0.622,0.6193,0.6166,0.6139,0.6108,0.6066,0.605,0.6043,0.6028,0.5975,0.5911,0.5904,0.5841,0.5834,0.5819,0.5804,0.5801,0.5797,0.5764,0.5717,0.5614,0.5482,0.5468,0.5396,0.5393,0.5389,0.5362,0.5325,0.5138,0.507,0.5039,0.4991,0.4944,0.4864,0.4816,0.4791,0.4779,0.4649,0.4646,0.4568,0.4474,0.4426,0.4335,0.4314,0.4297,0.4273,0.4222,0.4094,0.394,0.3911,0.3889,0.3833,0.3826,0.3654,0.3488,0.3479,0.3431,0.3321,0.3212,0.321,0.3196,0.2888,0.2863,0.2861,0.2816,0.2811,0.2774,0.2682,0.2375],[0.9171,0.9162,0.9143,0.9015,0.8714,0.8657,0.8644,0.8428,0.8288,0.8276,0.823,0.8192,0.8012,0.7939,0.7863,0.7859,0.784,0.78,0.7784,0.7624,0.7621,0.759,0.7582,0.7578,0.7571,0.7555,0.7483,0.7404,0.7389,0.7381,0.7337,0.7274,0.7245,0.7204,0.7153,0.7107,0.7064,0.6992,0.6975,0.6968,0.6905,0.6849,0.6828,0.6825,0.68,0.6776,0.6752,0.6725,0.6688,0.6674,0.6668,0.6654,0.6607,0.6551,0.6544,0.6488,0.6481,0.6468,0.6455,0.6452,0.6449,0.6419,0.6377,0.6284,0.6165,0.6152,0.6087,0.6084,0.6081,0.6056,0.6023,0.5852,0.579,0.576,0.5717,0.5674,0.56,0.5554,0.5532,0.5521,0.5399,0.5396,0.5323,0.5235,0.519,0.5104,0.5084,0.5068,0.5045,0.4997,0.4875,0.4726,0.4698,0.4676,0.4622,0.4615,0.4448,0.4284,0.4276,0.4228,0.4119,0.401,0.4008,0.3993,0.3681,0.3655,0.3653,0.3607,0.3602,0.3564,0.3468,0.3145],[0.8947,0.8935,0.8912,0.8751,0.8378,0.8307,0.8291,0.8026,0.7855,0.784,0.7784,0.7738,0.752,0.7432,0.7341,0.7336,0.7312,0.7265,0.7246,0.7055,0.7051,0.7014,0.7005,0.7,0.6991,0.6973,0.6887,0.6794,0.6776,0.6767,0.6715,0.6641,0.6606,0.6559,0.65,0.6445,0.6395,0.6312,0.6292,0.6284,0.621,0.6146,0.6122,0.6118,0.609,0.6063,0.6035,0.6004,0.5961,0.5945,0.5938,0.5922,0.5869,0.5804,0.5796,0.5733,0.5725,0.571,0.5696,0.5692,0.5688,0.5655,0.5607,0.5502,0.5368,0.5354,0.5281,0.5278,0.5275,0.5247,0.521,0.502,0.4952,0.492,0.4872,0.4825,0.4744,0.4695,0.467,0.4658,0.4527,0.4524,0.4445,0.435,0.4303,0.4211,0.4189,0.4173,0.4149,0.4098,0.3969,0.3815,0.3785,0.3763,0.3707,0.37,0.3528,0.3362,0.3353,0.3306,0.3196,0.3087,0.3085,0.3071,0.2766,0.2741,0.2739,0.2695,0.269,0.2653,0.2561,0.2259],[0.9171,0.9161,0.9143,0.9014,0.8714,0.8656,0.8643,0.8427,0.8288,0.8275,0.8229,0.8192,0.8011,0.7939,0.7863,0.7859,0.7839,0.7799,0.7783,0.7624,0.762,0.7589,0.7581,0.7577,0.757,0.7554,0.7482,0.7403,0.7388,0.738,0.7336,0.7273,0.7244,0.7203,0.7152,0.7105,0.7062,0.6991,0.6974,0.6967,0.6903,0.6848,0.6827,0.6823,0.6799,0.6775,0.6751,0.6724,0.6687,0.6673,0.6666,0.6653,0.6606,0.6549,0.6543,0.6487,0.648,0.6467,0.6454,0.6451,0.6447,0.6418,0.6376,0.6283,0.6163,0.6151,0.6086,0.6083,0.608,0.6055,0.6021,0.585,0.5788,0.5759,0.5715,0.5672,0.5598,0.5553,0.553,0.5519,0.5398,0.5395,0.5322,0.5234,0.5189,0.5103,0.5082,0.5067,0.5044,0.4995,0.4873,0.4725,0.4696,0.4675,0.4621,0.4614,0.4446,0.4283,0.4274,0.4227,0.4117,0.4008,0.4006,0.3992,0.3679,0.3653,0.3652,0.3606,0.36,0.3562,0.3466,0.3143],[0.9303,0.9295,0.9279,0.917,0.8914,0.8865,0.8854,0.8669,0.8549,0.8538,0.8498,0.8466,0.831,0.8247,0.8181,0.8178,0.8161,0.8126,0.8112,0.7973,0.797,0.7943,0.7936,0.7933,0.7926,0.7913,0.7849,0.778,0.7767,0.776,0.7721,0.7666,0.764,0.7604,0.756,0.7518,0.748,0.7417,0.7402,0.7395,0.7339,0.729,0.7271,0.7268,0.7247,0.7225,0.7204,0.718,0.7146,0.7134,0.7128,0.7116,0.7074,0.7024,0.7018,0.6967,0.6962,0.695,0.6938,0.6935,0.6932,0.6906,0.6868,0.6784,0.6676,0.6665,0.6606,0.6603,0.6601,0.6578,0.6548,0.6392,0.6335,0.6309,0.6269,0.6229,0.6161,0.612,0.6099,0.6089,0.5977,0.5974,0.5906,0.5824,0.5783,0.5703,0.5683,0.5669,0.5648,0.5602,0.5488,0.5348,0.5321,0.5301,0.5249,0.5243,0.5083,0.4927,0.4919,0.4873,0.4767,0.4662,0.466,0.4646,0.434,0.4315,0.4313,0.4267,0.4262,0.4224,0.4129,0.3806],[0.9097,0.9087,0.9066,0.8927,0.8602,0.854,0.8526,0.8293,0.8143,0.813,0.808,0.804,0.7847,0.7769,0.7687,0.7683,0.7662,0.762,0.7603,0.7432,0.7428,0.7395,0.7387,0.7383,0.7375,0.7358,0.7281,0.7197,0.7181,0.7173,0.7126,0.7059,0.7028,0.6985,0.6931,0.6882,0.6836,0.6761,0.6742,0.6735,0.6668,0.6609,0.6587,0.6583,0.6558,0.6533,0.6507,0.6479,0.6439,0.6425,0.6418,0.6404,0.6354,0.6295,0.6288,0.6229,0.6222,0.6208,0.6194,0.6191,0.6188,0.6157,0.6113,0.6015,0.589,0.5877,0.5809,0.5806,0.5803,0.5777,0.5742,0.5563,0.5499,0.5469,0.5424,0.5379,0.5302,0.5255,0.5232,0.522,0.5095,0.5092,0.5016,0.4925,0.4879,0.4791,0.477,0.4754,0.473,0.4681,0.4556,0.4404,0.4375,0.4353,0.4298,0.4291,0.4121,0.3956,0.3947,0.3899,0.3788,0.3679,0.3677,0.3663,0.335,0.3324,0.3323,0.3277,0.3271,0.3234,0.3138,0.282],[0.9092,0.9082,0.9062,0.8922,0.8596,0.8534,0.8519,0.8286,0.8135,0.8121,0.8072,0.8031,0.7837,0.7759,0.7677,0.7673,0.7652,0.7609,0.7593,0.7421,0.7417,0.7384,0.7376,0.7372,0.7364,0.7347,0.727,0.7186,0.717,0.7162,0.7114,0.7047,0.7016,0.6973,0.6919,0.6869,0.6823,0.6748,0.6729,0.6722,0.6655,0.6596,0.6574,0.657,0.6544,0.6519,0.6494,0.6465,0.6425,0.6411,0.6404,0.639,0.634,0.628,0.6273,0.6214,0.6207,0.6194,0.618,0.6176,0.6173,0.6142,0.6098,0.6,0.5875,0.5862,0.5794,0.579,0.5787,0.5761,0.5726,0.5548,0.5483,0.5453,0.5407,0.5362,0.5285,0.5239,0.5215,0.5204,0.5078,0.5075,0.4999,0.4908,0.4862,0.4774,0.4752,0.4737,0.4713,0.4663,0.4538,0.4387,0.4357,0.4336,0.428,0.4273,0.4103,0.3938,0.3929,0.3881,0.377,0.3661,0.3659,0.3645,0.3332,0.3307,0.3305,0.3259,0.3254,0.3216,0.3121,0.2803],[0.9167,0.9158,0.9139,0.901,0.8708,0.8651,0.8638,0.8421,0.8281,0.8268,0.8222,0.8184,0.8003,0.793,0.7854,0.785,0.783,0.7791,0.7775,0.7614,0.761,0.758,0.7572,0.7568,0.756,0.7545,0.7472,0.7393,0.7378,0.737,0.7326,0.7263,0.7233,0.7193,0.7142,0.7095,0.7052,0.698,0.6962,0.6955,0.6892,0.6836,0.6815,0.6812,0.6788,0.6764,0.674,0.6712,0.6675,0.6661,0.6654,0.6641,0.6594,0.6537,0.653,0.6474,0.6468,0.6454,0.6441,0.6438,0.6435,0.6405,0.6363,0.627,0.615,0.6138,0.6072,0.6069,0.6066,0.6042,0.6008,0.5836,0.5774,0.5745,0.5701,0.5658,0.5584,0.5538,0.5516,0.5505,0.5383,0.538,0.5307,0.5218,0.5174,0.5087,0.5067,0.5051,0.5028,0.498,0.4857,0.4709,0.468,0.4659,0.4605,0.4598,0.443,0.4267,0.4258,0.4211,0.4101,0.3992,0.399,0.3976,0.3663,0.3637,0.3635,0.3589,0.3584,0.3546,0.345,0.3127],[0.9164,0.9154,0.9136,0.9006,0.8703,0.8645,0.8632,0.8415,0.8274,0.8261,0.8215,0.8177,0.7996,0.7922,0.7846,0.7842,0.7822,0.7782,0.7766,0.7605,0.7601,0.757,0.7563,0.7559,0.7551,0.7536,0.7463,0.7383,0.7368,0.7361,0.7316,0.7252,0.7223,0.7182,0.7131,0.7084,0.7041,0.6969,0.6951,0.6944,0.6881,0.6825,0.6804,0.68,0.6776,0.6752,0.6728,0.67,0.6663,0.6649,0.6643,0.6629,0.6582,0.6525,0.6518,0.6462,0.6455,0.6442,0.6429,0.6426,0.6422,0.6393,0.6351,0.6257,0.6137,0.6124,0.6059,0.6056,0.6053,0.6028,0.5994,0.5822,0.576,0.5731,0.5687,0.5644,0.5569,0.5524,0.5502,0.549,0.5368,0.5366,0.5292,0.5204,0.5159,0.5072,0.5052,0.5036,0.5013,0.4965,0.4842,0.4694,0.4665,0.4643,0.4589,0.4582,0.4415,0.4251,0.4242,0.4195,0.4085,0.3976,0.3974,0.396,0.3647,0.3621,0.3619,0.3573,0.3568,0.353,0.3434,0.3111],[0.9323,0.9315,0.93,0.9194,0.8944,0.8897,0.8886,0.8705,0.8588,0.8578,0.8539,0.8508,0.8356,0.8294,0.823,0.8226,0.8209,0.8176,0.8162,0.8026,0.8023,0.7997,0.799,0.7987,0.798,0.7967,0.7905,0.7838,0.7825,0.7818,0.778,0.7726,0.7701,0.7666,0.7622,0.7582,0.7544,0.7483,0.7467,0.7461,0.7406,0.7358,0.734,0.7337,0.7316,0.7295,0.7274,0.725,0.7217,0.7206,0.72,0.7188,0.7147,0.7097,0.7091,0.7042,0.7036,0.7025,0.7013,0.701,0.7007,0.6982,0.6944,0.6862,0.6756,0.6745,0.6687,0.6684,0.6682,0.666,0.663,0.6477,0.6421,0.6395,0.6356,0.6317,0.625,0.6209,0.6188,0.6178,0.6068,0.6065,0.5998,0.5918,0.5877,0.5798,0.5779,0.5764,0.5743,0.5699,0.5585,0.5447,0.542,0.5401,0.535,0.5343,0.5186,0.5031,0.5022,0.4977,0.4872,0.4767,0.4765,0.4752,0.4448,0.4423,0.4421,0.4376,0.437,0.4333,0.4238,0.3915],[0.9272,0.9264,0.9247,0.9134,0.8867,0.8816,0.8805,0.8612,0.8487,0.8476,0.8435,0.8402,0.824,0.8174,0.8106,0.8102,0.8085,0.8049,0.8035,0.789,0.7887,0.7859,0.7852,0.7849,0.7842,0.7828,0.7762,0.7691,0.7677,0.767,0.763,0.7573,0.7546,0.7509,0.7463,0.742,0.7381,0.7316,0.73,0.7293,0.7236,0.7185,0.7165,0.7162,0.714,0.7118,0.7096,0.7071,0.7037,0.7024,0.7018,0.7006,0.6963,0.691,0.6904,0.6853,0.6847,0.6834,0.6822,0.6819,0.6816,0.6789,0.675,0.6664,0.6553,0.6542,0.6481,0.6478,0.6476,0.6453,0.6421,0.6262,0.6204,0.6176,0.6136,0.6095,0.6025,0.5983,0.5962,0.5951,0.5837,0.5834,0.5765,0.5681,0.5639,0.5557,0.5538,0.5523,0.5501,0.5455,0.5338,0.5196,0.5169,0.5148,0.5096,0.5089,0.4928,0.4769,0.4761,0.4715,0.4607,0.4501,0.4499,0.4485,0.4177,0.4151,0.4149,0.4104,0.4098,0.406,0.3964,0.364],[0.9207,0.9198,0.918,0.9056,0.8768,0.8713,0.87,0.8492,0.8358,0.8346,0.8302,0.8266,0.8092,0.8021,0.7948,0.7944,0.7925,0.7887,0.7872,0.7717,0.7713,0.7684,0.7676,0.7672,0.7665,0.765,0.758,0.7504,0.7489,0.7482,0.7439,0.7378,0.7349,0.731,0.7261,0.7216,0.7174,0.7105,0.7088,0.7081,0.7019,0.6965,0.6945,0.6942,0.6918,0.6895,0.6872,0.6845,0.6809,0.6796,0.6789,0.6776,0.673,0.6675,0.6669,0.6614,0.6608,0.6595,0.6582,0.6579,0.6576,0.6547,0.6506,0.6416,0.6299,0.6287,0.6223,0.622,0.6217,0.6193,0.616,0.5993,0.5932,0.5904,0.5861,0.5819,0.5746,0.5702,0.568,0.5669,0.5549,0.5547,0.5475,0.5388,0.5344,0.526,0.5239,0.5224,0.5201,0.5154,0.5033,0.4887,0.4859,0.4837,0.4784,0.4777,0.4611,0.4449,0.4441,0.4394,0.4285,0.4176,0.4174,0.416,0.3849,0.3823,0.3821,0.3775,0.3769,0.3731,0.3635,0.3311],[0.9209,0.92,0.9182,0.9059,0.8771,0.8716,0.8704,0.8496,0.8362,0.835,0.8306,0.827,0.8096,0.8027,0.7953,0.795,0.793,0.7892,0.7877,0.7723,0.7719,0.7689,0.7682,0.7678,0.7671,0.7656,0.7586,0.751,0.7495,0.7488,0.7445,0.7384,0.7356,0.7317,0.7268,0.7222,0.7181,0.7112,0.7095,0.7088,0.7027,0.6973,0.6952,0.6949,0.6926,0.6902,0.6879,0.6853,0.6816,0.6803,0.6797,0.6784,0.6738,0.6683,0.6677,0.6622,0.6616,0.6603,0.659,0.6587,0.6584,0.6555,0.6514,0.6424,0.6307,0.6295,0.6232,0.6229,0.6226,0.6202,0.6169,0.6002,0.5941,0.5913,0.587,0.5828,0.5755,0.5711,0.5689,0.5678,0.5559,0.5556,0.5484,0.5398,0.5354,0.5269,0.5249,0.5234,0.5211,0.5164,0.5043,0.4897,0.4869,0.4848,0.4794,0.4787,0.4622,0.446,0.4451,0.4404,0.4295,0.4187,0.4185,0.4171,0.3859,0.3833,0.3831,0.3786,0.378,0.3742,0.3646,0.3322],[0.9317,0.9309,0.9294,0.9187,0.8935,0.8888,0.8876,0.8695,0.8577,0.8566,0.8527,0.8496,0.8342,0.828,0.8216,0.8212,0.8195,0.8161,0.8148,0.8011,0.8007,0.7981,0.7974,0.7971,0.7964,0.7951,0.7889,0.7821,0.7808,0.7801,0.7763,0.7708,0.7683,0.7648,0.7604,0.7563,0.7525,0.7463,0.7448,0.7442,0.7387,0.7338,0.732,0.7317,0.7296,0.7274,0.7253,0.7229,0.7197,0.7185,0.7179,0.7167,0.7125,0.7075,0.707,0.702,0.7014,0.7003,0.6991,0.6988,0.6985,0.6959,0.6922,0.6839,0.6733,0.6722,0.6663,0.6661,0.6658,0.6636,0.6606,0.6452,0.6396,0.637,0.633,0.6291,0.6224,0.6183,0.6162,0.6152,0.6041,0.6038,0.5971,0.589,0.5849,0.577,0.5751,0.5736,0.5715,0.567,0.5557,0.5418,0.5391,0.5371,0.532,0.5314,0.5156,0.5,0.4992,0.4947,0.4841,0.4736,0.4734,0.4721,0.4416,0.4391,0.4389,0.4344,0.4338,0.4301,0.4206,0.3883],[0.9069,0.9058,0.9038,0.8894,0.856,0.8497,0.8482,0.8243,0.8089,0.8075,0.8025,0.7984,0.7785,0.7706,0.7622,0.7618,0.7596,0.7553,0.7536,0.7361,0.7357,0.7323,0.7315,0.7311,0.7303,0.7286,0.7207,0.7121,0.7105,0.7097,0.7048,0.698,0.6948,0.6905,0.685,0.6799,0.6753,0.6676,0.6657,0.6649,0.6581,0.6521,0.6499,0.6495,0.6469,0.6443,0.6418,0.6388,0.6348,0.6334,0.6327,0.6312,0.6262,0.6201,0.6194,0.6134,0.6127,0.6113,0.6099,0.6096,0.6092,0.6061,0.6016,0.5917,0.579,0.5777,0.5708,0.5705,0.5701,0.5675,0.564,0.5459,0.5394,0.5363,0.5317,0.5272,0.5194,0.5147,0.5124,0.5112,0.4985,0.4982,0.4906,0.4814,0.4768,0.4678,0.4657,0.4641,0.4617,0.4567,0.4441,0.4289,0.426,0.4238,0.4183,0.4175,0.4005,0.3839,0.383,0.3782,0.3672,0.3562,0.356,0.3546,0.3234,0.3208,0.3206,0.3161,0.3156,0.3118,0.3023,0.2707],[0.9178,0.9169,0.9151,0.9023,0.8725,0.8669,0.8656,0.8441,0.8303,0.829,0.8245,0.8208,0.8029,0.7956,0.7881,0.7877,0.7857,0.7818,0.7802,0.7644,0.764,0.7609,0.7602,0.7598,0.759,0.7575,0.7503,0.7425,0.741,0.7402,0.7358,0.7295,0.7266,0.7226,0.7176,0.7129,0.7086,0.7016,0.6998,0.6991,0.6928,0.6873,0.6852,0.6849,0.6825,0.6801,0.6777,0.675,0.6713,0.6699,0.6693,0.6679,0.6633,0.6576,0.657,0.6514,0.6507,0.6494,0.6481,0.6478,0.6475,0.6446,0.6404,0.6311,0.6192,0.618,0.6115,0.6112,0.6109,0.6085,0.6051,0.5881,0.5819,0.579,0.5747,0.5704,0.563,0.5585,0.5562,0.5551,0.543,0.5427,0.5355,0.5267,0.5222,0.5136,0.5116,0.51,0.5077,0.5029,0.4907,0.4759,0.4731,0.471,0.4656,0.4649,0.4482,0.4318,0.431,0.4262,0.4153,0.4044,0.4042,0.4028,0.3715,0.3689,0.3688,0.3642,0.3636,0.3598,0.3502,0.3179],[0.9215,0.9206,0.9188,0.9066,0.878,0.8726,0.8713,0.8507,0.8374,0.8362,0.8318,0.8282,0.811,0.804,0.7968,0.7964,0.7945,0.7907,0.7892,0.7739,0.7735,0.7705,0.7698,0.7694,0.7687,0.7672,0.7603,0.7527,0.7512,0.7505,0.7462,0.7402,0.7374,0.7335,0.7286,0.7241,0.7199,0.7131,0.7114,0.7107,0.7046,0.6992,0.6972,0.6969,0.6946,0.6922,0.6899,0.6873,0.6837,0.6824,0.6817,0.6804,0.6759,0.6704,0.6698,0.6643,0.6637,0.6624,0.6612,0.6609,0.6605,0.6577,0.6536,0.6446,0.633,0.6318,0.6255,0.6252,0.6249,0.6225,0.6192,0.6026,0.5966,0.5937,0.5895,0.5853,0.578,0.5736,0.5714,0.5703,0.5585,0.5582,0.551,0.5424,0.538,0.5296,0.5276,0.526,0.5238,0.519,0.507,0.4924,0.4896,0.4875,0.4822,0.4815,0.465,0.4488,0.4479,0.4433,0.4324,0.4215,0.4213,0.4199,0.3888,0.3862,0.386,0.3814,0.3809,0.3771,0.3675,0.3351],[0.9365,0.9358,0.9344,0.9244,0.9009,0.8964,0.8954,0.8784,0.8674,0.8664,0.8627,0.8597,0.8453,0.8395,0.8334,0.8331,0.8315,0.8283,0.8271,0.8142,0.8138,0.8114,0.8107,0.8104,0.8098,0.8086,0.8027,0.7962,0.795,0.7944,0.7908,0.7856,0.7832,0.7799,0.7757,0.7719,0.7683,0.7625,0.761,0.7604,0.7552,0.7506,0.7489,0.7486,0.7466,0.7446,0.7426,0.7403,0.7372,0.736,0.7355,0.7343,0.7304,0.7257,0.7251,0.7204,0.7198,0.7187,0.7176,0.7174,0.7171,0.7146,0.7111,0.7032,0.693,0.692,0.6864,0.6861,0.6859,0.6838,0.6809,0.6662,0.6608,0.6583,0.6545,0.6508,0.6443,0.6404,0.6384,0.6374,0.6268,0.6265,0.6201,0.6123,0.6083,0.6006,0.5988,0.5974,0.5954,0.591,0.58,0.5666,0.564,0.5621,0.5571,0.5565,0.5411,0.526,0.5252,0.5208,0.5105,0.5002,0.5,0.4987,0.4688,0.4663,0.4661,0.4617,0.4611,0.4574,0.4481,0.4161],[0.9347,0.9339,0.9325,0.9222,0.8981,0.8935,0.8925,0.875,0.8637,0.8627,0.8589,0.8559,0.8411,0.8352,0.8289,0.8286,0.827,0.8237,0.8224,0.8092,0.8089,0.8063,0.8057,0.8054,0.8047,0.8035,0.7975,0.7909,0.7896,0.789,0.7853,0.78,0.7775,0.7742,0.7699,0.766,0.7623,0.7563,0.7548,0.7543,0.7489,0.7442,0.7424,0.7421,0.7401,0.738,0.736,0.7337,0.7305,0.7293,0.7288,0.7276,0.7236,0.7188,0.7182,0.7134,0.7128,0.7117,0.7106,0.7103,0.71,0.7075,0.7039,0.6959,0.6855,0.6844,0.6788,0.6785,0.6782,0.6761,0.6731,0.6582,0.6527,0.6502,0.6463,0.6425,0.6359,0.6319,0.6299,0.6289,0.6181,0.6179,0.6113,0.6034,0.5993,0.5916,0.5897,0.5883,0.5862,0.5819,0.5707,0.5571,0.5545,0.5525,0.5475,0.5469,0.5313,0.516,0.5152,0.5107,0.5004,0.49,0.4898,0.4884,0.4584,0.4558,0.4556,0.4512,0.4506,0.4469,0.4375,0.4054],[0.9226,0.9217,0.92,0.9079,0.8797,0.8743,0.8731,0.8527,0.8396,0.8384,0.834,0.8305,0.8135,0.8066,0.7994,0.799,0.7971,0.7934,0.7919,0.7767,0.7764,0.7735,0.7727,0.7724,0.7716,0.7702,0.7633,0.7558,0.7544,0.7537,0.7494,0.7434,0.7406,0.7368,0.732,0.7275,0.7234,0.7166,0.7149,0.7142,0.7082,0.7029,0.7009,0.7006,0.6983,0.696,0.6937,0.6911,0.6875,0.6862,0.6855,0.6842,0.6797,0.6743,0.6737,0.6683,0.6677,0.6664,0.6652,0.6649,0.6645,0.6617,0.6577,0.6488,0.6372,0.636,0.6298,0.6295,0.6292,0.6268,0.6236,0.607,0.6011,0.5982,0.594,0.5898,0.5827,0.5783,0.5761,0.575,0.5632,0.5629,0.5558,0.5472,0.5429,0.5345,0.5325,0.531,0.5287,0.524,0.5121,0.4975,0.4947,0.4926,0.4873,0.4866,0.4702,0.4541,0.4532,0.4485,0.4377,0.4269,0.4267,0.4253,0.3942,0.3916,0.3914,0.3868,0.3863,0.3825,0.3729,0.3404],[0.9074,0.9064,0.9044,0.8901,0.8569,0.8505,0.8491,0.8253,0.81,0.8086,0.8036,0.7995,0.7798,0.7718,0.7635,0.7631,0.7609,0.7566,0.7549,0.7375,0.7371,0.7338,0.7329,0.7325,0.7317,0.73,0.7222,0.7136,0.712,0.7112,0.7064,0.6996,0.6964,0.6921,0.6866,0.6815,0.6769,0.6693,0.6674,0.6666,0.6598,0.6539,0.6516,0.6513,0.6487,0.6461,0.6435,0.6406,0.6366,0.6352,0.6345,0.633,0.628,0.622,0.6213,0.6153,0.6146,0.6132,0.6118,0.6115,0.6111,0.608,0.6035,0.5937,0.581,0.5797,0.5728,0.5725,0.5722,0.5696,0.566,0.548,0.5415,0.5384,0.5339,0.5293,0.5216,0.5169,0.5145,0.5133,0.5007,0.5004,0.4928,0.4836,0.479,0.4701,0.4679,0.4664,0.464,0.459,0.4464,0.4312,0.4283,0.4261,0.4206,0.4198,0.4028,0.3862,0.3853,0.3805,0.3695,0.3585,0.3583,0.3569,0.3257,0.3231,0.3229,0.3184,0.3178,0.3141,0.3046,0.273],[0.929,0.9282,0.9266,0.9155,0.8895,0.8845,0.8834,0.8646,0.8524,0.8513,0.8472,0.844,0.8281,0.8217,0.815,0.8147,0.8129,0.8095,0.8081,0.7939,0.7936,0.7908,0.7902,0.7898,0.7891,0.7878,0.7814,0.7743,0.773,0.7723,0.7684,0.7628,0.7601,0.7565,0.752,0.7478,0.7439,0.7376,0.736,0.7353,0.7297,0.7247,0.7228,0.7225,0.7203,0.7181,0.716,0.7135,0.7101,0.7089,0.7083,0.7071,0.7028,0.6977,0.6971,0.692,0.6914,0.6903,0.6891,0.6888,0.6885,0.6858,0.682,0.6735,0.6626,0.6614,0.6555,0.6552,0.6549,0.6527,0.6496,0.6338,0.6281,0.6254,0.6214,0.6174,0.6105,0.6064,0.6043,0.6032,0.5919,0.5917,0.5848,0.5766,0.5724,0.5643,0.5623,0.5609,0.5587,0.5542,0.5426,0.5285,0.5258,0.5238,0.5186,0.518,0.5019,0.4862,0.4853,0.4808,0.4701,0.4595,0.4593,0.4579,0.4273,0.4247,0.4245,0.42,0.4194,0.4157,0.4061,0.3737],[0.893,0.8918,0.8894,0.8731,0.8352,0.8281,0.8264,0.7995,0.7822,0.7807,0.775,0.7704,0.7483,0.7394,0.7302,0.7297,0.7273,0.7225,0.7206,0.7013,0.7008,0.6971,0.6962,0.6957,0.6948,0.693,0.6843,0.6749,0.6731,0.6722,0.6669,0.6594,0.6559,0.6512,0.6452,0.6396,0.6346,0.6262,0.6242,0.6233,0.616,0.6095,0.6071,0.6067,0.6038,0.6011,0.5983,0.5951,0.5908,0.5892,0.5885,0.5869,0.5815,0.575,0.5742,0.5678,0.567,0.5655,0.564,0.5637,0.5633,0.56,0.5552,0.5446,0.5311,0.5297,0.5224,0.522,0.5217,0.5189,0.5151,0.4961,0.4892,0.486,0.4812,0.4764,0.4683,0.4634,0.4609,0.4597,0.4465,0.4462,0.4383,0.4288,0.424,0.4149,0.4127,0.411,0.4086,0.4035,0.3906,0.3752,0.3722,0.37,0.3644,0.3637,0.3465,0.3299,0.3291,0.3243,0.3133,0.3025,0.3023,0.3009,0.2705,0.268,0.2678,0.2634,0.2629,0.2593,0.2502,0.2202],[0.9303,0.9296,0.928,0.9171,0.8915,0.8866,0.8855,0.867,0.855,0.8539,0.85,0.8468,0.8312,0.8249,0.8183,0.8179,0.8162,0.8128,0.8114,0.7975,0.7971,0.7945,0.7938,0.7934,0.7928,0.7914,0.7851,0.7782,0.7769,0.7762,0.7723,0.7668,0.7642,0.7606,0.7562,0.752,0.7482,0.7419,0.7404,0.7397,0.7341,0.7292,0.7274,0.727,0.7249,0.7228,0.7206,0.7182,0.7149,0.7137,0.7131,0.7119,0.7077,0.7026,0.702,0.697,0.6964,0.6952,0.6941,0.6938,0.6935,0.6908,0.6871,0.6787,0.6679,0.6668,0.6609,0.6606,0.6603,0.6581,0.655,0.6395,0.6338,0.6312,0.6272,0.6232,0.6164,0.6123,0.6102,0.6092,0.598,0.5977,0.5909,0.5827,0.5786,0.5706,0.5687,0.5672,0.5651,0.5605,0.5491,0.5351,0.5324,0.5304,0.5253,0.5246,0.5087,0.493,0.4922,0.4876,0.4771,0.4665,0.4663,0.4649,0.4344,0.4318,0.4316,0.4271,0.4266,0.4228,0.4133,0.3809],[0.8937,0.8925,0.8902,0.874,0.8363,0.8292,0.8276,0.8008,0.7836,0.7821,0.7765,0.7719,0.7499,0.7411,0.7319,0.7314,0.729,0.7242,0.7223,0.7031,0.7027,0.699,0.6981,0.6976,0.6967,0.6948,0.6862,0.6768,0.675,0.6742,0.6689,0.6614,0.658,0.6532,0.6472,0.6417,0.6367,0.6284,0.6263,0.6255,0.6181,0.6117,0.6093,0.6089,0.6061,0.6033,0.6005,0.5974,0.5931,0.5915,0.5907,0.5892,0.5838,0.5773,0.5765,0.5701,0.5694,0.5679,0.5664,0.566,0.5657,0.5623,0.5575,0.547,0.5335,0.5321,0.5248,0.5245,0.5241,0.5214,0.5176,0.4986,0.4918,0.4886,0.4838,0.479,0.4709,0.466,0.4635,0.4623,0.4491,0.4488,0.441,0.4315,0.4267,0.4175,0.4154,0.4137,0.4113,0.4062,0.3933,0.3779,0.3749,0.3727,0.3671,0.3664,0.3492,0.3326,0.3318,0.327,0.316,0.3052,0.305,0.3036,0.2731,0.2706,0.2704,0.266,0.2655,0.2619,0.2527,0.2226],[0.9166,0.9156,0.9138,0.9008,0.8706,0.8648,0.8635,0.8418,0.8278,0.8265,0.8219,0.8181,0.8,0.7927,0.7851,0.7847,0.7827,0.7787,0.7771,0.761,0.7606,0.7575,0.7568,0.7564,0.7556,0.7541,0.7468,0.7389,0.7374,0.7366,0.7321,0.7258,0.7229,0.7188,0.7137,0.709,0.7047,0.6975,0.6958,0.6951,0.6887,0.6831,0.681,0.6807,0.6783,0.6758,0.6734,0.6707,0.667,0.6656,0.6649,0.6636,0.6588,0.6532,0.6525,0.6469,0.6462,0.6449,0.6436,0.6433,0.6429,0.64,0.6358,0.6264,0.6144,0.6132,0.6066,0.6063,0.606,0.6036,0.6002,0.583,0.5768,0.5739,0.5695,0.5652,0.5577,0.5532,0.551,0.5498,0.5376,0.5374,0.53,0.5212,0.5167,0.5081,0.506,0.5045,0.5022,0.4973,0.4851,0.4702,0.4674,0.4652,0.4598,0.4591,0.4423,0.426,0.4251,0.4204,0.4094,0.3985,0.3983,0.3968,0.3656,0.363,0.3628,0.3582,0.3577,0.3539,0.3443,0.312],[0.9144,0.9134,0.9115,0.8983,0.8673,0.8614,0.8601,0.8379,0.8235,0.8222,0.8175,0.8137,0.7951,0.7877,0.7799,0.7795,0.7774,0.7734,0.7718,0.7554,0.755,0.7518,0.751,0.7507,0.7499,0.7483,0.7409,0.7328,0.7313,0.7305,0.7259,0.7195,0.7165,0.7124,0.7072,0.7024,0.698,0.6907,0.6889,0.6882,0.6817,0.6761,0.6739,0.6736,0.6711,0.6687,0.6662,0.6634,0.6596,0.6582,0.6576,0.6562,0.6514,0.6456,0.6449,0.6392,0.6386,0.6372,0.6359,0.6356,0.6352,0.6322,0.628,0.6185,0.6063,0.6051,0.5984,0.5981,0.5978,0.5953,0.5919,0.5745,0.5682,0.5653,0.5608,0.5565,0.5489,0.5444,0.5421,0.5409,0.5286,0.5284,0.5209,0.512,0.5075,0.4988,0.4967,0.4952,0.4928,0.4879,0.4756,0.4607,0.4578,0.4556,0.4502,0.4495,0.4326,0.4162,0.4153,0.4105,0.3995,0.3886,0.3884,0.387,0.3557,0.3531,0.3529,0.3483,0.3478,0.344,0.3344,0.3023],[0.8922,0.891,0.8886,0.8722,0.834,0.8268,0.8252,0.7981,0.7807,0.7792,0.7735,0.7688,0.7466,0.7377,0.7284,0.7279,0.7255,0.7207,0.7187,0.6993,0.6989,0.6951,0.6942,0.6938,0.6928,0.691,0.6823,0.6728,0.671,0.6701,0.6648,0.6573,0.6538,0.649,0.6429,0.6374,0.6323,0.6239,0.6219,0.621,0.6136,0.6071,0.6047,0.6043,0.6014,0.5986,0.5959,0.5927,0.5884,0.5868,0.586,0.5844,0.579,0.5725,0.5717,0.5653,0.5645,0.563,0.5615,0.5611,0.5608,0.5574,0.5526,0.542,0.5284,0.527,0.5197,0.5193,0.519,0.5162,0.5125,0.4933,0.4865,0.4832,0.4784,0.4737,0.4655,0.4606,0.4581,0.4569,0.4437,0.4434,0.4355,0.426,0.4212,0.412,0.4098,0.4082,0.4057,0.4006,0.3877,0.3723,0.3693,0.3671,0.3615,0.3608,0.3436,0.3271,0.3262,0.3214,0.3105,0.2997,0.2995,0.2981,0.2677,0.2652,0.2651,0.2607,0.2602,0.2565,0.2475,0.2176],[0.9086,0.9076,0.9056,0.8915,0.8587,0.8524,0.851,0.8275,0.8123,0.811,0.806,0.8019,0.7824,0.7745,0.7663,0.7659,0.7638,0.7595,0.7578,0.7406,0.7402,0.7369,0.736,0.7356,0.7348,0.7332,0.7254,0.7169,0.7153,0.7145,0.7097,0.703,0.6999,0.6956,0.6901,0.6851,0.6805,0.6729,0.6711,0.6703,0.6636,0.6577,0.6555,0.6551,0.6525,0.65,0.6474,0.6445,0.6406,0.6391,0.6384,0.637,0.632,0.626,0.6253,0.6194,0.6187,0.6173,0.6159,0.6156,0.6152,0.6121,0.6077,0.5979,0.5853,0.584,0.5772,0.5769,0.5765,0.574,0.5704,0.5525,0.546,0.543,0.5384,0.5339,0.5262,0.5215,0.5192,0.518,0.5054,0.5051,0.4975,0.4884,0.4838,0.4749,0.4728,0.4712,0.4689,0.4639,0.4513,0.4362,0.4332,0.4311,0.4255,0.4248,0.4078,0.3912,0.3904,0.3856,0.3745,0.3636,0.3634,0.3619,0.3307,0.3281,0.3279,0.3234,0.3228,0.3191,0.3096,0.2778],[0.8861,0.8848,0.8823,0.865,0.825,0.8175,0.8157,0.7874,0.7692,0.7676,0.7616,0.7568,0.7336,0.7243,0.7147,0.7142,0.7116,0.7066,0.7046,0.6845,0.684,0.6802,0.6792,0.6787,0.6778,0.6758,0.6668,0.657,0.6551,0.6542,0.6487,0.6409,0.6373,0.6324,0.6261,0.6204,0.6152,0.6065,0.6044,0.6035,0.5959,0.5892,0.5867,0.5863,0.5834,0.5805,0.5776,0.5744,0.5699,0.5683,0.5675,0.5659,0.5603,0.5536,0.5529,0.5463,0.5455,0.5439,0.5424,0.542,0.5416,0.5382,0.5333,0.5224,0.5086,0.5072,0.4997,0.4993,0.499,0.4962,0.4923,0.4729,0.4659,0.4626,0.4577,0.4529,0.4446,0.4396,0.4372,0.4359,0.4226,0.4223,0.4143,0.4047,0.3999,0.3907,0.3885,0.3868,0.3844,0.3792,0.3663,0.3508,0.3479,0.3457,0.3401,0.3394,0.3223,0.3059,0.305,0.3003,0.2895,0.2788,0.2786,0.2772,0.2474,0.245,0.2448,0.2405,0.24,0.2364,0.2276,0.1986],[0.9106,0.9096,0.9076,0.8938,0.8616,0.8555,0.8541,0.831,0.8161,0.8148,0.8099,0.8059,0.7867,0.779,0.7709,0.7705,0.7684,0.7642,0.7625,0.7456,0.7452,0.7419,0.7411,0.7407,0.7399,0.7383,0.7306,0.7223,0.7207,0.7199,0.7152,0.7085,0.7054,0.7012,0.6958,0.6909,0.6864,0.6789,0.677,0.6763,0.6697,0.6638,0.6616,0.6613,0.6588,0.6562,0.6537,0.6509,0.647,0.6455,0.6448,0.6434,0.6385,0.6326,0.6319,0.626,0.6254,0.624,0.6226,0.6223,0.6219,0.6189,0.6145,0.6048,0.5923,0.591,0.5843,0.584,0.5836,0.5811,0.5776,0.5598,0.5534,0.5504,0.5459,0.5414,0.5338,0.5291,0.5268,0.5257,0.5131,0.5129,0.5053,0.4963,0.4917,0.4829,0.4808,0.4792,0.4768,0.4719,0.4594,0.4443,0.4414,0.4392,0.4337,0.433,0.416,0.3995,0.3986,0.3939,0.3828,0.3718,0.3716,0.3702,0.339,0.3364,0.3362,0.3316,0.3311,0.3273,0.3177,0.2859],[0.9328,0.932,0.9305,0.92,0.8953,0.8905,0.8895,0.8715,0.8599,0.8589,0.855,0.8519,0.8368,0.8307,0.8243,0.824,0.8223,0.819,0.8176,0.8041,0.8038,0.8012,0.8005,0.8002,0.7995,0.7982,0.7921,0.7854,0.7841,0.7834,0.7796,0.7743,0.7717,0.7683,0.7639,0.7599,0.7562,0.7501,0.7486,0.7479,0.7425,0.7377,0.7359,0.7356,0.7335,0.7314,0.7293,0.7269,0.7237,0.7225,0.7219,0.7208,0.7167,0.7117,0.7112,0.7063,0.7057,0.7045,0.7034,0.7031,0.7028,0.7002,0.6966,0.6884,0.6778,0.6767,0.671,0.6707,0.6704,0.6682,0.6653,0.65,0.6445,0.6419,0.638,0.6341,0.6274,0.6233,0.6213,0.6203,0.6093,0.6091,0.6024,0.5944,0.5903,0.5824,0.5805,0.5791,0.577,0.5725,0.5612,0.5475,0.5448,0.5428,0.5378,0.5371,0.5214,0.5059,0.5051,0.5006,0.4901,0.4797,0.4795,0.4781,0.4478,0.4453,0.4451,0.4406,0.4401,0.4363,0.4268,0.3946],[0.9185,0.9176,0.9158,0.9031,0.8735,0.8679,0.8666,0.8453,0.8316,0.8303,0.8258,0.8221,0.8043,0.7971,0.7897,0.7893,0.7873,0.7834,0.7818,0.7661,0.7657,0.7626,0.7619,0.7615,0.7608,0.7592,0.7521,0.7443,0.7428,0.7421,0.7377,0.7315,0.7285,0.7246,0.7195,0.7149,0.7107,0.7036,0.7019,0.7012,0.6949,0.6894,0.6874,0.687,0.6846,0.6823,0.6799,0.6772,0.6735,0.6722,0.6715,0.6702,0.6655,0.6599,0.6593,0.6537,0.6531,0.6518,0.6505,0.6501,0.6498,0.6469,0.6428,0.6336,0.6217,0.6205,0.614,0.6137,0.6134,0.611,0.6076,0.5907,0.5845,0.5816,0.5773,0.573,0.5657,0.5612,0.5589,0.5578,0.5458,0.5455,0.5382,0.5295,0.525,0.5165,0.5144,0.5129,0.5106,0.5058,0.4936,0.4789,0.476,0.4739,0.4685,0.4678,0.4511,0.4348,0.434,0.4293,0.4183,0.4074,0.4072,0.4058,0.3746,0.372,0.3718,0.3672,0.3667,0.3629,0.3532,0.3209],[0.9306,0.9298,0.9282,0.9174,0.8919,0.887,0.8859,0.8674,0.8555,0.8544,0.8505,0.8472,0.8317,0.8254,0.8189,0.8185,0.8168,0.8134,0.812,0.7981,0.7978,0.7951,0.7944,0.7941,0.7934,0.7921,0.7858,0.7789,0.7776,0.7769,0.773,0.7675,0.7649,0.7614,0.7569,0.7528,0.749,0.7427,0.7411,0.7405,0.7349,0.73,0.7282,0.7279,0.7257,0.7236,0.7214,0.719,0.7157,0.7145,0.7139,0.7127,0.7085,0.7035,0.7029,0.6979,0.6973,0.6961,0.6949,0.6946,0.6943,0.6917,0.688,0.6796,0.6688,0.6677,0.6618,0.6616,0.6613,0.6591,0.656,0.6405,0.6348,0.6322,0.6282,0.6242,0.6174,0.6133,0.6112,0.6102,0.599,0.5988,0.592,0.5838,0.5797,0.5717,0.5698,0.5683,0.5662,0.5617,0.5502,0.5363,0.5336,0.5316,0.5264,0.5258,0.5099,0.4942,0.4934,0.4889,0.4783,0.4677,0.4675,0.4662,0.4356,0.4331,0.4329,0.4284,0.4278,0.4241,0.4145,0.3822],[0.9002,0.8991,0.8968,0.8815,0.8459,0.8392,0.8376,0.8123,0.796,0.7945,0.7891,0.7848,0.7638,0.7554,0.7466,0.7462,0.7439,0.7393,0.7375,0.7191,0.7187,0.7152,0.7143,0.7138,0.713,0.7112,0.703,0.6939,0.6922,0.6914,0.6863,0.6792,0.6758,0.6713,0.6655,0.6602,0.6553,0.6473,0.6453,0.6446,0.6375,0.6312,0.6289,0.6285,0.6258,0.6231,0.6204,0.6174,0.6132,0.6117,0.611,0.6095,0.6042,0.598,0.5972,0.591,0.5903,0.5888,0.5874,0.587,0.5867,0.5834,0.5788,0.5685,0.5554,0.554,0.5469,0.5466,0.5463,0.5436,0.5399,0.5213,0.5146,0.5115,0.5068,0.5021,0.4941,0.4893,0.4869,0.4857,0.4727,0.4724,0.4647,0.4553,0.4506,0.4415,0.4394,0.4377,0.4353,0.4303,0.4175,0.4021,0.3992,0.397,0.3914,0.3907,0.3735,0.3569,0.356,0.3512,0.3402,0.3293,0.3291,0.3276,0.2967,0.2942,0.294,0.2895,0.289,0.2853,0.276,0.2451],[0.9319,0.9311,0.9296,0.9189,0.8939,0.8891,0.888,0.8699,0.8581,0.8571,0.8532,0.85,0.8347,0.8286,0.8221,0.8218,0.8201,0.8167,0.8153,0.8017,0.8013,0.7987,0.798,0.7977,0.7971,0.7957,0.7895,0.7827,0.7814,0.7808,0.7769,0.7715,0.769,0.7655,0.7611,0.757,0.7533,0.7471,0.7456,0.7449,0.7394,0.7346,0.7327,0.7324,0.7303,0.7282,0.7261,0.7237,0.7205,0.7193,0.7187,0.7175,0.7134,0.7084,0.7078,0.7029,0.7023,0.7011,0.7,0.6997,0.6994,0.6968,0.6931,0.6848,0.6742,0.6731,0.6673,0.667,0.6667,0.6645,0.6615,0.6461,0.6406,0.6379,0.634,0.6301,0.6234,0.6193,0.6172,0.6162,0.6051,0.6049,0.5982,0.5901,0.586,0.5781,0.5762,0.5747,0.5726,0.5681,0.5568,0.5429,0.5403,0.5383,0.5332,0.5325,0.5167,0.5012,0.5004,0.4958,0.4853,0.4748,0.4746,0.4733,0.4429,0.4403,0.4401,0.4356,0.4351,0.4313,0.4218,0.3896],[0.9099,0.9089,0.9069,0.8929,0.8605,0.8543,0.8529,0.8297,0.8147,0.8134,0.8084,0.8044,0.7851,0.7773,0.7692,0.7688,0.7667,0.7625,0.7608,0.7437,0.7433,0.7401,0.7392,0.7388,0.738,0.7364,0.7287,0.7203,0.7187,0.7179,0.7132,0.7065,0.7034,0.6991,0.6937,0.6888,0.6842,0.6767,0.6748,0.6741,0.6674,0.6616,0.6594,0.659,0.6565,0.6539,0.6514,0.6485,0.6446,0.6432,0.6425,0.6411,0.6361,0.6302,0.6295,0.6236,0.6229,0.6215,0.6202,0.6198,0.6195,0.6164,0.612,0.6023,0.5898,0.5885,0.5817,0.5814,0.581,0.5785,0.575,0.5571,0.5507,0.5477,0.5432,0.5387,0.531,0.5263,0.524,0.5229,0.5103,0.51,0.5025,0.4934,0.4888,0.48,0.4778,0.4763,0.4739,0.469,0.4564,0.4413,0.4384,0.4362,0.4307,0.43,0.413,0.3965,0.3956,0.3908,0.3797,0.3688,0.3686,0.3672,0.3359,0.3333,0.3332,0.3286,0.328,0.3243,0.3147,0.2829],[0.9209,0.92,0.9183,0.9059,0.8772,0.8717,0.8704,0.8497,0.8363,0.8351,0.8307,0.8271,0.8097,0.8027,0.7954,0.795,0.7931,0.7893,0.7878,0.7724,0.772,0.769,0.7683,0.7679,0.7672,0.7657,0.7587,0.7511,0.7497,0.7489,0.7446,0.7385,0.7357,0.7318,0.7269,0.7224,0.7182,0.7113,0.7096,0.7089,0.7028,0.6974,0.6954,0.695,0.6927,0.6904,0.688,0.6854,0.6818,0.6805,0.6798,0.6785,0.6739,0.6684,0.6678,0.6623,0.6617,0.6604,0.6592,0.6588,0.6585,0.6557,0.6516,0.6425,0.6309,0.6297,0.6233,0.623,0.6227,0.6203,0.6171,0.6003,0.5943,0.5914,0.5872,0.5829,0.5757,0.5713,0.5691,0.568,0.5561,0.5558,0.5486,0.54,0.5356,0.5271,0.5251,0.5236,0.5213,0.5165,0.5045,0.4899,0.4871,0.4849,0.4796,0.4789,0.4624,0.4462,0.4453,0.4406,0.4297,0.4189,0.4187,0.4173,0.3861,0.3835,0.3833,0.3787,0.3782,0.3744,0.3648,0.3324],[0.9159,0.915,0.9131,0.9001,0.8697,0.8639,0.8625,0.8407,0.8266,0.8253,0.8206,0.8168,0.7986,0.7913,0.7836,0.7832,0.7812,0.7772,0.7756,0.7594,0.759,0.7559,0.7551,0.7547,0.754,0.7524,0.7451,0.7371,0.7356,0.7349,0.7303,0.724,0.721,0.717,0.7118,0.7071,0.7028,0.6956,0.6938,0.6931,0.6867,0.6811,0.679,0.6786,0.6762,0.6738,0.6714,0.6686,0.6648,0.6635,0.6628,0.6614,0.6567,0.651,0.6503,0.6447,0.644,0.6427,0.6414,0.641,0.6407,0.6378,0.6335,0.6242,0.6121,0.6108,0.6043,0.604,0.6037,0.6012,0.5978,0.5806,0.5743,0.5714,0.567,0.5627,0.5552,0.5507,0.5484,0.5473,0.535,0.5348,0.5274,0.5185,0.514,0.5054,0.5033,0.5018,0.4995,0.4946,0.4823,0.4675,0.4646,0.4624,0.457,0.4563,0.4395,0.4231,0.4223,0.4175,0.4065,0.3956,0.3954,0.394,0.3627,0.3601,0.3599,0.3554,0.3548,0.351,0.3414,0.3092],[0.9315,0.9307,0.9292,0.9185,0.8933,0.8885,0.8874,0.8692,0.8574,0.8563,0.8524,0.8492,0.8339,0.8277,0.8212,0.8208,0.8191,0.8157,0.8144,0.8006,0.8003,0.7977,0.797,0.7967,0.796,0.7947,0.7884,0.7816,0.7803,0.7797,0.7758,0.7703,0.7678,0.7643,0.7599,0.7558,0.752,0.7458,0.7443,0.7436,0.7381,0.7332,0.7314,0.7311,0.729,0.7269,0.7248,0.7224,0.7191,0.7179,0.7173,0.7161,0.712,0.707,0.7064,0.7014,0.7008,0.6997,0.6985,0.6982,0.6979,0.6953,0.6916,0.6833,0.6726,0.6715,0.6657,0.6654,0.6651,0.6629,0.6599,0.6445,0.6389,0.6363,0.6323,0.6284,0.6216,0.6175,0.6155,0.6145,0.6034,0.6031,0.5964,0.5883,0.5841,0.5762,0.5743,0.5729,0.5707,0.5662,0.5549,0.541,0.5383,0.5363,0.5312,0.5305,0.5147,0.4992,0.4983,0.4938,0.4833,0.4728,0.4726,0.4712,0.4407,0.4382,0.438,0.4335,0.433,0.4292,0.4197,0.3874],[0.9101,0.9091,0.9071,0.8932,0.8608,0.8547,0.8533,0.8301,0.8151,0.8138,0.8089,0.8049,0.7856,0.7778,0.7697,0.7693,0.7672,0.763,0.7613,0.7443,0.7439,0.7406,0.7398,0.7394,0.7386,0.7369,0.7293,0.7209,0.7193,0.7185,0.7138,0.7071,0.704,0.6997,0.6944,0.6894,0.6849,0.6774,0.6755,0.6748,0.6681,0.6622,0.66,0.6597,0.6571,0.6546,0.6521,0.6492,0.6453,0.6439,0.6432,0.6418,0.6368,0.6309,0.6302,0.6243,0.6236,0.6223,0.6209,0.6205,0.6202,0.6171,0.6127,0.603,0.5905,0.5892,0.5824,0.5821,0.5818,0.5792,0.5757,0.5579,0.5515,0.5485,0.544,0.5395,0.5318,0.5272,0.5248,0.5237,0.5111,0.5109,0.5033,0.4942,0.4896,0.4808,0.4787,0.4771,0.4748,0.4698,0.4573,0.4422,0.4393,0.4371,0.4316,0.4309,0.4139,0.3974,0.3965,0.3917,0.3806,0.3697,0.3695,0.3681,0.3368,0.3342,0.334,0.3295,0.3289,0.3251,0.3156,0.2838],[0.8827,0.8814,0.8788,0.8611,0.82,0.8122,0.8105,0.7814,0.7628,0.7612,0.7551,0.7501,0.7264,0.7169,0.7071,0.7066,0.704,0.6989,0.6968,0.6763,0.6758,0.6719,0.6709,0.6704,0.6694,0.6675,0.6583,0.6483,0.6464,0.6454,0.6398,0.6319,0.6282,0.6232,0.6169,0.6111,0.6057,0.5969,0.5948,0.5939,0.5862,0.5794,0.5768,0.5764,0.5735,0.5705,0.5676,0.5643,0.5598,0.5582,0.5574,0.5557,0.5501,0.5433,0.5425,0.5358,0.5351,0.5335,0.5319,0.5316,0.5312,0.5277,0.5227,0.5118,0.4978,0.4963,0.4888,0.4884,0.4881,0.4852,0.4813,0.4617,0.4547,0.4514,0.4465,0.4416,0.4333,0.4283,0.4258,0.4246,0.4111,0.4108,0.4028,0.3932,0.3884,0.3791,0.3769,0.3753,0.3728,0.3677,0.3548,0.3393,0.3364,0.3342,0.3286,0.3279,0.3109,0.2945,0.2937,0.289,0.2783,0.2677,0.2675,0.2661,0.2366,0.2342,0.2341,0.2298,0.2293,0.2258,0.2171,0.1886],[0.8935,0.8923,0.8899,0.8737,0.836,0.8288,0.8272,0.8004,0.7832,0.7816,0.776,0.7714,0.7494,0.7405,0.7313,0.7308,0.7284,0.7236,0.7217,0.7025,0.702,0.6984,0.6974,0.697,0.6961,0.6942,0.6856,0.6762,0.6744,0.6735,0.6682,0.6608,0.6573,0.6525,0.6466,0.641,0.636,0.6277,0.6256,0.6248,0.6174,0.6109,0.6085,0.6081,0.6053,0.6025,0.5998,0.5966,0.5923,0.5908,0.59,0.5884,0.583,0.5765,0.5758,0.5694,0.5686,0.5671,0.5656,0.5652,0.5649,0.5615,0.5567,0.5462,0.5327,0.5313,0.524,0.5237,0.5233,0.5206,0.5168,0.4978,0.4909,0.4877,0.4829,0.4782,0.47,0.4651,0.4627,0.4614,0.4483,0.448,0.4401,0.4306,0.4258,0.4167,0.4145,0.4128,0.4104,0.4053,0.3924,0.377,0.374,0.3718,0.3662,0.3655,0.3483,0.3317,0.3309,0.3261,0.3151,0.3043,0.3041,0.3027,0.2722,0.2697,0.2696,0.2652,0.2646,0.261,0.2519,0.2218],[0.9156,0.9147,0.9128,0.8997,0.8692,0.8634,0.862,0.8401,0.8259,0.8246,0.82,0.8162,0.7979,0.7905,0.7828,0.7824,0.7804,0.7764,0.7748,0.7586,0.7582,0.7551,0.7543,0.7539,0.7531,0.7516,0.7442,0.7362,0.7347,0.734,0.7294,0.7231,0.7201,0.716,0.7109,0.7061,0.7018,0.6946,0.6928,0.6921,0.6857,0.68,0.6779,0.6776,0.6751,0.6727,0.6703,0.6675,0.6638,0.6624,0.6617,0.6603,0.6556,0.6499,0.6492,0.6435,0.6429,0.6416,0.6402,0.6399,0.6396,0.6366,0.6324,0.623,0.6109,0.6096,0.6031,0.6028,0.6024,0.6,0.5966,0.5793,0.5731,0.5701,0.5657,0.5614,0.5539,0.5493,0.5471,0.546,0.5337,0.5334,0.5261,0.5172,0.5127,0.504,0.502,0.5004,0.4981,0.4932,0.4809,0.466,0.4632,0.461,0.4556,0.4549,0.4381,0.4217,0.4208,0.4161,0.4051,0.3941,0.3939,0.3925,0.3613,0.3587,0.3585,0.3539,0.3533,0.3495,0.3399,0.3077],[0.9161,0.9151,0.9132,0.9002,0.8698,0.864,0.8627,0.8409,0.8268,0.8255,0.8209,0.8171,0.7989,0.7915,0.7838,0.7834,0.7814,0.7774,0.7758,0.7597,0.7593,0.7562,0.7554,0.755,0.7543,0.7527,0.7454,0.7374,0.7359,0.7352,0.7307,0.7243,0.7214,0.7173,0.7122,0.7074,0.7031,0.6959,0.6941,0.6934,0.6871,0.6815,0.6794,0.679,0.6766,0.6742,0.6717,0.669,0.6652,0.6639,0.6632,0.6618,0.6571,0.6514,0.6507,0.6451,0.6444,0.6431,0.6418,0.6414,0.6411,0.6382,0.6339,0.6246,0.6125,0.6113,0.6047,0.6044,0.6041,0.6016,0.5982,0.581,0.5748,0.5718,0.5675,0.5631,0.5557,0.5511,0.5489,0.5477,0.5355,0.5352,0.5279,0.519,0.5145,0.5059,0.5038,0.5023,0.5,0.4951,0.4828,0.468,0.4651,0.4629,0.4575,0.4568,0.44,0.4237,0.4228,0.418,0.407,0.3961,0.3959,0.3945,0.3633,0.3607,0.3605,0.3559,0.3553,0.3515,0.3419,0.3097],[0.9229,0.9221,0.9203,0.9083,0.8802,0.8749,0.8736,0.8534,0.8403,0.8391,0.8348,0.8313,0.8143,0.8074,0.8003,0.7999,0.798,0.7943,0.7928,0.7777,0.7773,0.7744,0.7737,0.7733,0.7726,0.7712,0.7643,0.7568,0.7554,0.7547,0.7505,0.7445,0.7417,0.7379,0.7331,0.7286,0.7245,0.7178,0.7161,0.7154,0.7094,0.7041,0.7021,0.7018,0.6995,0.6972,0.6949,0.6923,0.6887,0.6874,0.6868,0.6855,0.681,0.6756,0.675,0.6696,0.669,0.6677,0.6665,0.6662,0.6659,0.6631,0.659,0.6501,0.6386,0.6374,0.6312,0.6309,0.6306,0.6282,0.625,0.6085,0.6026,0.5997,0.5955,0.5914,0.5842,0.5798,0.5776,0.5766,0.5648,0.5645,0.5574,0.5489,0.5445,0.5361,0.5341,0.5326,0.5304,0.5257,0.5137,0.4992,0.4964,0.4943,0.489,0.4884,0.4719,0.4558,0.455,0.4503,0.4394,0.4287,0.4285,0.427,0.396,0.3934,0.3932,0.3886,0.3881,0.3843,0.3747,0.3422],[0.8864,0.8851,0.8826,0.8653,0.8254,0.8179,0.8161,0.7878,0.7697,0.7681,0.7621,0.7573,0.7342,0.7249,0.7153,0.7148,0.7122,0.7072,0.7052,0.6851,0.6846,0.6808,0.6798,0.6794,0.6784,0.6765,0.6675,0.6577,0.6558,0.6549,0.6494,0.6416,0.638,0.6331,0.6269,0.6211,0.6159,0.6073,0.6051,0.6043,0.5967,0.59,0.5875,0.587,0.5842,0.5813,0.5784,0.5752,0.5707,0.5691,0.5683,0.5667,0.5611,0.5544,0.5537,0.5471,0.5463,0.5447,0.5432,0.5428,0.5424,0.539,0.5341,0.5233,0.5094,0.508,0.5005,0.5002,0.4998,0.497,0.4932,0.4737,0.4668,0.4635,0.4586,0.4538,0.4455,0.4405,0.438,0.4368,0.4235,0.4232,0.4152,0.4056,0.4008,0.3916,0.3894,0.3877,0.3853,0.3801,0.3672,0.3517,0.3488,0.3466,0.341,0.3403,0.3232,0.3068,0.3059,0.3012,0.2903,0.2797,0.2795,0.2781,0.2482,0.2458,0.2456,0.2413,0.2408,0.2373,0.2284,0.1993],[0.9341,0.9334,0.9319,0.9216,0.8973,0.8926,0.8916,0.874,0.8626,0.8615,0.8578,0.8547,0.8398,0.8338,0.8276,0.8272,0.8256,0.8223,0.821,0.8077,0.8074,0.8048,0.8041,0.8038,0.8032,0.8019,0.7959,0.7892,0.788,0.7873,0.7836,0.7783,0.7758,0.7724,0.7681,0.7642,0.7605,0.7545,0.753,0.7524,0.747,0.7422,0.7405,0.7402,0.7381,0.7361,0.734,0.7317,0.7285,0.7273,0.7267,0.7256,0.7215,0.7167,0.7161,0.7113,0.7107,0.7096,0.7084,0.7082,0.7079,0.7053,0.7017,0.6936,0.6832,0.6821,0.6764,0.6762,0.6759,0.6737,0.6708,0.6557,0.6503,0.6477,0.6438,0.64,0.6334,0.6294,0.6274,0.6264,0.6155,0.6152,0.6086,0.6007,0.5966,0.5888,0.587,0.5856,0.5835,0.5791,0.5679,0.5542,0.5516,0.5496,0.5446,0.5439,0.5284,0.513,0.5122,0.5077,0.4973,0.4869,0.4867,0.4854,0.4552,0.4527,0.4525,0.448,0.4475,0.4437,0.4343,0.4021],[0.9008,0.8997,0.8976,0.8823,0.847,0.8403,0.8387,0.8135,0.7973,0.7958,0.7905,0.7862,0.7653,0.757,0.7482,0.7478,0.7455,0.741,0.7391,0.7209,0.7204,0.7169,0.716,0.7156,0.7147,0.713,0.7048,0.6958,0.6941,0.6932,0.6882,0.6811,0.6778,0.6732,0.6675,0.6622,0.6574,0.6494,0.6474,0.6466,0.6396,0.6333,0.631,0.6306,0.6279,0.6253,0.6226,0.6196,0.6154,0.6139,0.6132,0.6117,0.6065,0.6002,0.5995,0.5933,0.5926,0.5911,0.5897,0.5893,0.5889,0.5857,0.5811,0.5709,0.5578,0.5564,0.5493,0.549,0.5487,0.546,0.5423,0.5238,0.5171,0.514,0.5093,0.5046,0.4967,0.4919,0.4895,0.4883,0.4753,0.475,0.4673,0.458,0.4532,0.4442,0.442,0.4404,0.438,0.4329,0.4202,0.4048,0.4019,0.3997,0.3941,0.3934,0.3762,0.3596,0.3587,0.3539,0.3429,0.3319,0.3317,0.3303,0.2994,0.2968,0.2967,0.2922,0.2916,0.2879,0.2786,0.2476],[0.9242,0.9233,0.9216,0.9098,0.8821,0.8769,0.8756,0.8557,0.8428,0.8416,0.8373,0.8339,0.8171,0.8104,0.8033,0.8029,0.8011,0.7974,0.7959,0.781,0.7807,0.7778,0.7771,0.7767,0.776,0.7746,0.7678,0.7604,0.759,0.7583,0.7541,0.7482,0.7455,0.7417,0.7369,0.7325,0.7285,0.7218,0.7202,0.7195,0.7135,0.7083,0.7063,0.706,0.7037,0.7015,0.6992,0.6966,0.6931,0.6918,0.6912,0.6899,0.6855,0.6801,0.6795,0.6742,0.6736,0.6723,0.6711,0.6708,0.6705,0.6677,0.6637,0.6549,0.6435,0.6423,0.6361,0.6359,0.6356,0.6332,0.63,0.6137,0.6078,0.605,0.6008,0.5967,0.5895,0.5852,0.5831,0.582,0.5703,0.57,0.563,0.5545,0.5501,0.5418,0.5398,0.5384,0.5361,0.5314,0.5196,0.5052,0.5024,0.5003,0.495,0.4943,0.478,0.4619,0.4611,0.4564,0.4456,0.4349,0.4347,0.4333,0.4023,0.3997,0.3995,0.3949,0.3944,0.3906,0.381,0.3485],[0.9204,0.9195,0.9178,0.9054,0.8764,0.8709,0.8697,0.8488,0.8354,0.8341,0.8297,0.8261,0.8086,0.8016,0.7943,0.7939,0.792,0.7881,0.7866,0.7711,0.7707,0.7678,0.767,0.7666,0.7659,0.7644,0.7574,0.7497,0.7483,0.7476,0.7432,0.7371,0.7343,0.7304,0.7254,0.7209,0.7167,0.7098,0.708,0.7073,0.7012,0.6958,0.6938,0.6934,0.6911,0.6887,0.6864,0.6837,0.6801,0.6788,0.6781,0.6768,0.6722,0.6667,0.6661,0.6606,0.66,0.6587,0.6574,0.6571,0.6568,0.6539,0.6498,0.6407,0.629,0.6278,0.6214,0.6211,0.6208,0.6184,0.6152,0.5984,0.5923,0.5895,0.5852,0.5809,0.5737,0.5692,0.567,0.5659,0.554,0.5537,0.5465,0.5378,0.5334,0.5249,0.5229,0.5214,0.5191,0.5144,0.5023,0.4876,0.4848,0.4827,0.4774,0.4767,0.4601,0.4439,0.443,0.4383,0.4274,0.4165,0.4163,0.4149,0.3838,0.3812,0.381,0.3764,0.3759,0.372,0.3624,0.33],[0.9024,0.9013,0.8992,0.8842,0.8493,0.8427,0.8412,0.8163,0.8003,0.7988,0.7936,0.7893,0.7687,0.7604,0.7518,0.7514,0.7491,0.7446,0.7428,0.7248,0.7243,0.7209,0.72,0.7196,0.7187,0.717,0.7088,0.7,0.6983,0.6974,0.6924,0.6854,0.6821,0.6776,0.6719,0.6667,0.6619,0.654,0.6521,0.6513,0.6443,0.6381,0.6358,0.6354,0.6328,0.6301,0.6275,0.6245,0.6204,0.6189,0.6181,0.6166,0.6115,0.6053,0.6045,0.5984,0.5977,0.5962,0.5948,0.5945,0.5941,0.5909,0.5863,0.5762,0.5632,0.5618,0.5548,0.5545,0.5541,0.5515,0.5478,0.5294,0.5228,0.5196,0.515,0.5104,0.5024,0.4976,0.4953,0.4941,0.4812,0.4809,0.4732,0.4639,0.4592,0.4502,0.448,0.4464,0.444,0.4389,0.4262,0.4109,0.4079,0.4057,0.4002,0.3994,0.3823,0.3657,0.3648,0.36,0.349,0.338,0.3378,0.3364,0.3054,0.3028,0.3027,0.2981,0.2976,0.2939,0.2845,0.2534],[0.9183,0.9174,0.9156,0.9029,0.8733,0.8676,0.8664,0.845,0.8313,0.83,0.8255,0.8218,0.804,0.7968,0.7893,0.7889,0.7869,0.783,0.7815,0.7657,0.7653,0.7622,0.7615,0.7611,0.7604,0.7588,0.7517,0.7439,0.7424,0.7416,0.7372,0.731,0.7281,0.7241,0.7191,0.7145,0.7102,0.7032,0.7014,0.7007,0.6944,0.6889,0.6869,0.6865,0.6841,0.6818,0.6794,0.6767,0.673,0.6717,0.671,0.6697,0.665,0.6594,0.6587,0.6532,0.6525,0.6512,0.6499,0.6496,0.6493,0.6464,0.6422,0.633,0.6211,0.6199,0.6134,0.6131,0.6128,0.6104,0.6071,0.5901,0.5839,0.581,0.5767,0.5724,0.565,0.5606,0.5583,0.5572,0.5451,0.5449,0.5376,0.5288,0.5244,0.5158,0.5138,0.5122,0.5099,0.5051,0.4929,0.4782,0.4753,0.4732,0.4678,0.4671,0.4504,0.4341,0.4333,0.4286,0.4176,0.4067,0.4065,0.4051,0.3739,0.3713,0.3711,0.3665,0.366,0.3621,0.3525,0.3202],[0.8866,0.8854,0.8829,0.8657,0.8258,0.8183,0.8165,0.7883,0.7702,0.7686,0.7627,0.7578,0.7347,0.7255,0.7158,0.7153,0.7128,0.7078,0.7058,0.6858,0.6853,0.6814,0.6805,0.68,0.679,0.6771,0.6681,0.6583,0.6565,0.6556,0.65,0.6423,0.6387,0.6338,0.6276,0.6219,0.6166,0.608,0.6059,0.605,0.5974,0.5907,0.5882,0.5878,0.5849,0.582,0.5792,0.5759,0.5715,0.5699,0.5691,0.5675,0.5619,0.5552,0.5545,0.5479,0.5471,0.5456,0.544,0.5436,0.5433,0.5398,0.5349,0.5241,0.5103,0.5088,0.5014,0.501,0.5007,0.4979,0.494,0.4746,0.4676,0.4644,0.4595,0.4547,0.4464,0.4414,0.4389,0.4377,0.4244,0.4241,0.4161,0.4065,0.4017,0.3925,0.3903,0.3886,0.3862,0.381,0.3681,0.3526,0.3497,0.3475,0.3419,0.3412,0.3241,0.3076,0.3068,0.3021,0.2912,0.2805,0.2803,0.279,0.2491,0.2466,0.2465,0.2422,0.2417,0.2381,0.2292,0.2001],[0.8578,0.8563,0.8532,0.8321,0.7836,0.7745,0.7724,0.7385,0.717,0.7151,0.7081,0.7024,0.6752,0.6644,0.6532,0.6526,0.6496,0.6438,0.6415,0.6184,0.6178,0.6134,0.6123,0.6118,0.6107,0.6085,0.5982,0.587,0.5849,0.5839,0.5776,0.5689,0.5648,0.5593,0.5523,0.5459,0.5401,0.5305,0.5281,0.5272,0.5187,0.5113,0.5086,0.5081,0.5049,0.5018,0.4986,0.4951,0.4902,0.4885,0.4876,0.4858,0.4798,0.4725,0.4717,0.4645,0.4637,0.4621,0.4604,0.46,0.4596,0.4559,0.4506,0.439,0.4243,0.4228,0.4149,0.4145,0.4142,0.4112,0.4072,0.3869,0.3797,0.3763,0.3712,0.3663,0.3578,0.3528,0.3502,0.349,0.3355,0.3352,0.3272,0.3176,0.3128,0.3037,0.3015,0.2999,0.2975,0.2925,0.2799,0.265,0.2622,0.2601,0.2547,0.2541,0.238,0.2227,0.2219,0.2175,0.2076,0.198,0.1978,0.1966,0.1702,0.168,0.1679,0.1642,0.1637,0.1607,0.1531,0.1287],[0.8492,0.8476,0.8444,0.8221,0.7711,0.7616,0.7594,0.724,0.7015,0.6995,0.6922,0.6862,0.658,0.6468,0.6351,0.6345,0.6315,0.6255,0.6231,0.5992,0.5986,0.594,0.5929,0.5923,0.5912,0.5889,0.5783,0.5669,0.5647,0.5636,0.5572,0.5482,0.544,0.5383,0.5312,0.5246,0.5186,0.5088,0.5064,0.5054,0.4968,0.4893,0.4865,0.486,0.4828,0.4796,0.4764,0.4727,0.4678,0.466,0.4651,0.4633,0.4572,0.4498,0.449,0.4417,0.4409,0.4392,0.4375,0.4371,0.4367,0.4329,0.4276,0.4159,0.4011,0.3995,0.3916,0.3912,0.3909,0.3879,0.3838,0.3635,0.3563,0.3529,0.3478,0.3429,0.3345,0.3294,0.3269,0.3256,0.3122,0.3119,0.304,0.2946,0.2898,0.2808,0.2787,0.2771,0.2747,0.2698,0.2574,0.2428,0.2401,0.238,0.2328,0.2322,0.2165,0.2018,0.201,0.1968,0.1873,0.178,0.1778,0.1767,0.1515,0.1494,0.1493,0.1458,0.1454,0.1425,0.1353,0.1125],[0.9082,0.9072,0.9051,0.891,0.858,0.8517,0.8503,0.8266,0.8114,0.8101,0.805,0.801,0.7814,0.7735,0.7653,0.7648,0.7627,0.7584,0.7567,0.7394,0.739,0.7357,0.7348,0.7344,0.7336,0.732,0.7242,0.7156,0.714,0.7132,0.7084,0.7017,0.6985,0.6942,0.6888,0.6837,0.6791,0.6715,0.6696,0.6689,0.6621,0.6562,0.654,0.6536,0.651,0.6485,0.6459,0.643,0.639,0.6376,0.6369,0.6355,0.6305,0.6245,0.6238,0.6178,0.6171,0.6157,0.6143,0.614,0.6136,0.6105,0.6061,0.5963,0.5836,0.5823,0.5755,0.5752,0.5748,0.5722,0.5687,0.5507,0.5443,0.5412,0.5367,0.5321,0.5244,0.5197,0.5174,0.5162,0.5036,0.5033,0.4957,0.4866,0.4819,0.473,0.4709,0.4693,0.467,0.462,0.4494,0.4342,0.4313,0.4291,0.4236,0.4229,0.4059,0.3893,0.3884,0.3836,0.3726,0.3616,0.3614,0.36,0.3288,0.3262,0.326,0.3214,0.3209,0.3171,0.3076,0.2759],[0.9117,0.9107,0.9087,0.8951,0.8632,0.8572,0.8558,0.8329,0.8182,0.8169,0.812,0.8081,0.7891,0.7814,0.7734,0.773,0.7709,0.7668,0.7651,0.7483,0.7479,0.7447,0.7439,0.7435,0.7427,0.7411,0.7335,0.7252,0.7237,0.7229,0.7182,0.7116,0.7086,0.7044,0.699,0.6942,0.6897,0.6822,0.6804,0.6797,0.6731,0.6673,0.6651,0.6648,0.6622,0.6597,0.6573,0.6544,0.6505,0.6491,0.6484,0.647,0.6421,0.6363,0.6356,0.6298,0.6291,0.6277,0.6264,0.626,0.6257,0.6226,0.6183,0.6087,0.5963,0.595,0.5883,0.588,0.5876,0.5851,0.5816,0.564,0.5576,0.5546,0.5501,0.5457,0.5381,0.5334,0.5311,0.53,0.5175,0.5172,0.5097,0.5007,0.4961,0.4873,0.4852,0.4837,0.4813,0.4764,0.4639,0.4489,0.446,0.4438,0.4383,0.4376,0.4207,0.4042,0.4033,0.3985,0.3875,0.3765,0.3763,0.3749,0.3436,0.341,0.3409,0.3363,0.3357,0.332,0.3224,0.2904],[0.9265,0.9256,0.924,0.9125,0.8856,0.8805,0.8793,0.8599,0.8473,0.8462,0.842,0.8386,0.8223,0.8157,0.8088,0.8085,0.8067,0.8031,0.8017,0.7871,0.7868,0.7839,0.7832,0.7829,0.7822,0.7808,0.7742,0.767,0.7656,0.7649,0.7608,0.7551,0.7524,0.7487,0.744,0.7397,0.7358,0.7292,0.7276,0.727,0.7211,0.716,0.7141,0.7138,0.7115,0.7093,0.7071,0.7046,0.7011,0.6999,0.6992,0.698,0.6936,0.6884,0.6878,0.6826,0.682,0.6808,0.6795,0.6792,0.6789,0.6762,0.6723,0.6636,0.6525,0.6513,0.6452,0.6449,0.6447,0.6424,0.6392,0.6231,0.6173,0.6146,0.6105,0.6064,0.5994,0.5951,0.593,0.5919,0.5804,0.5802,0.5732,0.5648,0.5606,0.5524,0.5504,0.5489,0.5467,0.5421,0.5304,0.5161,0.5133,0.5113,0.5061,0.5054,0.4892,0.4733,0.4724,0.4678,0.4571,0.4464,0.4462,0.4448,0.4139,0.4113,0.4112,0.4066,0.406,0.4023,0.3927,0.3602],[0.9211,0.9202,0.9184,0.9061,0.8774,0.8719,0.8707,0.85,0.8366,0.8354,0.831,0.8274,0.8101,0.8031,0.7958,0.7954,0.7935,0.7897,0.7882,0.7728,0.7724,0.7694,0.7687,0.7683,0.7676,0.7661,0.7591,0.7515,0.7501,0.7494,0.745,0.739,0.7361,0.7323,0.7273,0.7228,0.7186,0.7118,0.7101,0.7094,0.7033,0.6979,0.6959,0.6955,0.6932,0.6909,0.6885,0.6859,0.6823,0.681,0.6803,0.679,0.6744,0.669,0.6683,0.6629,0.6622,0.661,0.6597,0.6594,0.6591,0.6562,0.6521,0.6431,0.6314,0.6302,0.6239,0.6236,0.6233,0.6209,0.6176,0.6009,0.5949,0.592,0.5878,0.5836,0.5763,0.5719,0.5697,0.5686,0.5567,0.5564,0.5492,0.5406,0.5362,0.5278,0.5257,0.5242,0.5219,0.5172,0.5052,0.4906,0.4877,0.4856,0.4803,0.4796,0.463,0.4469,0.446,0.4413,0.4304,0.4196,0.4194,0.418,0.3868,0.3842,0.384,0.3795,0.3789,0.3751,0.3655,0.3331],[0.9027,0.9016,0.8994,0.8845,0.8497,0.8431,0.8416,0.8168,0.8008,0.7994,0.7941,0.7898,0.7693,0.7611,0.7524,0.752,0.7497,0.7453,0.7435,0.7255,0.725,0.7216,0.7207,0.7203,0.7194,0.7177,0.7096,0.7007,0.699,0.6982,0.6932,0.6862,0.6829,0.6784,0.6727,0.6675,0.6627,0.6548,0.6529,0.6521,0.6451,0.639,0.6367,0.6363,0.6336,0.631,0.6283,0.6253,0.6212,0.6197,0.619,0.6175,0.6124,0.6062,0.6054,0.5993,0.5986,0.5972,0.5957,0.5954,0.595,0.5918,0.5872,0.5771,0.5641,0.5628,0.5558,0.5554,0.5551,0.5524,0.5488,0.5304,0.5238,0.5206,0.516,0.5114,0.5035,0.4987,0.4963,0.4951,0.4822,0.4819,0.4742,0.4649,0.4602,0.4512,0.4491,0.4475,0.445,0.44,0.4273,0.412,0.409,0.4068,0.4013,0.4005,0.3834,0.3668,0.3659,0.3611,0.35,0.3391,0.3389,0.3375,0.3065,0.3039,0.3037,0.2992,0.2987,0.2949,0.2856,0.2544],[0.9312,0.9304,0.9289,0.9181,0.8928,0.888,0.8869,0.8686,0.8567,0.8556,0.8517,0.8485,0.8331,0.8269,0.8204,0.82,0.8183,0.8149,0.8136,0.7998,0.7994,0.7968,0.7961,0.7958,0.7951,0.7938,0.7875,0.7807,0.7794,0.7787,0.7748,0.7694,0.7668,0.7633,0.7588,0.7547,0.751,0.7447,0.7432,0.7426,0.737,0.7321,0.7303,0.73,0.7279,0.7257,0.7236,0.7212,0.7179,0.7167,0.7161,0.7149,0.7108,0.7058,0.7052,0.7002,0.6996,0.6984,0.6973,0.697,0.6967,0.6941,0.6903,0.682,0.6713,0.6702,0.6644,0.6641,0.6638,0.6616,0.6586,0.6431,0.6375,0.6348,0.6309,0.627,0.6202,0.6161,0.614,0.613,0.6019,0.6016,0.5949,0.5867,0.5826,0.5746,0.5727,0.5713,0.5692,0.5647,0.5533,0.5394,0.5367,0.5347,0.5296,0.5289,0.513,0.4975,0.4966,0.4921,0.4815,0.471,0.4708,0.4695,0.439,0.4364,0.4362,0.4317,0.4312,0.4274,0.4179,0.3856],[0.8864,0.8851,0.8826,0.8653,0.8254,0.8179,0.8161,0.7878,0.7697,0.7681,0.7621,0.7573,0.7342,0.7249,0.7153,0.7148,0.7122,0.7072,0.7052,0.6851,0.6846,0.6808,0.6798,0.6794,0.6784,0.6765,0.6675,0.6577,0.6558,0.6549,0.6494,0.6416,0.638,0.6331,0.6269,0.6211,0.6159,0.6073,0.6051,0.6043,0.5967,0.59,0.5875,0.587,0.5842,0.5813,0.5784,0.5752,0.5707,0.5691,0.5683,0.5667,0.5611,0.5544,0.5537,0.5471,0.5463,0.5447,0.5432,0.5428,0.5424,0.539,0.5341,0.5233,0.5094,0.508,0.5005,0.5002,0.4998,0.497,0.4932,0.4737,0.4668,0.4635,0.4586,0.4538,0.4455,0.4405,0.438,0.4368,0.4235,0.4232,0.4152,0.4056,0.4008,0.3916,0.3894,0.3877,0.3853,0.3801,0.3672,0.3517,0.3488,0.3466,0.341,0.3403,0.3232,0.3068,0.3059,0.3012,0.2903,0.2797,0.2795,0.2781,0.2482,0.2458,0.2456,0.2413,0.2408,0.2373,0.2284,0.1993],[0.9008,0.8997,0.8975,0.8823,0.8469,0.8402,0.8387,0.8134,0.7972,0.7957,0.7904,0.7861,0.7652,0.7568,0.7481,0.7477,0.7454,0.7408,0.739,0.7207,0.7203,0.7168,0.7159,0.7155,0.7146,0.7129,0.7046,0.6957,0.694,0.6931,0.688,0.6809,0.6776,0.6731,0.6673,0.6621,0.6572,0.6492,0.6473,0.6465,0.6394,0.6332,0.6309,0.6305,0.6278,0.6251,0.6224,0.6194,0.6153,0.6138,0.613,0.6115,0.6063,0.6,0.5993,0.5931,0.5924,0.591,0.5895,0.5891,0.5888,0.5856,0.5809,0.5707,0.5576,0.5563,0.5492,0.5488,0.5485,0.5458,0.5422,0.5236,0.5169,0.5138,0.5091,0.5045,0.4965,0.4917,0.4893,0.4881,0.4751,0.4749,0.4671,0.4578,0.453,0.444,0.4418,0.4402,0.4378,0.4327,0.42,0.4046,0.4017,0.3995,0.3939,0.3932,0.376,0.3594,0.3585,0.3537,0.3427,0.3318,0.3315,0.3301,0.2992,0.2967,0.2965,0.292,0.2915,0.2877,0.2784,0.2474],[0.9092,0.9082,0.9062,0.8922,0.8596,0.8534,0.8519,0.8286,0.8135,0.8121,0.8072,0.8031,0.7837,0.7759,0.7677,0.7673,0.7652,0.7609,0.7593,0.7421,0.7417,0.7384,0.7376,0.7372,0.7364,0.7347,0.727,0.7186,0.717,0.7162,0.7114,0.7047,0.7016,0.6973,0.6919,0.6869,0.6823,0.6748,0.6729,0.6722,0.6655,0.6596,0.6574,0.657,0.6544,0.6519,0.6494,0.6465,0.6425,0.6411,0.6404,0.639,0.634,0.628,0.6273,0.6214,0.6207,0.6194,0.618,0.6176,0.6173,0.6142,0.6098,0.6,0.5875,0.5862,0.5794,0.579,0.5787,0.5761,0.5726,0.5548,0.5483,0.5453,0.5407,0.5362,0.5285,0.5239,0.5215,0.5204,0.5078,0.5075,0.4999,0.4908,0.4862,0.4774,0.4752,0.4737,0.4713,0.4663,0.4538,0.4387,0.4357,0.4336,0.428,0.4273,0.4103,0.3938,0.3929,0.3881,0.377,0.3661,0.3659,0.3645,0.3332,0.3307,0.3305,0.3259,0.3254,0.3216,0.3121,0.2803],[0.9091,0.9081,0.906,0.892,0.8593,0.8531,0.8517,0.8283,0.8132,0.8118,0.8068,0.8028,0.7834,0.7755,0.7674,0.7669,0.7648,0.7605,0.7588,0.7417,0.7413,0.738,0.7372,0.7368,0.7359,0.7343,0.7266,0.7181,0.7165,0.7157,0.7109,0.7042,0.7011,0.6968,0.6914,0.6864,0.6818,0.6743,0.6724,0.6716,0.6649,0.659,0.6568,0.6565,0.6539,0.6514,0.6488,0.6459,0.642,0.6406,0.6398,0.6384,0.6334,0.6275,0.6268,0.6209,0.6202,0.6188,0.6174,0.6171,0.6167,0.6136,0.6092,0.5994,0.5869,0.5856,0.5787,0.5784,0.5781,0.5755,0.572,0.5541,0.5477,0.5446,0.5401,0.5356,0.5279,0.5232,0.5209,0.5197,0.5071,0.5068,0.4993,0.4902,0.4855,0.4767,0.4746,0.473,0.4706,0.4657,0.4531,0.438,0.435,0.4329,0.4273,0.4266,0.4096,0.3931,0.3922,0.3874,0.3763,0.3654,0.3652,0.3638,0.3325,0.3299,0.3298,0.3252,0.3247,0.3209,0.3114,0.2796],[0.9118,0.9108,0.9088,0.8952,0.8634,0.8573,0.856,0.8332,0.8184,0.8171,0.8123,0.8083,0.7894,0.7817,0.7737,0.7733,0.7712,0.7671,0.7654,0.7487,0.7483,0.745,0.7442,0.7438,0.743,0.7414,0.7339,0.7256,0.724,0.7232,0.7186,0.712,0.7089,0.7047,0.6994,0.6945,0.69,0.6826,0.6808,0.6801,0.6735,0.6677,0.6655,0.6652,0.6627,0.6601,0.6577,0.6548,0.6509,0.6495,0.6488,0.6474,0.6426,0.6367,0.636,0.6302,0.6295,0.6282,0.6268,0.6265,0.6261,0.6231,0.6187,0.6091,0.5967,0.5955,0.5887,0.5884,0.5881,0.5856,0.5821,0.5645,0.5581,0.5551,0.5506,0.5462,0.5385,0.5339,0.5316,0.5305,0.518,0.5177,0.5102,0.5012,0.4966,0.4879,0.4858,0.4842,0.4818,0.4769,0.4645,0.4494,0.4465,0.4444,0.4389,0.4382,0.4212,0.4047,0.4038,0.3991,0.388,0.3771,0.3769,0.3755,0.3442,0.3416,0.3414,0.3368,0.3363,0.3325,0.3229,0.291],[0.8664,0.865,0.8621,0.8421,0.7961,0.7874,0.7854,0.7532,0.7326,0.7308,0.7241,0.7186,0.6926,0.6822,0.6714,0.6709,0.6681,0.6625,0.6603,0.638,0.6374,0.6332,0.6321,0.6316,0.6305,0.6284,0.6185,0.6077,0.6056,0.6046,0.5986,0.5901,0.5862,0.5808,0.574,0.5678,0.5621,0.5527,0.5504,0.5495,0.5413,0.5341,0.5314,0.5309,0.5278,0.5247,0.5217,0.5182,0.5134,0.5117,0.5108,0.5091,0.5032,0.4961,0.4952,0.4882,0.4874,0.4858,0.4842,0.4837,0.4833,0.4797,0.4745,0.4631,0.4486,0.4471,0.4393,0.4389,0.4385,0.4356,0.4316,0.4115,0.4043,0.4009,0.3959,0.3909,0.3825,0.3774,0.3749,0.3736,0.3601,0.3598,0.3517,0.3421,0.3373,0.3281,0.3259,0.3243,0.3218,0.3167,0.304,0.2888,0.2859,0.2838,0.2784,0.2777,0.2612,0.2455,0.2446,0.2402,0.2299,0.2199,0.2197,0.2185,0.1909,0.1886,0.1885,0.1846,0.1841,0.1809,0.1729,0.1471],[0.8785,0.8772,0.8745,0.8562,0.8138,0.8059,0.804,0.7741,0.755,0.7533,0.7471,0.742,0.7177,0.708,0.6978,0.6973,0.6947,0.6894,0.6874,0.6663,0.6658,0.6618,0.6608,0.6603,0.6593,0.6573,0.6479,0.6377,0.6358,0.6348,0.6291,0.621,0.6173,0.6121,0.6057,0.5998,0.5943,0.5854,0.5832,0.5823,0.5744,0.5675,0.5649,0.5645,0.5615,0.5585,0.5556,0.5522,0.5476,0.546,0.5452,0.5435,0.5378,0.5309,0.5301,0.5233,0.5225,0.5209,0.5194,0.519,0.5186,0.5151,0.51,0.4989,0.4848,0.4833,0.4757,0.4753,0.475,0.4721,0.4682,0.4484,0.4413,0.438,0.433,0.4282,0.4198,0.4147,0.4122,0.411,0.3975,0.3972,0.3892,0.3796,0.3747,0.3655,0.3633,0.3616,0.3592,0.354,0.3411,0.3257,0.3228,0.3206,0.315,0.3143,0.2974,0.2812,0.2804,0.2757,0.2651,0.2547,0.2545,0.2531,0.2241,0.2217,0.2215,0.2174,0.2169,0.2135,0.2049,0.177],[0.894,0.8928,0.8904,0.8743,0.8367,0.8296,0.828,0.8013,0.7841,0.7826,0.7769,0.7724,0.7504,0.7416,0.7324,0.732,0.7296,0.7248,0.7229,0.7037,0.7033,0.6996,0.6987,0.6982,0.6973,0.6955,0.6869,0.6775,0.6757,0.6748,0.6695,0.6621,0.6586,0.6539,0.6479,0.6424,0.6374,0.6291,0.627,0.6262,0.6189,0.6124,0.61,0.6096,0.6068,0.604,0.6013,0.5981,0.5938,0.5923,0.5915,0.59,0.5846,0.5781,0.5773,0.5709,0.5702,0.5687,0.5672,0.5668,0.5665,0.5631,0.5583,0.5478,0.5344,0.533,0.5257,0.5253,0.525,0.5222,0.5185,0.4995,0.4926,0.4894,0.4846,0.4799,0.4718,0.4669,0.4644,0.4632,0.45,0.4497,0.4418,0.4324,0.4276,0.4184,0.4163,0.4146,0.4122,0.4071,0.3942,0.3788,0.3758,0.3736,0.368,0.3673,0.3501,0.3335,0.3326,0.3279,0.3169,0.3061,0.3059,0.3045,0.274,0.2715,0.2713,0.2669,0.2664,0.2627,0.2536,0.2234],[0.9128,0.9118,0.9099,0.8964,0.8649,0.859,0.8576,0.835,0.8204,0.8191,0.8143,0.8104,0.7916,0.7841,0.7762,0.7757,0.7737,0.7696,0.7679,0.7513,0.7509,0.7477,0.7469,0.7465,0.7457,0.7441,0.7366,0.7284,0.7269,0.7261,0.7215,0.7149,0.7119,0.7077,0.7025,0.6976,0.6932,0.6858,0.684,0.6832,0.6767,0.671,0.6688,0.6685,0.666,0.6635,0.661,0.6582,0.6544,0.653,0.6523,0.6509,0.646,0.6402,0.6395,0.6337,0.6331,0.6317,0.6304,0.63,0.6297,0.6267,0.6223,0.6128,0.6005,0.5992,0.5925,0.5922,0.5919,0.5894,0.5859,0.5684,0.5621,0.5591,0.5546,0.5502,0.5426,0.538,0.5357,0.5346,0.5222,0.5219,0.5144,0.5054,0.5009,0.4921,0.49,0.4885,0.4861,0.4812,0.4688,0.4538,0.4509,0.4488,0.4433,0.4426,0.4257,0.4092,0.4083,0.4036,0.3925,0.3816,0.3814,0.3799,0.3487,0.3461,0.3459,0.3413,0.3408,0.337,0.3274,0.2954],[0.9063,0.9053,0.9032,0.8888,0.8552,0.8488,0.8473,0.8233,0.8078,0.8064,0.8013,0.7972,0.7773,0.7693,0.7609,0.7605,0.7583,0.7539,0.7522,0.7347,0.7343,0.7309,0.73,0.7296,0.7288,0.7271,0.7192,0.7106,0.7089,0.7081,0.7033,0.6964,0.6932,0.6888,0.6833,0.6782,0.6736,0.6659,0.6639,0.6632,0.6563,0.6503,0.6481,0.6477,0.6451,0.6425,0.6399,0.637,0.633,0.6315,0.6308,0.6294,0.6243,0.6182,0.6175,0.6115,0.6108,0.6094,0.608,0.6077,0.6073,0.6042,0.5997,0.5897,0.577,0.5757,0.5688,0.5684,0.5681,0.5655,0.5619,0.5438,0.5373,0.5342,0.5296,0.5251,0.5173,0.5125,0.5102,0.509,0.4963,0.496,0.4883,0.4792,0.4745,0.4656,0.4634,0.4618,0.4595,0.4545,0.4418,0.4266,0.4237,0.4215,0.4159,0.4152,0.3981,0.3816,0.3807,0.3759,0.3648,0.3539,0.3537,0.3522,0.3211,0.3185,0.3183,0.3138,0.3132,0.3095,0.3,0.2685],[0.9209,0.92,0.9182,0.9059,0.8771,0.8716,0.8704,0.8496,0.8362,0.835,0.8306,0.827,0.8096,0.8027,0.7953,0.795,0.793,0.7892,0.7877,0.7723,0.7719,0.7689,0.7682,0.7678,0.7671,0.7656,0.7586,0.751,0.7495,0.7488,0.7445,0.7384,0.7356,0.7317,0.7268,0.7222,0.7181,0.7112,0.7095,0.7088,0.7027,0.6973,0.6952,0.6949,0.6926,0.6902,0.6879,0.6853,0.6816,0.6803,0.6797,0.6784,0.6738,0.6683,0.6677,0.6622,0.6616,0.6603,0.659,0.6587,0.6584,0.6555,0.6514,0.6424,0.6307,0.6295,0.6232,0.6229,0.6226,0.6202,0.6169,0.6002,0.5941,0.5913,0.587,0.5828,0.5755,0.5711,0.5689,0.5678,0.5559,0.5556,0.5484,0.5398,0.5354,0.5269,0.5249,0.5234,0.5211,0.5164,0.5043,0.4897,0.4869,0.4848,0.4794,0.4787,0.4622,0.446,0.4451,0.4404,0.4295,0.4187,0.4185,0.4171,0.3859,0.3833,0.3831,0.3786,0.378,0.3742,0.3646,0.3322],[0.9184,0.9175,0.9156,0.903,0.8733,0.8677,0.8664,0.8451,0.8313,0.8301,0.8256,0.8219,0.8041,0.7969,0.7894,0.789,0.787,0.7831,0.7816,0.7658,0.7654,0.7623,0.7616,0.7612,0.7604,0.7589,0.7518,0.744,0.7425,0.7417,0.7373,0.7311,0.7282,0.7242,0.7192,0.7146,0.7103,0.7033,0.7015,0.7008,0.6946,0.6891,0.687,0.6867,0.6843,0.6819,0.6795,0.6768,0.6731,0.6718,0.6711,0.6698,0.6651,0.6595,0.6589,0.6533,0.6527,0.6514,0.6501,0.6497,0.6494,0.6465,0.6423,0.6331,0.6213,0.62,0.6136,0.6133,0.613,0.6105,0.6072,0.5902,0.5841,0.5812,0.5768,0.5725,0.5652,0.5607,0.5585,0.5574,0.5453,0.545,0.5377,0.529,0.5245,0.516,0.5139,0.5124,0.5101,0.5053,0.4931,0.4784,0.4755,0.4734,0.468,0.4673,0.4506,0.4343,0.4334,0.4287,0.4178,0.4069,0.4067,0.4053,0.374,0.3714,0.3713,0.3667,0.3661,0.3623,0.3527,0.3204],[0.8245,0.8226,0.8189,0.7934,0.7356,0.7249,0.7225,0.6828,0.6579,0.6556,0.6476,0.641,0.61,0.5977,0.585,0.5843,0.5811,0.5745,0.572,0.5461,0.5455,0.5406,0.5393,0.5387,0.5375,0.5351,0.5238,0.5115,0.5092,0.508,0.5012,0.4917,0.4873,0.4812,0.4737,0.4668,0.4605,0.4502,0.4477,0.4467,0.4377,0.4299,0.427,0.4265,0.4231,0.4198,0.4165,0.4128,0.4077,0.4058,0.4049,0.4031,0.3968,0.3892,0.3884,0.381,0.3801,0.3784,0.3767,0.3763,0.3758,0.372,0.3666,0.3548,0.3399,0.3384,0.3305,0.3301,0.3297,0.3268,0.3227,0.3026,0.2955,0.2922,0.2873,0.2825,0.2743,0.2694,0.267,0.2658,0.2529,0.2526,0.245,0.2361,0.2316,0.2231,0.2211,0.2196,0.2174,0.2128,0.2013,0.1879,0.1854,0.1835,0.1788,0.1782,0.1641,0.151,0.1503,0.1466,0.1383,0.1302,0.1301,0.1291,0.1076,0.1059,0.1058,0.1029,0.1025,0.1001,0.0942,0.0758],[0.9235,0.9226,0.9209,0.909,0.881,0.8757,0.8745,0.8544,0.8414,0.8402,0.8359,0.8324,0.8155,0.8087,0.8016,0.8012,0.7993,0.7956,0.7942,0.7791,0.7788,0.7759,0.7752,0.7748,0.7741,0.7726,0.7658,0.7584,0.757,0.7563,0.752,0.7461,0.7433,0.7395,0.7347,0.7303,0.7262,0.7195,0.7178,0.7172,0.7112,0.7059,0.7039,0.7036,0.7013,0.699,0.6968,0.6942,0.6906,0.6893,0.6887,0.6874,0.6829,0.6776,0.6769,0.6716,0.671,0.6697,0.6685,0.6682,0.6678,0.6651,0.661,0.6522,0.6407,0.6395,0.6333,0.633,0.6327,0.6304,0.6272,0.6107,0.6048,0.602,0.5978,0.5936,0.5865,0.5821,0.58,0.5789,0.5672,0.5669,0.5598,0.5513,0.5469,0.5386,0.5366,0.5351,0.5328,0.5282,0.5162,0.5018,0.499,0.4969,0.4916,0.4909,0.4745,0.4584,0.4576,0.4529,0.4421,0.4313,0.4311,0.4297,0.3987,0.3961,0.3959,0.3913,0.3908,0.387,0.3774,0.3449],[0.9241,0.9233,0.9216,0.9098,0.8821,0.8768,0.8756,0.8556,0.8427,0.8415,0.8373,0.8338,0.8171,0.8103,0.8032,0.8029,0.801,0.7973,0.7959,0.7809,0.7806,0.7777,0.777,0.7766,0.7759,0.7745,0.7677,0.7603,0.7589,0.7582,0.754,0.7481,0.7454,0.7416,0.7368,0.7324,0.7284,0.7217,0.72,0.7194,0.7134,0.7082,0.7062,0.7059,0.7036,0.7014,0.6991,0.6965,0.693,0.6917,0.6911,0.6898,0.6854,0.68,0.6794,0.6741,0.6735,0.6722,0.671,0.6707,0.6704,0.6676,0.6636,0.6548,0.6434,0.6422,0.636,0.6357,0.6354,0.6331,0.6299,0.6135,0.6076,0.6048,0.6007,0.5965,0.5894,0.5851,0.5829,0.5818,0.5701,0.5699,0.5628,0.5543,0.55,0.5417,0.5397,0.5382,0.536,0.5313,0.5194,0.505,0.5022,0.5001,0.4949,0.4942,0.4778,0.4618,0.4609,0.4563,0.4455,0.4347,0.4345,0.4331,0.4021,0.3995,0.3993,0.3947,0.3942,0.3904,0.3808,0.3484],[0.9308,0.9301,0.9285,0.9177,0.8923,0.8874,0.8863,0.8679,0.856,0.8549,0.851,0.8478,0.8323,0.826,0.8195,0.8192,0.8174,0.814,0.8127,0.7988,0.7985,0.7958,0.7951,0.7948,0.7941,0.7928,0.7865,0.7796,0.7783,0.7777,0.7738,0.7683,0.7657,0.7622,0.7577,0.7536,0.7498,0.7436,0.742,0.7414,0.7358,0.7309,0.7291,0.7288,0.7266,0.7245,0.7224,0.72,0.7166,0.7154,0.7148,0.7136,0.7095,0.7044,0.7038,0.6988,0.6983,0.6971,0.6959,0.6956,0.6953,0.6927,0.689,0.6806,0.6699,0.6688,0.6629,0.6626,0.6623,0.6601,0.6571,0.6416,0.636,0.6333,0.6293,0.6254,0.6186,0.6145,0.6124,0.6114,0.6002,0.6,0.5932,0.5851,0.5809,0.5729,0.571,0.5696,0.5674,0.5629,0.5515,0.5376,0.5349,0.5329,0.5278,0.5271,0.5112,0.4956,0.4948,0.4902,0.4797,0.4691,0.4689,0.4676,0.4371,0.4345,0.4343,0.4298,0.4292,0.4255,0.416,0.3836],[0.9295,0.9287,0.9271,0.9161,0.8903,0.8853,0.8842,0.8655,0.8534,0.8523,0.8483,0.845,0.8293,0.8229,0.8163,0.8159,0.8142,0.8107,0.8093,0.7953,0.7949,0.7922,0.7915,0.7912,0.7905,0.7892,0.7828,0.7758,0.7745,0.7738,0.7698,0.7643,0.7617,0.7581,0.7536,0.7494,0.7456,0.7392,0.7376,0.737,0.7314,0.7264,0.7245,0.7242,0.722,0.7199,0.7177,0.7153,0.7119,0.7107,0.7101,0.7089,0.7047,0.6996,0.699,0.6939,0.6933,0.6921,0.6909,0.6906,0.6904,0.6877,0.6839,0.6755,0.6646,0.6634,0.6575,0.6572,0.657,0.6547,0.6516,0.636,0.6303,0.6276,0.6236,0.6196,0.6127,0.6086,0.6065,0.6055,0.5942,0.5939,0.5871,0.5789,0.5747,0.5667,0.5647,0.5633,0.5611,0.5566,0.545,0.531,0.5283,0.5263,0.5211,0.5204,0.5045,0.4888,0.4879,0.4834,0.4727,0.4621,0.4619,0.4606,0.4299,0.4274,0.4272,0.4227,0.4221,0.4183,0.4088,0.3764],[0.8673,0.8658,0.8629,0.843,0.7973,0.7887,0.7867,0.7546,0.7342,0.7324,0.7257,0.7203,0.6943,0.684,0.6733,0.6727,0.6699,0.6644,0.6621,0.6399,0.6394,0.6351,0.6341,0.6336,0.6325,0.6304,0.6205,0.6097,0.6077,0.6067,0.6007,0.5922,0.5883,0.5829,0.5762,0.57,0.5643,0.555,0.5527,0.5517,0.5435,0.5363,0.5337,0.5332,0.5301,0.527,0.524,0.5205,0.5158,0.514,0.5132,0.5115,0.5055,0.4984,0.4976,0.4906,0.4898,0.4882,0.4865,0.4861,0.4857,0.4821,0.4769,0.4655,0.451,0.4495,0.4417,0.4414,0.441,0.4381,0.4341,0.414,0.4068,0.4034,0.3984,0.3934,0.385,0.3799,0.3774,0.3761,0.3626,0.3623,0.3542,0.3446,0.3398,0.3306,0.3284,0.3268,0.3243,0.3192,0.3065,0.2913,0.2884,0.2862,0.2808,0.2801,0.2636,0.2478,0.247,0.2425,0.2322,0.2222,0.222,0.2207,0.193,0.1908,0.1906,0.1867,0.1862,0.183,0.175,0.149],[0.8879,0.8867,0.8842,0.8672,0.8277,0.8203,0.8185,0.7906,0.7727,0.771,0.7652,0.7604,0.7375,0.7283,0.7188,0.7183,0.7158,0.7108,0.7088,0.6889,0.6884,0.6846,0.6837,0.6832,0.6822,0.6803,0.6714,0.6617,0.6599,0.6589,0.6535,0.6458,0.6422,0.6373,0.6311,0.6255,0.6203,0.6117,0.6096,0.6087,0.6012,0.5945,0.592,0.5916,0.5887,0.5859,0.583,0.5798,0.5754,0.5738,0.573,0.5714,0.5659,0.5592,0.5584,0.5519,0.5511,0.5496,0.5481,0.5477,0.5473,0.5439,0.539,0.5282,0.5145,0.513,0.5056,0.5052,0.5049,0.5021,0.4983,0.4789,0.472,0.4687,0.4638,0.459,0.4508,0.4458,0.4433,0.4421,0.4288,0.4285,0.4205,0.411,0.4062,0.3969,0.3947,0.3931,0.3907,0.3855,0.3726,0.3571,0.3542,0.352,0.3464,0.3457,0.3286,0.3121,0.3112,0.3065,0.2956,0.2849,0.2847,0.2833,0.2533,0.2509,0.2507,0.2464,0.2459,0.2423,0.2334,0.2041],[0.9163,0.9154,0.9135,0.9005,0.8702,0.8645,0.8631,0.8414,0.8273,0.826,0.8214,0.8176,0.7995,0.7921,0.7845,0.7841,0.7821,0.7781,0.7765,0.7604,0.76,0.7569,0.7562,0.7558,0.755,0.7535,0.7462,0.7382,0.7367,0.7359,0.7314,0.7251,0.7222,0.7181,0.713,0.7083,0.7039,0.6968,0.695,0.6943,0.6879,0.6823,0.6803,0.6799,0.6775,0.6751,0.6726,0.6699,0.6661,0.6648,0.6641,0.6628,0.658,0.6523,0.6517,0.646,0.6454,0.6441,0.6427,0.6424,0.6421,0.6391,0.6349,0.6256,0.6135,0.6123,0.6058,0.6054,0.6051,0.6027,0.5993,0.5821,0.5759,0.5729,0.5686,0.5642,0.5568,0.5522,0.55,0.5489,0.5367,0.5364,0.529,0.5202,0.5157,0.5071,0.505,0.5035,0.5011,0.4963,0.484,0.4692,0.4663,0.4642,0.4587,0.458,0.4413,0.4249,0.424,0.4193,0.4083,0.3974,0.3972,0.3958,0.3645,0.3619,0.3617,0.3571,0.3566,0.3528,0.3432,0.3109],[0.9105,0.9095,0.9075,0.8936,0.8614,0.8553,0.8539,0.8308,0.8158,0.8145,0.8096,0.8056,0.7864,0.7787,0.7706,0.7702,0.7681,0.7639,0.7622,0.7452,0.7448,0.7416,0.7408,0.7404,0.7395,0.7379,0.7303,0.7219,0.7203,0.7195,0.7148,0.7082,0.7051,0.7008,0.6955,0.6905,0.686,0.6785,0.6767,0.6759,0.6693,0.6634,0.6612,0.6609,0.6583,0.6558,0.6533,0.6504,0.6465,0.6451,0.6444,0.643,0.6381,0.6322,0.6315,0.6256,0.6249,0.6235,0.6222,0.6218,0.6215,0.6184,0.614,0.6043,0.5919,0.5906,0.5838,0.5835,0.5832,0.5806,0.5771,0.5594,0.553,0.5499,0.5454,0.541,0.5333,0.5286,0.5263,0.5252,0.5126,0.5124,0.5048,0.4958,0.4912,0.4824,0.4802,0.4787,0.4763,0.4714,0.4589,0.4438,0.4409,0.4387,0.4332,0.4325,0.4155,0.399,0.3981,0.3933,0.3823,0.3713,0.3711,0.3697,0.3384,0.3358,0.3356,0.3311,0.3305,0.3267,0.3172,0.2853],[0.9337,0.933,0.9315,0.9211,0.8967,0.892,0.8909,0.8732,0.8618,0.8607,0.8569,0.8538,0.8389,0.8329,0.8265,0.8262,0.8246,0.8213,0.8199,0.8066,0.8063,0.8037,0.803,0.8027,0.8021,0.8008,0.7947,0.788,0.7868,0.7861,0.7824,0.777,0.7746,0.7711,0.7668,0.7628,0.7592,0.7531,0.7516,0.751,0.7456,0.7408,0.7391,0.7388,0.7367,0.7346,0.7326,0.7302,0.727,0.7258,0.7253,0.7241,0.72,0.7151,0.7146,0.7097,0.7091,0.708,0.7069,0.7066,0.7063,0.7038,0.7001,0.692,0.6815,0.6804,0.6747,0.6745,0.6742,0.672,0.6691,0.654,0.6485,0.6459,0.642,0.6382,0.6315,0.6275,0.6255,0.6245,0.6136,0.6133,0.6067,0.5987,0.5947,0.5868,0.585,0.5836,0.5815,0.577,0.5658,0.5521,0.5495,0.5475,0.5425,0.5418,0.5262,0.5108,0.51,0.5055,0.4951,0.4847,0.4845,0.4831,0.4529,0.4504,0.4502,0.4457,0.4452,0.4414,0.432,0.3998],[0.9245,0.9236,0.9219,0.9101,0.8826,0.8773,0.8761,0.8562,0.8433,0.8422,0.8379,0.8345,0.8178,0.811,0.804,0.8036,0.8018,0.7981,0.7966,0.7818,0.7814,0.7786,0.7778,0.7775,0.7768,0.7753,0.7686,0.7612,0.7598,0.7591,0.755,0.7491,0.7463,0.7426,0.7378,0.7334,0.7294,0.7227,0.7211,0.7204,0.7145,0.7093,0.7073,0.707,0.7047,0.7024,0.7002,0.6976,0.6941,0.6928,0.6922,0.6909,0.6865,0.6812,0.6805,0.6752,0.6746,0.6734,0.6721,0.6718,0.6715,0.6688,0.6648,0.656,0.6446,0.6435,0.6373,0.637,0.6367,0.6344,0.6312,0.6148,0.6089,0.6062,0.602,0.5979,0.5908,0.5864,0.5843,0.5832,0.5715,0.5713,0.5642,0.5558,0.5514,0.5431,0.5411,0.5397,0.5374,0.5328,0.5209,0.5065,0.5037,0.5017,0.4964,0.4957,0.4794,0.4633,0.4625,0.4578,0.447,0.4363,0.4361,0.4347,0.4037,0.4011,0.4009,0.3964,0.3958,0.392,0.3824,0.35],[0.9022,0.9011,0.899,0.8839,0.849,0.8424,0.8409,0.816,0.7999,0.7985,0.7932,0.7889,0.7683,0.76,0.7514,0.7509,0.7487,0.7442,0.7424,0.7243,0.7239,0.7204,0.7195,0.7191,0.7182,0.7165,0.7084,0.6995,0.6978,0.697,0.6919,0.6849,0.6816,0.6771,0.6714,0.6662,0.6614,0.6535,0.6515,0.6507,0.6437,0.6376,0.6353,0.6349,0.6322,0.6296,0.6269,0.6239,0.6198,0.6183,0.6176,0.6161,0.6109,0.6047,0.604,0.5978,0.5971,0.5957,0.5942,0.5939,0.5935,0.5903,0.5857,0.5756,0.5626,0.5612,0.5542,0.5538,0.5535,0.5508,0.5472,0.5288,0.5221,0.519,0.5143,0.5097,0.5018,0.497,0.4946,0.4934,0.4805,0.4802,0.4725,0.4632,0.4585,0.4495,0.4473,0.4457,0.4433,0.4382,0.4255,0.4102,0.4072,0.405,0.3995,0.3987,0.3816,0.365,0.3641,0.3593,0.3482,0.3373,0.3371,0.3357,0.3047,0.3021,0.302,0.2975,0.2969,0.2932,0.2838,0.2527],[0.9191,0.9182,0.9163,0.9038,0.8744,0.8688,0.8675,0.8464,0.8327,0.8314,0.8269,0.8233,0.8056,0.7985,0.791,0.7906,0.7887,0.7848,0.7832,0.7676,0.7672,0.7642,0.7634,0.763,0.7623,0.7608,0.7537,0.7459,0.7444,0.7437,0.7393,0.7331,0.7302,0.7263,0.7213,0.7167,0.7124,0.7054,0.7037,0.703,0.6968,0.6913,0.6893,0.6889,0.6865,0.6842,0.6818,0.6791,0.6755,0.6741,0.6735,0.6721,0.6675,0.6619,0.6613,0.6557,0.6551,0.6538,0.6525,0.6522,0.6519,0.649,0.6448,0.6357,0.6239,0.6226,0.6162,0.6159,0.6156,0.6132,0.6099,0.5929,0.5868,0.5839,0.5796,0.5754,0.568,0.5636,0.5613,0.5602,0.5482,0.5479,0.5407,0.5319,0.5275,0.519,0.5169,0.5154,0.5131,0.5083,0.4962,0.4815,0.4786,0.4765,0.4711,0.4704,0.4538,0.4375,0.4366,0.4319,0.421,0.4101,0.4099,0.4085,0.3773,0.3747,0.3745,0.3699,0.3694,0.3656,0.3559,0.3236],[0.9226,0.9217,0.92,0.9079,0.8797,0.8744,0.8731,0.8528,0.8396,0.8385,0.8341,0.8306,0.8136,0.8067,0.7995,0.7991,0.7972,0.7935,0.792,0.7768,0.7765,0.7736,0.7728,0.7725,0.7717,0.7703,0.7634,0.7559,0.7545,0.7538,0.7495,0.7435,0.7407,0.7369,0.7321,0.7276,0.7235,0.7167,0.715,0.7144,0.7083,0.703,0.701,0.7007,0.6984,0.6961,0.6938,0.6912,0.6876,0.6863,0.6857,0.6844,0.6799,0.6745,0.6738,0.6684,0.6678,0.6666,0.6653,0.665,0.6647,0.6619,0.6578,0.6489,0.6374,0.6362,0.6299,0.6296,0.6293,0.627,0.6237,0.6072,0.6012,0.5984,0.5942,0.59,0.5828,0.5784,0.5763,0.5752,0.5634,0.5631,0.556,0.5474,0.5431,0.5347,0.5327,0.5312,0.5289,0.5242,0.5122,0.4977,0.4949,0.4928,0.4875,0.4868,0.4704,0.4543,0.4534,0.4487,0.4379,0.4271,0.4269,0.4255,0.3944,0.3918,0.3916,0.387,0.3865,0.3827,0.3731,0.3406],[0.9031,0.902,0.8999,0.885,0.8504,0.8438,0.8423,0.8176,0.8017,0.8002,0.795,0.7907,0.7703,0.7621,0.7535,0.753,0.7508,0.7463,0.7446,0.7266,0.7262,0.7227,0.7218,0.7214,0.7206,0.7188,0.7107,0.7019,0.7002,0.6994,0.6944,0.6874,0.6842,0.6797,0.674,0.6688,0.6641,0.6562,0.6543,0.6535,0.6465,0.6404,0.6381,0.6377,0.635,0.6324,0.6298,0.6268,0.6227,0.6212,0.6205,0.619,0.6138,0.6077,0.6069,0.6008,0.6001,0.5987,0.5972,0.5969,0.5965,0.5933,0.5888,0.5787,0.5657,0.5644,0.5574,0.557,0.5567,0.554,0.5504,0.532,0.5254,0.5223,0.5177,0.513,0.5052,0.5004,0.498,0.4968,0.4839,0.4837,0.4759,0.4667,0.462,0.453,0.4508,0.4492,0.4468,0.4418,0.4291,0.4137,0.4108,0.4086,0.403,0.4023,0.3852,0.3686,0.3677,0.3629,0.3518,0.3409,0.3407,0.3393,0.3082,0.3057,0.3055,0.301,0.3004,0.2967,0.2873,0.2561],[0.8961,0.8949,0.8926,0.8768,0.8399,0.8329,0.8313,0.805,0.7882,0.7867,0.7811,0.7766,0.755,0.7463,0.7373,0.7368,0.7345,0.7298,0.7279,0.709,0.7085,0.7049,0.704,0.7036,0.7027,0.7009,0.6924,0.6831,0.6813,0.6805,0.6753,0.6679,0.6645,0.6598,0.6539,0.6485,0.6435,0.6353,0.6333,0.6325,0.6252,0.6188,0.6165,0.6161,0.6133,0.6105,0.6078,0.6047,0.6004,0.5989,0.5981,0.5966,0.5913,0.5849,0.5841,0.5778,0.577,0.5756,0.5741,0.5737,0.5733,0.57,0.5653,0.5549,0.5415,0.5401,0.5329,0.5326,0.5322,0.5295,0.5258,0.5069,0.5001,0.4969,0.4921,0.4874,0.4794,0.4745,0.472,0.4708,0.4577,0.4574,0.4496,0.4402,0.4354,0.4263,0.4241,0.4224,0.42,0.4149,0.4021,0.3867,0.3837,0.3815,0.3759,0.3752,0.358,0.3414,0.3405,0.3358,0.3247,0.3139,0.3137,0.3123,0.2816,0.2791,0.2789,0.2745,0.274,0.2703,0.2611,0.2307],[0.9097,0.9087,0.9066,0.8927,0.8602,0.854,0.8526,0.8293,0.8143,0.813,0.808,0.804,0.7847,0.7769,0.7687,0.7683,0.7662,0.762,0.7603,0.7432,0.7428,0.7395,0.7387,0.7383,0.7375,0.7358,0.7281,0.7197,0.7181,0.7173,0.7126,0.7059,0.7028,0.6985,0.6931,0.6882,0.6836,0.6761,0.6742,0.6735,0.6668,0.6609,0.6587,0.6583,0.6558,0.6533,0.6507,0.6479,0.6439,0.6425,0.6418,0.6404,0.6354,0.6295,0.6288,0.6229,0.6222,0.6208,0.6194,0.6191,0.6188,0.6157,0.6113,0.6015,0.589,0.5877,0.5809,0.5806,0.5803,0.5777,0.5742,0.5563,0.5499,0.5469,0.5424,0.5379,0.5302,0.5255,0.5232,0.522,0.5095,0.5092,0.5016,0.4925,0.4879,0.4791,0.477,0.4754,0.473,0.4681,0.4556,0.4404,0.4375,0.4353,0.4298,0.4291,0.4121,0.3956,0.3947,0.3899,0.3788,0.3679,0.3677,0.3663,0.335,0.3324,0.3323,0.3277,0.3271,0.3234,0.3138,0.282],[0.9316,0.9308,0.9292,0.9185,0.8934,0.8886,0.8874,0.8692,0.8574,0.8564,0.8525,0.8493,0.8339,0.8277,0.8212,0.8209,0.8192,0.8158,0.8145,0.8007,0.8004,0.7977,0.7971,0.7968,0.7961,0.7948,0.7885,0.7817,0.7804,0.7798,0.7759,0.7704,0.7679,0.7644,0.76,0.7559,0.7521,0.7459,0.7444,0.7438,0.7382,0.7334,0.7315,0.7312,0.7291,0.727,0.7249,0.7225,0.7192,0.718,0.7174,0.7162,0.7121,0.7071,0.7065,0.7015,0.7009,0.6998,0.6986,0.6983,0.698,0.6954,0.6917,0.6834,0.6728,0.6716,0.6658,0.6655,0.6653,0.6631,0.6601,0.6446,0.639,0.6364,0.6325,0.6285,0.6218,0.6177,0.6156,0.6146,0.6035,0.6033,0.5965,0.5884,0.5843,0.5764,0.5745,0.573,0.5709,0.5664,0.555,0.5412,0.5385,0.5365,0.5314,0.5307,0.5149,0.4993,0.4985,0.494,0.4834,0.4729,0.4727,0.4714,0.4409,0.4384,0.4382,0.4337,0.4331,0.4294,0.4199,0.3876],[0.8931,0.8919,0.8896,0.8733,0.8354,0.8283,0.8266,0.7998,0.7825,0.781,0.7753,0.7707,0.7486,0.7397,0.7305,0.73,0.7276,0.7228,0.7209,0.7016,0.7012,0.6975,0.6966,0.6961,0.6952,0.6933,0.6847,0.6753,0.6735,0.6726,0.6673,0.6598,0.6563,0.6516,0.6456,0.64,0.635,0.6266,0.6246,0.6238,0.6164,0.6099,0.6075,0.6071,0.6043,0.6015,0.5987,0.5955,0.5912,0.5897,0.5889,0.5873,0.5819,0.5754,0.5747,0.5682,0.5675,0.566,0.5645,0.5641,0.5638,0.5604,0.5556,0.5451,0.5315,0.5301,0.5228,0.5225,0.5221,0.5194,0.5156,0.4966,0.4897,0.4865,0.4817,0.4769,0.4688,0.4639,0.4614,0.4602,0.447,0.4467,0.4388,0.4293,0.4245,0.4154,0.4132,0.4116,0.4091,0.404,0.3911,0.3757,0.3727,0.3705,0.3649,0.3642,0.347,0.3305,0.3296,0.3248,0.3139,0.303,0.3028,0.3014,0.271,0.2685,0.2683,0.2639,0.2634,0.2598,0.2507,0.2206],[0.9152,0.9142,0.9123,0.8992,0.8685,0.8627,0.8613,0.8393,0.8251,0.8238,0.8191,0.8153,0.7969,0.7895,0.7818,0.7814,0.7793,0.7753,0.7737,0.7574,0.757,0.7539,0.7531,0.7527,0.752,0.7504,0.743,0.735,0.7335,0.7327,0.7282,0.7218,0.7188,0.7147,0.7095,0.7048,0.7004,0.6932,0.6914,0.6907,0.6843,0.6786,0.6765,0.6762,0.6737,0.6713,0.6688,0.6661,0.6623,0.6609,0.6602,0.6589,0.6541,0.6484,0.6477,0.642,0.6413,0.64,0.6387,0.6384,0.638,0.6351,0.6308,0.6214,0.6093,0.608,0.6014,0.6011,0.6008,0.5983,0.5949,0.5776,0.5713,0.5684,0.564,0.5596,0.5521,0.5476,0.5453,0.5442,0.5319,0.5316,0.5242,0.5153,0.5108,0.5022,0.5001,0.4985,0.4962,0.4913,0.479,0.4641,0.4612,0.4591,0.4536,0.4529,0.4361,0.4197,0.4188,0.4141,0.4031,0.3922,0.392,0.3905,0.3593,0.3567,0.3565,0.3519,0.3514,0.3475,0.338,0.3058],[0.9116,0.9106,0.9086,0.895,0.8631,0.857,0.8556,0.8328,0.818,0.8167,0.8119,0.8079,0.7889,0.7813,0.7733,0.7728,0.7707,0.7666,0.7649,0.7481,0.7477,0.7445,0.7437,0.7433,0.7425,0.7409,0.7333,0.725,0.7234,0.7227,0.718,0.7114,0.7083,0.7041,0.6988,0.6939,0.6894,0.682,0.6801,0.6794,0.6728,0.667,0.6649,0.6645,0.662,0.6595,0.657,0.6541,0.6503,0.6489,0.6482,0.6468,0.6419,0.636,0.6353,0.6295,0.6288,0.6274,0.6261,0.6257,0.6254,0.6224,0.618,0.6084,0.596,0.5947,0.588,0.5877,0.5873,0.5848,0.5813,0.5637,0.5573,0.5543,0.5498,0.5454,0.5377,0.5331,0.5308,0.5296,0.5172,0.5169,0.5094,0.5004,0.4958,0.487,0.4849,0.4833,0.481,0.4761,0.4636,0.4485,0.4456,0.4435,0.438,0.4373,0.4203,0.4038,0.403,0.3982,0.3871,0.3762,0.376,0.3746,0.3433,0.3407,0.3405,0.3359,0.3354,0.3316,0.322,0.2901],[0.9274,0.9265,0.9249,0.9136,0.887,0.8819,0.8807,0.8615,0.8491,0.8479,0.8438,0.8405,0.8243,0.8178,0.811,0.8106,0.8089,0.8053,0.8039,0.7895,0.7891,0.7864,0.7857,0.7853,0.7846,0.7832,0.7767,0.7695,0.7682,0.7675,0.7635,0.7578,0.7551,0.7514,0.7468,0.7425,0.7386,0.7321,0.7305,0.7299,0.7241,0.719,0.7171,0.7168,0.7146,0.7124,0.7102,0.7077,0.7043,0.703,0.7024,0.7012,0.6969,0.6916,0.691,0.6859,0.6853,0.6841,0.6829,0.6826,0.6823,0.6796,0.6757,0.6671,0.656,0.6548,0.6488,0.6485,0.6482,0.6459,0.6428,0.6269,0.6211,0.6184,0.6143,0.6102,0.6033,0.599,0.5969,0.5959,0.5844,0.5842,0.5772,0.5689,0.5647,0.5565,0.5545,0.5531,0.5509,0.5463,0.5346,0.5204,0.5177,0.5156,0.5104,0.5097,0.4936,0.4777,0.4769,0.4723,0.4616,0.4509,0.4507,0.4493,0.4185,0.416,0.4158,0.4112,0.4107,0.4069,0.3973,0.3649],[0.9126,0.9116,0.9096,0.8961,0.8646,0.8586,0.8572,0.8346,0.82,0.8186,0.8138,0.8099,0.7911,0.7835,0.7756,0.7752,0.7731,0.769,0.7673,0.7507,0.7503,0.7471,0.7463,0.7459,0.7451,0.7435,0.736,0.7277,0.7262,0.7254,0.7208,0.7142,0.7112,0.707,0.7017,0.6969,0.6924,0.685,0.6832,0.6825,0.6759,0.6702,0.668,0.6677,0.6652,0.6627,0.6602,0.6574,0.6535,0.6521,0.6514,0.65,0.6452,0.6393,0.6387,0.6329,0.6322,0.6309,0.6295,0.6292,0.6288,0.6258,0.6215,0.6119,0.5996,0.5983,0.5916,0.5913,0.591,0.5885,0.585,0.5674,0.5611,0.5581,0.5536,0.5492,0.5416,0.537,0.5347,0.5336,0.5212,0.5209,0.5134,0.5044,0.4999,0.4911,0.489,0.4874,0.4851,0.4802,0.4678,0.4527,0.4498,0.4477,0.4422,0.4415,0.4246,0.4081,0.4072,0.4025,0.3914,0.3805,0.3803,0.3789,0.3476,0.345,0.3448,0.3402,0.3397,0.3359,0.3263,0.2943],[0.9162,0.9153,0.9134,0.9004,0.8701,0.8643,0.863,0.8412,0.8271,0.8258,0.8212,0.8174,0.7992,0.7919,0.7842,0.7838,0.7818,0.7778,0.7762,0.7601,0.7597,0.7566,0.7558,0.7555,0.7547,0.7531,0.7458,0.7379,0.7364,0.7356,0.7311,0.7248,0.7218,0.7178,0.7126,0.7079,0.7036,0.6964,0.6946,0.6939,0.6876,0.682,0.6799,0.6795,0.6771,0.6747,0.6723,0.6695,0.6657,0.6644,0.6637,0.6623,0.6576,0.6519,0.6513,0.6456,0.645,0.6436,0.6423,0.642,0.6417,0.6387,0.6345,0.6251,0.6131,0.6118,0.6053,0.605,0.6047,0.6022,0.5988,0.5816,0.5754,0.5725,0.5681,0.5637,0.5563,0.5518,0.5495,0.5484,0.5362,0.5359,0.5285,0.5197,0.5152,0.5066,0.5045,0.5029,0.5006,0.4958,0.4835,0.4686,0.4658,0.4636,0.4582,0.4575,0.4407,0.4244,0.4235,0.4187,0.4077,0.3968,0.3966,0.3952,0.364,0.3614,0.3612,0.3566,0.356,0.3522,0.3426,0.3104],[0.9278,0.927,0.9254,0.9141,0.8877,0.8827,0.8815,0.8624,0.85,0.8489,0.8448,0.8415,0.8254,0.819,0.8122,0.8118,0.81,0.8065,0.8051,0.7908,0.7904,0.7877,0.787,0.7866,0.7859,0.7846,0.7781,0.7709,0.7696,0.7689,0.7649,0.7592,0.7565,0.7529,0.7483,0.7441,0.7402,0.7337,0.7321,0.7315,0.7257,0.7206,0.7188,0.7184,0.7162,0.714,0.7119,0.7094,0.706,0.7047,0.7041,0.7029,0.6986,0.6934,0.6928,0.6877,0.6871,0.6858,0.6846,0.6843,0.684,0.6814,0.6775,0.6689,0.6579,0.6567,0.6507,0.6504,0.6502,0.6479,0.6448,0.6289,0.6231,0.6204,0.6163,0.6123,0.6054,0.6011,0.599,0.598,0.5866,0.5863,0.5794,0.5711,0.5669,0.5587,0.5568,0.5553,0.5531,0.5486,0.5369,0.5228,0.52,0.518,0.5128,0.5121,0.496,0.4802,0.4793,0.4747,0.464,0.4534,0.4532,0.4518,0.421,0.4185,0.4183,0.4137,0.4132,0.4094,0.3998,0.3674],[0.9105,0.9095,0.9075,0.8937,0.8614,0.8553,0.8539,0.8308,0.8159,0.8146,0.8097,0.8057,0.7865,0.7788,0.7707,0.7703,0.7682,0.764,0.7623,0.7454,0.7449,0.7417,0.7409,0.7405,0.7397,0.738,0.7304,0.722,0.7204,0.7197,0.7149,0.7083,0.7052,0.701,0.6956,0.6907,0.6861,0.6786,0.6768,0.6761,0.6694,0.6636,0.6614,0.661,0.6585,0.656,0.6535,0.6506,0.6467,0.6453,0.6446,0.6431,0.6382,0.6323,0.6316,0.6258,0.6251,0.6237,0.6223,0.622,0.6216,0.6186,0.6142,0.6045,0.592,0.5907,0.584,0.5837,0.5833,0.5808,0.5773,0.5595,0.5531,0.5501,0.5456,0.5411,0.5335,0.5288,0.5265,0.5253,0.5128,0.5125,0.505,0.496,0.4913,0.4825,0.4804,0.4788,0.4765,0.4716,0.4591,0.444,0.441,0.4389,0.4334,0.4327,0.4157,0.3992,0.3983,0.3935,0.3824,0.3715,0.3713,0.3699,0.3386,0.336,0.3358,0.3313,0.3307,0.3269,0.3174,0.2855],[0.9131,0.9122,0.9102,0.8968,0.8654,0.8595,0.8581,0.8356,0.8211,0.8198,0.815,0.8111,0.7924,0.7848,0.7769,0.7765,0.7745,0.7704,0.7687,0.7521,0.7517,0.7486,0.7478,0.7474,0.7466,0.745,0.7375,0.7293,0.7278,0.727,0.7224,0.7159,0.7128,0.7087,0.7034,0.6986,0.6942,0.6868,0.685,0.6843,0.6778,0.672,0.6699,0.6695,0.667,0.6646,0.6621,0.6593,0.6554,0.654,0.6534,0.652,0.6471,0.6413,0.6406,0.6349,0.6342,0.6329,0.6315,0.6312,0.6308,0.6278,0.6235,0.614,0.6017,0.6004,0.5938,0.5934,0.5931,0.5906,0.5872,0.5696,0.5633,0.5603,0.5559,0.5515,0.5439,0.5393,0.537,0.5359,0.5235,0.5232,0.5158,0.5068,0.5022,0.4935,0.4914,0.4899,0.4875,0.4826,0.4702,0.4552,0.4523,0.4502,0.4447,0.444,0.4271,0.4106,0.4098,0.405,0.394,0.383,0.3828,0.3814,0.3501,0.3475,0.3473,0.3428,0.3422,0.3384,0.3288,0.2968],[0.8905,0.8893,0.8868,0.8702,0.8315,0.8242,0.8225,0.7951,0.7775,0.7759,0.7701,0.7654,0.7429,0.7339,0.7245,0.724,0.7216,0.7167,0.7148,0.6951,0.6947,0.6909,0.69,0.6895,0.6886,0.6867,0.6779,0.6683,0.6665,0.6656,0.6602,0.6526,0.6491,0.6443,0.6382,0.6326,0.6275,0.619,0.6169,0.6161,0.6086,0.602,0.5996,0.5992,0.5963,0.5935,0.5907,0.5875,0.5831,0.5815,0.5808,0.5792,0.5737,0.5671,0.5664,0.5599,0.5591,0.5576,0.5561,0.5557,0.5553,0.5519,0.5471,0.5364,0.5228,0.5214,0.514,0.5136,0.5133,0.5105,0.5067,0.4875,0.4806,0.4774,0.4725,0.4677,0.4596,0.4546,0.4521,0.4509,0.4377,0.4374,0.4294,0.4199,0.4151,0.4059,0.4037,0.4021,0.3996,0.3945,0.3816,0.3661,0.3632,0.361,0.3554,0.3546,0.3375,0.321,0.3201,0.3154,0.3044,0.2937,0.2935,0.2921,0.2619,0.2594,0.2592,0.2549,0.2543,0.2507,0.2417,0.2121],[0.8523,0.8507,0.8475,0.8256,0.7755,0.7661,0.764,0.7291,0.7069,0.705,0.6978,0.6919,0.664,0.6529,0.6415,0.6409,0.6379,0.6319,0.6296,0.6059,0.6053,0.6008,0.5997,0.5991,0.598,0.5958,0.5853,0.5739,0.5718,0.5707,0.5643,0.5554,0.5513,0.5457,0.5386,0.5321,0.5261,0.5164,0.514,0.513,0.5045,0.497,0.4942,0.4937,0.4905,0.4873,0.4841,0.4805,0.4756,0.4738,0.473,0.4712,0.4651,0.4577,0.4569,0.4497,0.4488,0.4472,0.4455,0.4451,0.4447,0.4409,0.4356,0.424,0.4092,0.4076,0.3997,0.3993,0.399,0.396,0.3919,0.3716,0.3644,0.361,0.356,0.351,0.3426,0.3375,0.335,0.3337,0.3203,0.32,0.312,0.3025,0.2978,0.2887,0.2866,0.285,0.2826,0.2776,0.2652,0.2505,0.2477,0.2456,0.2404,0.2397,0.2239,0.2089,0.2081,0.2039,0.1942,0.1848,0.1847,0.1835,0.1578,0.1558,0.1556,0.152,0.1516,0.1487,0.1414,0.118],[0.9132,0.9122,0.9103,0.8968,0.8655,0.8595,0.8582,0.8357,0.8211,0.8198,0.8151,0.8112,0.7924,0.7849,0.777,0.7766,0.7745,0.7704,0.7688,0.7522,0.7518,0.7487,0.7479,0.7475,0.7467,0.7451,0.7376,0.7294,0.7279,0.7271,0.7225,0.716,0.713,0.7088,0.7035,0.6987,0.6943,0.6869,0.6851,0.6844,0.6779,0.6721,0.67,0.6696,0.6672,0.6647,0.6622,0.6594,0.6556,0.6542,0.6535,0.6521,0.6473,0.6414,0.6408,0.635,0.6343,0.633,0.6316,0.6313,0.631,0.628,0.6236,0.6141,0.6018,0.6006,0.5939,0.5936,0.5933,0.5907,0.5873,0.5698,0.5635,0.5605,0.556,0.5516,0.5441,0.5395,0.5372,0.536,0.5236,0.5234,0.5159,0.507,0.5024,0.4937,0.4916,0.49,0.4877,0.4828,0.4704,0.4554,0.4525,0.4503,0.4449,0.4441,0.4273,0.4108,0.4099,0.4052,0.3941,0.3832,0.383,0.3816,0.3503,0.3477,0.3475,0.3429,0.3424,0.3386,0.329,0.2969],[0.927,0.9262,0.9245,0.9131,0.8864,0.8813,0.8801,0.8608,0.8483,0.8472,0.8431,0.8397,0.8235,0.817,0.8101,0.8097,0.8079,0.8044,0.8029,0.7885,0.7881,0.7853,0.7846,0.7843,0.7836,0.7822,0.7757,0.7685,0.7671,0.7664,0.7624,0.7566,0.754,0.7503,0.7456,0.7414,0.7374,0.7309,0.7293,0.7286,0.7229,0.7177,0.7158,0.7155,0.7133,0.7111,0.7089,0.7064,0.7029,0.7017,0.7011,0.6998,0.6955,0.6903,0.6897,0.6845,0.6839,0.6827,0.6815,0.6812,0.6809,0.6781,0.6743,0.6656,0.6545,0.6534,0.6473,0.647,0.6467,0.6444,0.6413,0.6253,0.6195,0.6168,0.6127,0.6086,0.6016,0.5974,0.5953,0.5942,0.5827,0.5825,0.5755,0.5672,0.5629,0.5548,0.5528,0.5513,0.5491,0.5445,0.5328,0.5186,0.5158,0.5138,0.5086,0.5079,0.4917,0.4759,0.475,0.4704,0.4597,0.449,0.4488,0.4474,0.4166,0.414,0.4138,0.4093,0.4087,0.4049,0.3954,0.3629],[0.9191,0.9182,0.9163,0.9038,0.8744,0.8688,0.8675,0.8464,0.8327,0.8314,0.8269,0.8233,0.8056,0.7985,0.791,0.7906,0.7887,0.7848,0.7832,0.7676,0.7672,0.7642,0.7634,0.763,0.7623,0.7608,0.7537,0.7459,0.7444,0.7437,0.7393,0.7331,0.7302,0.7263,0.7213,0.7167,0.7124,0.7054,0.7037,0.703,0.6968,0.6913,0.6893,0.6889,0.6865,0.6842,0.6818,0.6791,0.6755,0.6741,0.6735,0.6721,0.6675,0.6619,0.6613,0.6557,0.6551,0.6538,0.6525,0.6522,0.6519,0.649,0.6448,0.6357,0.6239,0.6226,0.6162,0.6159,0.6156,0.6132,0.6099,0.5929,0.5868,0.5839,0.5796,0.5754,0.568,0.5636,0.5613,0.5602,0.5482,0.5479,0.5407,0.5319,0.5275,0.519,0.5169,0.5154,0.5131,0.5083,0.4962,0.4815,0.4786,0.4765,0.4711,0.4704,0.4538,0.4375,0.4366,0.4319,0.421,0.4101,0.4099,0.4085,0.3773,0.3747,0.3745,0.3699,0.3694,0.3656,0.3559,0.3236],[0.8524,0.8508,0.8476,0.8258,0.7757,0.7663,0.7642,0.7293,0.7072,0.7052,0.698,0.6922,0.6643,0.6532,0.6417,0.6411,0.6381,0.6322,0.6299,0.6062,0.6056,0.6011,0.6,0.5994,0.5983,0.5961,0.5856,0.5742,0.5721,0.571,0.5647,0.5558,0.5516,0.546,0.5389,0.5324,0.5265,0.5167,0.5143,0.5134,0.5048,0.4973,0.4945,0.4941,0.4908,0.4877,0.4845,0.4809,0.476,0.4742,0.4733,0.4715,0.4654,0.4581,0.4572,0.45,0.4492,0.4475,0.4458,0.4454,0.445,0.4413,0.436,0.4243,0.4095,0.408,0.4001,0.3997,0.3993,0.3963,0.3923,0.372,0.3647,0.3613,0.3563,0.3514,0.3429,0.3378,0.3353,0.3341,0.3206,0.3203,0.3124,0.3029,0.2981,0.2891,0.2869,0.2853,0.2829,0.2779,0.2655,0.2508,0.248,0.2459,0.2407,0.24,0.2242,0.2092,0.2085,0.2042,0.1945,0.1851,0.185,0.1838,0.1581,0.1561,0.1559,0.1523,0.1519,0.1489,0.1416,0.1183],[0.9403,0.9396,0.9382,0.9288,0.9067,0.9024,0.9014,0.8854,0.8749,0.8739,0.8705,0.8677,0.854,0.8485,0.8427,0.8424,0.8409,0.8379,0.8367,0.8244,0.8241,0.8217,0.8211,0.8208,0.8202,0.8191,0.8135,0.8073,0.8062,0.8056,0.8021,0.7972,0.7949,0.7918,0.7878,0.7841,0.7807,0.7751,0.7737,0.7732,0.7682,0.7638,0.7621,0.7619,0.7599,0.758,0.7561,0.7539,0.751,0.7499,0.7493,0.7483,0.7445,0.7399,0.7394,0.7349,0.7344,0.7333,0.7322,0.732,0.7317,0.7294,0.7259,0.7184,0.7086,0.7076,0.7023,0.702,0.7018,0.6998,0.697,0.6828,0.6777,0.6752,0.6716,0.668,0.6617,0.6579,0.6561,0.6551,0.6448,0.6446,0.6383,0.6308,0.6269,0.6195,0.6177,0.6164,0.6144,0.6102,0.5995,0.5865,0.584,0.5821,0.5773,0.5767,0.5617,0.5469,0.5461,0.5418,0.5318,0.5217,0.5215,0.5202,0.4909,0.4884,0.4882,0.4839,0.4833,0.4797,0.4705,0.4389],[0.9224,0.9215,0.9198,0.9077,0.8795,0.8741,0.8728,0.8525,0.8393,0.8381,0.8338,0.8302,0.8131,0.8063,0.7991,0.7987,0.7968,0.793,0.7915,0.7764,0.776,0.7731,0.7723,0.772,0.7713,0.7698,0.7629,0.7554,0.754,0.7533,0.749,0.743,0.7402,0.7364,0.7315,0.727,0.7229,0.7161,0.7144,0.7138,0.7077,0.7024,0.7004,0.7001,0.6978,0.6955,0.6932,0.6906,0.687,0.6857,0.685,0.6837,0.6792,0.6738,0.6732,0.6678,0.6672,0.6659,0.6646,0.6643,0.664,0.6612,0.6572,0.6482,0.6367,0.6355,0.6292,0.6289,0.6286,0.6262,0.623,0.6065,0.6005,0.5976,0.5934,0.5892,0.582,0.5777,0.5755,0.5744,0.5626,0.5623,0.5552,0.5466,0.5422,0.5339,0.5318,0.5303,0.5281,0.5234,0.5114,0.4969,0.4941,0.492,0.4867,0.486,0.4695,0.4534,0.4525,0.4478,0.437,0.4262,0.426,0.4246,0.3935,0.3909,0.3907,0.3861,0.3856,0.3818,0.3722,0.3397],[0.8895,0.8882,0.8858,0.869,0.83,0.8226,0.8209,0.7933,0.7756,0.774,0.7682,0.7634,0.7408,0.7317,0.7222,0.7217,0.7193,0.7144,0.7124,0.6927,0.6922,0.6884,0.6875,0.687,0.6861,0.6842,0.6753,0.6657,0.6639,0.6629,0.6575,0.6499,0.6464,0.6415,0.6354,0.6297,0.6246,0.6161,0.614,0.6131,0.6056,0.599,0.5966,0.5962,0.5933,0.5905,0.5876,0.5844,0.58,0.5785,0.5777,0.5761,0.5706,0.564,0.5632,0.5567,0.5559,0.5544,0.5529,0.5525,0.5521,0.5487,0.5439,0.5332,0.5195,0.518,0.5106,0.5103,0.5099,0.5072,0.5034,0.4841,0.4772,0.4739,0.4691,0.4643,0.4561,0.4511,0.4486,0.4474,0.4341,0.4338,0.4259,0.4163,0.4115,0.4023,0.4001,0.3985,0.396,0.3909,0.378,0.3625,0.3596,0.3574,0.3518,0.3511,0.3339,0.3174,0.3165,0.3118,0.3009,0.2902,0.29,0.2886,0.2584,0.256,0.2558,0.2515,0.2509,0.2474,0.2384,0.2089],[0.8347,0.833,0.8294,0.8053,0.7502,0.74,0.7377,0.6997,0.6757,0.6736,0.6658,0.6595,0.6296,0.6177,0.6054,0.6048,0.6016,0.5953,0.5928,0.5676,0.567,0.5623,0.5611,0.5605,0.5593,0.5569,0.5459,0.5339,0.5316,0.5305,0.5238,0.5145,0.5102,0.5043,0.4969,0.4901,0.4839,0.4738,0.4713,0.4703,0.4615,0.4537,0.4509,0.4504,0.4471,0.4438,0.4405,0.4368,0.4317,0.4299,0.429,0.4272,0.4209,0.4134,0.4126,0.4052,0.4044,0.4027,0.401,0.4005,0.4001,0.3963,0.3909,0.3791,0.3642,0.3627,0.3547,0.3543,0.354,0.351,0.3469,0.3267,0.3195,0.3161,0.3112,0.3063,0.298,0.293,0.2905,0.2893,0.2761,0.2759,0.2681,0.2589,0.2543,0.2456,0.2435,0.242,0.2397,0.2349,0.2231,0.2092,0.2065,0.2046,0.1997,0.199,0.1842,0.1704,0.1697,0.1658,0.1569,0.1484,0.1482,0.1471,0.1241,0.1223,0.1222,0.119,0.1186,0.116,0.1096,0.0894],[0.9027,0.9016,0.8994,0.8845,0.8497,0.8431,0.8416,0.8168,0.8008,0.7994,0.7941,0.7898,0.7693,0.7611,0.7524,0.752,0.7497,0.7453,0.7435,0.7255,0.725,0.7216,0.7207,0.7203,0.7194,0.7177,0.7096,0.7007,0.699,0.6982,0.6932,0.6862,0.6829,0.6784,0.6727,0.6675,0.6627,0.6548,0.6529,0.6521,0.6451,0.639,0.6367,0.6363,0.6336,0.631,0.6283,0.6253,0.6212,0.6197,0.619,0.6175,0.6124,0.6062,0.6054,0.5993,0.5986,0.5972,0.5957,0.5954,0.595,0.5918,0.5872,0.5771,0.5641,0.5628,0.5558,0.5554,0.5551,0.5524,0.5488,0.5304,0.5238,0.5206,0.516,0.5114,0.5035,0.4987,0.4963,0.4951,0.4822,0.4819,0.4742,0.4649,0.4602,0.4512,0.4491,0.4475,0.445,0.44,0.4273,0.412,0.409,0.4068,0.4013,0.4005,0.3834,0.3668,0.3659,0.3611,0.35,0.3391,0.3389,0.3375,0.3065,0.3039,0.3037,0.2992,0.2987,0.2949,0.2856,0.2544],[0.9062,0.9052,0.9031,0.8887,0.855,0.8486,0.8472,0.8231,0.8076,0.8063,0.8012,0.797,0.7771,0.7691,0.7607,0.7603,0.7581,0.7537,0.752,0.7344,0.734,0.7306,0.7298,0.7294,0.7285,0.7269,0.719,0.7103,0.7087,0.7079,0.703,0.6961,0.6929,0.6886,0.683,0.6779,0.6733,0.6656,0.6637,0.6629,0.6561,0.65,0.6478,0.6474,0.6448,0.6422,0.6396,0.6367,0.6327,0.6312,0.6305,0.6291,0.624,0.6179,0.6172,0.6112,0.6105,0.6091,0.6077,0.6073,0.607,0.6039,0.5994,0.5894,0.5767,0.5753,0.5684,0.5681,0.5678,0.5652,0.5616,0.5435,0.5369,0.5338,0.5293,0.5247,0.5169,0.5122,0.5098,0.5086,0.4959,0.4956,0.488,0.4788,0.4741,0.4652,0.4631,0.4615,0.4591,0.4541,0.4415,0.4262,0.4233,0.4211,0.4156,0.4148,0.3978,0.3812,0.3803,0.3755,0.3644,0.3535,0.3533,0.3519,0.3207,0.3181,0.3179,0.3134,0.3129,0.3091,0.2996,0.2681],[0.9199,0.919,0.9172,0.9048,0.8757,0.8702,0.8689,0.8479,0.8344,0.8332,0.8287,0.8251,0.8075,0.8005,0.7931,0.7927,0.7908,0.7869,0.7854,0.7698,0.7695,0.7665,0.7657,0.7653,0.7646,0.7631,0.7561,0.7484,0.7469,0.7462,0.7418,0.7357,0.7328,0.7289,0.7239,0.7193,0.7151,0.7082,0.7065,0.7058,0.6996,0.6942,0.6921,0.6918,0.6894,0.6871,0.6848,0.6821,0.6784,0.6771,0.6764,0.6751,0.6705,0.665,0.6643,0.6589,0.6582,0.6569,0.6556,0.6553,0.655,0.6521,0.648,0.6389,0.6272,0.6259,0.6196,0.6193,0.619,0.6165,0.6132,0.5964,0.5903,0.5875,0.5832,0.5789,0.5716,0.5672,0.565,0.5639,0.5519,0.5516,0.5444,0.5357,0.5313,0.5228,0.5208,0.5192,0.517,0.5122,0.5001,0.4854,0.4826,0.4805,0.4751,0.4744,0.4578,0.4416,0.4407,0.436,0.4251,0.4142,0.414,0.4126,0.3814,0.3788,0.3786,0.3741,0.3735,0.3697,0.3601,0.3277],[0.9258,0.925,0.9233,0.9117,0.8846,0.8794,0.8782,0.8587,0.846,0.8448,0.8407,0.8373,0.8208,0.8142,0.8072,0.8069,0.8051,0.8014,0.8,0.7853,0.785,0.7822,0.7815,0.7811,0.7804,0.779,0.7723,0.7651,0.7637,0.763,0.7589,0.7531,0.7504,0.7467,0.742,0.7376,0.7337,0.7271,0.7254,0.7248,0.7189,0.7138,0.7118,0.7115,0.7093,0.707,0.7048,0.7023,0.6988,0.6975,0.6969,0.6956,0.6913,0.686,0.6854,0.6801,0.6795,0.6783,0.6771,0.6768,0.6765,0.6737,0.6698,0.6611,0.6499,0.6487,0.6426,0.6423,0.642,0.6397,0.6365,0.6204,0.6145,0.6118,0.6077,0.6036,0.5965,0.5922,0.5901,0.589,0.5775,0.5772,0.5702,0.5618,0.5575,0.5493,0.5473,0.5458,0.5436,0.539,0.5272,0.5129,0.5101,0.5081,0.5028,0.5022,0.4859,0.47,0.4691,0.4645,0.4537,0.443,0.4428,0.4414,0.4105,0.4079,0.4077,0.4032,0.4026,0.3988,0.3892,0.3568],[0.9292,0.9284,0.9268,0.9157,0.8897,0.8848,0.8836,0.8649,0.8527,0.8516,0.8476,0.8443,0.8285,0.8221,0.8155,0.8151,0.8134,0.8099,0.8085,0.7944,0.794,0.7913,0.7906,0.7903,0.7896,0.7883,0.7818,0.7748,0.7735,0.7728,0.7689,0.7633,0.7606,0.7571,0.7525,0.7483,0.7445,0.7381,0.7365,0.7359,0.7302,0.7252,0.7234,0.7231,0.7209,0.7187,0.7166,0.7141,0.7107,0.7095,0.7089,0.7077,0.7035,0.6983,0.6977,0.6927,0.6921,0.6909,0.6897,0.6894,0.6891,0.6864,0.6826,0.6742,0.6633,0.6621,0.6562,0.6559,0.6556,0.6534,0.6503,0.6346,0.6289,0.6262,0.6221,0.6181,0.6113,0.6071,0.605,0.604,0.5927,0.5924,0.5856,0.5773,0.5731,0.5651,0.5631,0.5617,0.5595,0.555,0.5434,0.5294,0.5266,0.5246,0.5195,0.5188,0.5028,0.487,0.4862,0.4816,0.471,0.4604,0.4602,0.4588,0.4282,0.4256,0.4254,0.4209,0.4203,0.4166,0.407,0.3746],[0.9219,0.921,0.9192,0.9071,0.8786,0.8732,0.872,0.8515,0.8382,0.837,0.8326,0.8291,0.8119,0.805,0.7977,0.7974,0.7955,0.7917,0.7902,0.7749,0.7746,0.7716,0.7709,0.7705,0.7698,0.7683,0.7614,0.7538,0.7524,0.7517,0.7474,0.7414,0.7386,0.7347,0.7298,0.7253,0.7212,0.7144,0.7127,0.712,0.7059,0.7006,0.6986,0.6982,0.6959,0.6936,0.6913,0.6887,0.6851,0.6838,0.6831,0.6818,0.6773,0.6719,0.6712,0.6658,0.6652,0.6639,0.6626,0.6623,0.662,0.6592,0.6551,0.6461,0.6346,0.6334,0.6271,0.6268,0.6265,0.6241,0.6208,0.6042,0.5982,0.5954,0.5911,0.5869,0.5797,0.5753,0.5731,0.5721,0.5602,0.5599,0.5528,0.5442,0.5398,0.5314,0.5294,0.5279,0.5256,0.5209,0.5089,0.4943,0.4915,0.4894,0.4841,0.4834,0.4669,0.4507,0.4499,0.4452,0.4343,0.4235,0.4233,0.4219,0.3908,0.3882,0.388,0.3834,0.3829,0.3791,0.3695,0.337],[0.9177,0.9168,0.9149,0.9021,0.8723,0.8666,0.8653,0.8438,0.83,0.8287,0.8242,0.8204,0.8025,0.7953,0.7877,0.7873,0.7854,0.7814,0.7799,0.764,0.7636,0.7605,0.7597,0.7594,0.7586,0.7571,0.7499,0.742,0.7405,0.7398,0.7353,0.7291,0.7262,0.7222,0.7171,0.7124,0.7082,0.7011,0.6993,0.6986,0.6923,0.6868,0.6847,0.6844,0.682,0.6796,0.6772,0.6745,0.6708,0.6694,0.6687,0.6674,0.6627,0.6571,0.6564,0.6508,0.6502,0.6489,0.6476,0.6473,0.6469,0.644,0.6398,0.6306,0.6186,0.6174,0.6109,0.6106,0.6103,0.6079,0.6045,0.5875,0.5813,0.5784,0.574,0.5697,0.5623,0.5578,0.5556,0.5545,0.5424,0.5421,0.5348,0.526,0.5215,0.5129,0.5109,0.5093,0.5071,0.5022,0.49,0.4752,0.4724,0.4702,0.4648,0.4641,0.4474,0.4311,0.4302,0.4255,0.4145,0.4037,0.4035,0.402,0.3708,0.3682,0.368,0.3634,0.3629,0.3591,0.3495,0.3172],[0.9105,0.9095,0.9075,0.8937,0.8614,0.8553,0.8539,0.8308,0.8159,0.8146,0.8097,0.8057,0.7865,0.7788,0.7707,0.7703,0.7682,0.764,0.7623,0.7454,0.7449,0.7417,0.7409,0.7405,0.7397,0.738,0.7304,0.722,0.7204,0.7197,0.7149,0.7083,0.7052,0.701,0.6956,0.6907,0.6861,0.6786,0.6768,0.6761,0.6694,0.6636,0.6614,0.661,0.6585,0.656,0.6535,0.6506,0.6467,0.6453,0.6446,0.6431,0.6382,0.6323,0.6316,0.6258,0.6251,0.6237,0.6223,0.622,0.6216,0.6186,0.6142,0.6045,0.592,0.5907,0.584,0.5837,0.5833,0.5808,0.5773,0.5595,0.5531,0.5501,0.5456,0.5411,0.5335,0.5288,0.5265,0.5253,0.5128,0.5125,0.505,0.496,0.4913,0.4825,0.4804,0.4788,0.4765,0.4716,0.4591,0.444,0.441,0.4389,0.4334,0.4327,0.4157,0.3992,0.3983,0.3935,0.3824,0.3715,0.3713,0.3699,0.3386,0.336,0.3358,0.3313,0.3307,0.3269,0.3174,0.2855],[0.9184,0.9175,0.9156,0.903,0.8733,0.8677,0.8664,0.8451,0.8313,0.8301,0.8256,0.8219,0.8041,0.7969,0.7894,0.789,0.787,0.7831,0.7816,0.7658,0.7654,0.7623,0.7616,0.7612,0.7604,0.7589,0.7518,0.744,0.7425,0.7417,0.7373,0.7311,0.7282,0.7242,0.7192,0.7146,0.7103,0.7033,0.7015,0.7008,0.6946,0.6891,0.687,0.6867,0.6843,0.6819,0.6795,0.6768,0.6731,0.6718,0.6711,0.6698,0.6651,0.6595,0.6589,0.6533,0.6527,0.6514,0.6501,0.6497,0.6494,0.6465,0.6423,0.6331,0.6213,0.62,0.6136,0.6133,0.613,0.6105,0.6072,0.5902,0.5841,0.5812,0.5768,0.5725,0.5652,0.5607,0.5585,0.5574,0.5453,0.545,0.5377,0.529,0.5245,0.516,0.5139,0.5124,0.5101,0.5053,0.4931,0.4784,0.4755,0.4734,0.468,0.4673,0.4506,0.4343,0.4334,0.4287,0.4178,0.4069,0.4067,0.4053,0.374,0.3714,0.3713,0.3667,0.3661,0.3623,0.3527,0.3204],[0.9047,0.9036,0.9015,0.8868,0.8527,0.8462,0.8448,0.8204,0.8047,0.8033,0.7981,0.7939,0.7737,0.7656,0.7571,0.7567,0.7545,0.7501,0.7483,0.7305,0.7301,0.7267,0.7258,0.7254,0.7246,0.7229,0.7149,0.7061,0.7045,0.7037,0.6987,0.6918,0.6886,0.6842,0.6786,0.6734,0.6687,0.6609,0.659,0.6582,0.6513,0.6452,0.643,0.6426,0.64,0.6373,0.6347,0.6318,0.6277,0.6262,0.6255,0.624,0.6189,0.6128,0.6121,0.606,0.6053,0.6039,0.6025,0.6021,0.6018,0.5986,0.5941,0.5841,0.5712,0.5699,0.5629,0.5626,0.5623,0.5596,0.556,0.5378,0.5312,0.5281,0.5235,0.5189,0.511,0.5063,0.5039,0.5027,0.4899,0.4897,0.482,0.4727,0.4681,0.4591,0.457,0.4554,0.453,0.4479,0.4353,0.42,0.4171,0.4149,0.4093,0.4086,0.3915,0.3749,0.374,0.3692,0.3581,0.3472,0.347,0.3456,0.3145,0.3119,0.3117,0.3072,0.3066,0.3029,0.2935,0.2621],[0.9208,0.9199,0.9182,0.9059,0.8771,0.8716,0.8703,0.8496,0.8362,0.835,0.8305,0.8269,0.8096,0.8026,0.7953,0.7949,0.793,0.7891,0.7876,0.7722,0.7718,0.7689,0.7681,0.7677,0.767,0.7655,0.7585,0.7509,0.7494,0.7487,0.7444,0.7383,0.7355,0.7316,0.7267,0.7221,0.718,0.7111,0.7094,0.7087,0.7025,0.6971,0.6951,0.6948,0.6925,0.6901,0.6878,0.6851,0.6815,0.6802,0.6796,0.6782,0.6737,0.6682,0.6675,0.6621,0.6614,0.6602,0.6589,0.6586,0.6583,0.6554,0.6513,0.6423,0.6306,0.6294,0.623,0.6227,0.6224,0.62,0.6168,0.6,0.594,0.5911,0.5869,0.5826,0.5754,0.571,0.5688,0.5677,0.5557,0.5555,0.5483,0.5396,0.5352,0.5268,0.5247,0.5232,0.521,0.5162,0.5042,0.4895,0.4867,0.4846,0.4793,0.4786,0.462,0.4458,0.445,0.4403,0.4294,0.4185,0.4183,0.4169,0.3858,0.3832,0.383,0.3784,0.3778,0.374,0.3644,0.332],[0.9415,0.9409,0.9396,0.9303,0.9086,0.9045,0.9035,0.8877,0.8775,0.8766,0.8732,0.8704,0.857,0.8516,0.8459,0.8456,0.8441,0.8412,0.84,0.8279,0.8276,0.8253,0.8247,0.8244,0.8239,0.8227,0.8172,0.8112,0.8101,0.8095,0.8061,0.8013,0.799,0.7959,0.792,0.7884,0.785,0.7795,0.7782,0.7776,0.7727,0.7684,0.7667,0.7665,0.7646,0.7627,0.7608,0.7587,0.7557,0.7547,0.7541,0.7531,0.7494,0.7449,0.7444,0.7399,0.7394,0.7384,0.7373,0.7371,0.7368,0.7345,0.7311,0.7237,0.7141,0.7131,0.7078,0.7076,0.7073,0.7053,0.7026,0.6886,0.6836,0.6811,0.6776,0.674,0.6678,0.6641,0.6622,0.6613,0.6511,0.6509,0.6447,0.6373,0.6335,0.6261,0.6244,0.6231,0.6211,0.617,0.6064,0.5935,0.591,0.5891,0.5844,0.5838,0.5689,0.5543,0.5535,0.5492,0.5393,0.5293,0.5291,0.5278,0.4987,0.4963,0.4961,0.4917,0.4912,0.4876,0.4784,0.447]],"times":[171,173,177,205,272,285,288,338,371,374,385,394,438,456,475,476,481,491,495,536,537,545,547,548,550,554,573,594,598,600,612,629,637,648,662,675,687,707,712,714,732,748,754,755,762,769,776,784,795,799,801,805,819,836,838,855,857,861,865,866,867,876,889,918,956,960,981,982,983,991,1002,1059,1080,1090,1105,1120,1146,1162,1170,1174,1218,1219,1246,1279,1296,1329,1337,1343,1352,1371,1420,1481,1493,1502,1525,1528,1601,1675,1679,1701,1753,1806,1807,1814,1975,1989,1990,2015,2018,2039,2093,2286],"brier_score_survMetrics":[0.011,0.0137,0.0165,0.0214,0.031,0.0368,0.0391,0.0469,0.0534,0.0557,0.059,0.062,0.0704,0.075,0.0797,0.0815,0.0841,0.0866,0.089,0.0969,0.0984,0.101,0.1023,0.1041,0.1059,0.1092,0.1139,0.1184,0.1207,0.121,0.1242,0.1283,0.131,0.1315,0.1345,0.1379,0.1411,0.1451,0.1468,0.1484,0.1517,0.1554,0.1573,0.1583,0.1609,0.1627,0.1629,0.1651,0.1675,0.1691,0.1707,0.172,0.175,0.1781,0.1795,0.1828,0.1842,0.1857,0.1858,0.1864,0.1872,0.1895,0.1922,0.196,0.1998,0.2013,0.2045,0.204,0.2052,0.207,0.2081,0.2153,0.218,0.219,0.221,0.2238,0.2271,0.2294,0.2308,0.2312,0.2369,0.2374,0.2394,0.2413,0.2429,0.2463,0.2475,0.2469,0.2484,0.2508,0.2562,0.2624,0.2593,0.2605,0.262,0.2622,0.2672,0.2734,0.2723,0.2748,0.2745,0.2797,0.2798,0.2783,0.2843,0.2841,0.2823,0.2813,0.2809,0.2794,0.2767,0.2937],"ibrier_score_survMetrics":[0.2011],"brier_score_survAUC":["NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN",0.6602,0.7259,0.7021],"ibrier_score_survAUC":["NaN"]},{"train_time":[1838,403,1603,177,1855,842,293,42,564,1093,436,238,723,503,448,359,1720,1306,942,370,959,552,392,698,249,2051,1356,530,1150,956,679,1820,1013,1225,417,343,488,1862,1763,1587,446,344,63,1483,827,296,1701,2014,2030,722,286,184,1469,276,797,2128,1177,1449,1108,1460,533,1434,168,525,180,471,350,1167,855,449,745,544,186,308,1856,1965,546,1183,1826,360,797,375,779,336,578,463,526,502,540,721,1729,275,2030,72,17,420,2027,891,1352,1192,737,936,1089,377,1655,740,650,1981,742,1977,628,624,733,177,1207,542,1756,515,1459,233,455,379,223,622,426,227,1100,1693,1977,717,1434,973,498,557,650,1751,160,770,1441,424,1730,65,1387,242,792,500,1653,338,731,426,772,1884,1185,359,369,2007,2372,2353,1388,1193,358,175,1366,1163,2233,595,529,1472,2372,410,281,1675,1077,251,541,1192,859,518,548,1140,535,2024,1826,1094,29,2239,1589,504,308,657,1502,624,586,316,120,550,181,1685,828,114,2456,855,632,918,1195,272,2205,548,918,71,1317,195,790,1093,15,870,2034,490,859,486,974,1463,631,2052,1637,2126,1230,1838,758,476,1918,972,307,563,329,191,357,1735,429,729,1557,727,1841,1036,747,825,1363,1560,577,1157,1842,465,2612,964,559,1483,1641,1280,1280,571,1604,567,473,420,370,615,1331,1863,169,1182,415,594,854,305,1854,766,281,1521,945,893,2009,98,2563,1666,1208,859,2467,552,1459,1582,1956,575,853,1443,579,1091,544,247,663,348,2401,740,888,1090,148,730,372,1231,1253,1062,772,1349,1965,1240,1789,2551,1164,972,1868,1866,751,1598,113,1756,491,646,491,1684,16,2059,460,2048,883,890,1043,353,1833,1905,338,241,2144,2014,670],"train_status":[0,1,0,0,0,1,1,0,1,1,1,1,0,1,1,1,0,1,0,1,1,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,0,1,1,1,1,0,0,1,0,0,0,1,1,1,1,0,0,1,0,0,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,1,0,0,0,1,0,1,1,1,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,1,0,1,0,1,1,1,1,1,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,1,1,1,0,0,0,1,1,0,1,0,1,1,1,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,1,1,1,1,0,0,1,0,0,1,1,1,0,0,1,1,1,1,1,1,0,0,0,1,1,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,1,1,1,1,1,0,0,1,0,1,0,1,1,0,1,0,1,1,0,1,0,1,1,0,1,1,1,1,0,0,1,1,1,0,0,0,1,0,1,1,0,1,0,0,1,1,1,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,1,1,1,0,0,1,0,1,1,1,1,0,0,1,1,0,0,1],"test_time":[1222,858,675,2438,1502,229,598,1570,940,1296,855,967,1342,1401,495,836,2227,573,1601,1624,1080,754,867,769,1722,1722,1481,1357,1089,1525,768,1277,2234,1343,537,1904,918,2161,806,623,1814,877,456,936,288,956,995,945,712,1219,981,1729,2153,173,2156,1212,1059,1600,1878,2015,536,2057,1078,687,1807,1632,2018,67,1243,857,675,1976,1959,1852,1702,960,1714,1232,272,1786,371,1990,374,1351,2192,933,798,1989,545,18,1170,1807,547,1753,2170,1420,707,1730,1264,1105,1109,1791,1475,889,761,648,1113,1645,1528,857,1499,1355,838,1693,1979,481,8,637,1441,171,1527,2296,2011,801,1806,1120,819,1341,1514,566,554,1707,46,1174,1246,1493,612,1162,2177,753,841,1219,734,805,969,1897,1095,2217,310,1358,1722,1703,1743,1821,662,1146,385,2380,1701,195,1818,748,1692,1679,1490,2388,1833,1629,732,795,1781,2370,867,1861,1627,1371,2297,1642,2056,2138,2065,2049,1296,974,1337,623,695,1645,986,1680,594,1717,273,1717,1926,876,1840,1095,1922,1765,596,1323,1002,741,2017,322,776,554,1329,1233,57,1356,1502,2320,548,491,2172,550,1352,1701,1152,784,916,475,2161,2556,529,629,1666,652,1117,2132,1218,368,1427,1858,1340,1938,1818,1114,1846,1329,866,2195,1853,2237,1169,2456,476,1088,1721,1984,432,1751,205,747,1771,2010,861,1675,1090,1472,285,1847,1171,2659,2539,2449,2093,2286,762,1435,1105,1624,982,865,1720,1432,2271,1926,755,2009,1625,1343,1119,285,692,1933,17,651,1499,1834,2471,570,600,637,2039,438,2388,1250,1486,714,799,1767,2237,2175,319,1125,892,394,1279,1205,1505,1975,1617,2372,1350,970,213,1094,1364,2148,338,177,983,1283,1869,461,1814,740,1703,1578,722,553,991,967,1499,1222,1760,1152,1342,629,758],"test_status":[0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,1,1,0,1,0,1,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,1,1,0,0,0,1,0,0,1,1,1,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,1,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0,1,1,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0],"estimate":[[0.9412,0.9405,0.9392,0.9299,0.9081,0.904,0.903,0.8871,0.8768,0.8759,0.8725,0.8697,0.8563,0.8508,0.8451,0.8448,0.8433,0.8403,0.8391,0.827,0.8267,0.8244,0.8238,0.8235,0.8229,0.8218,0.8163,0.8102,0.8091,0.8085,0.8051,0.8002,0.798,0.7949,0.7909,0.7873,0.7839,0.7784,0.777,0.7765,0.7715,0.7672,0.7656,0.7653,0.7634,0.7615,0.7596,0.7575,0.7545,0.7534,0.7529,0.7518,0.7481,0.7436,0.7431,0.7386,0.7381,0.7371,0.736,0.7358,0.7355,0.7332,0.7298,0.7223,0.7127,0.7117,0.7064,0.7061,0.7059,0.7039,0.7012,0.6871,0.682,0.6796,0.676,0.6725,0.6663,0.6625,0.6606,0.6597,0.6495,0.6493,0.6431,0.6356,0.6318,0.6245,0.6227,0.6214,0.6194,0.6152,0.6046,0.5917,0.5892,0.5873,0.5826,0.5819,0.5671,0.5524,0.5516,0.5473,0.5374,0.5274,0.5272,0.5259,0.4967,0.4942,0.4941,0.4897,0.4892,0.4856,0.4764,0.4449],[0.9461,0.9455,0.9443,0.9358,0.9157,0.9119,0.911,0.8963,0.8868,0.886,0.8828,0.8802,0.8678,0.8627,0.8575,0.8572,0.8558,0.853,0.8519,0.8407,0.8404,0.8382,0.8377,0.8374,0.8369,0.8358,0.8307,0.825,0.824,0.8234,0.8203,0.8158,0.8136,0.8108,0.8071,0.8037,0.8006,0.7954,0.7941,0.7936,0.789,0.7849,0.7834,0.7831,0.7814,0.7796,0.7778,0.7758,0.7731,0.7721,0.7716,0.7706,0.7671,0.7629,0.7624,0.7582,0.7577,0.7567,0.7557,0.7555,0.7553,0.7531,0.7499,0.7429,0.7338,0.7329,0.7279,0.7277,0.7274,0.7255,0.723,0.7097,0.7049,0.7027,0.6992,0.6959,0.69,0.6865,0.6847,0.6838,0.6741,0.6739,0.668,0.6609,0.6573,0.6503,0.6486,0.6474,0.6455,0.6415,0.6315,0.6191,0.6167,0.6149,0.6103,0.6098,0.5955,0.5814,0.5807,0.5765,0.5669,0.5573,0.5571,0.5558,0.5276,0.5252,0.525,0.5208,0.5203,0.5168,0.5078,0.4771],[0.8843,0.8831,0.8805,0.863,0.8224,0.8148,0.813,0.7843,0.7659,0.7643,0.7582,0.7534,0.7299,0.7205,0.7107,0.7102,0.7077,0.7026,0.7006,0.6802,0.6798,0.6759,0.6749,0.6744,0.6734,0.6715,0.6624,0.6525,0.6506,0.6497,0.6441,0.6363,0.6326,0.6276,0.6213,0.6156,0.6103,0.6016,0.5994,0.5985,0.5908,0.5841,0.5816,0.5812,0.5782,0.5753,0.5725,0.5692,0.5647,0.5631,0.5623,0.5606,0.555,0.5483,0.5475,0.5409,0.5401,0.5385,0.537,0.5366,0.5362,0.5327,0.5278,0.5169,0.503,0.5015,0.494,0.4937,0.4933,0.4905,0.4866,0.4671,0.4601,0.4568,0.4519,0.447,0.4388,0.4337,0.4313,0.43,0.4166,0.4163,0.4083,0.3988,0.3939,0.3847,0.3825,0.3808,0.3784,0.3732,0.3603,0.3449,0.3419,0.3397,0.3341,0.3334,0.3164,0.3,0.2991,0.2944,0.2836,0.273,0.2728,0.2714,0.2418,0.2394,0.2392,0.2349,0.2344,0.2309,0.2221,0.1933],[0.9514,0.9509,0.9498,0.9421,0.9239,0.9204,0.9196,0.9063,0.8976,0.8968,0.894,0.8916,0.8803,0.8757,0.8708,0.8706,0.8693,0.8668,0.8658,0.8555,0.8553,0.8533,0.8528,0.8525,0.852,0.851,0.8463,0.8412,0.8402,0.8397,0.8368,0.8327,0.8307,0.8281,0.8247,0.8216,0.8187,0.814,0.8128,0.8123,0.8081,0.8043,0.8029,0.8027,0.801,0.7994,0.7978,0.7959,0.7934,0.7925,0.792,0.7911,0.7879,0.784,0.7835,0.7796,0.7792,0.7783,0.7774,0.7771,0.7769,0.7749,0.772,0.7655,0.757,0.7562,0.7516,0.7513,0.7511,0.7494,0.747,0.7347,0.7302,0.7281,0.7249,0.7217,0.7163,0.713,0.7113,0.7105,0.7014,0.7012,0.6958,0.6891,0.6857,0.6791,0.6776,0.6764,0.6746,0.6709,0.6614,0.6497,0.6475,0.6458,0.6415,0.6409,0.6274,0.6141,0.6133,0.6094,0.6003,0.5911,0.5909,0.5897,0.5627,0.5604,0.5602,0.5562,0.5557,0.5523,0.5437,0.514],[0.9541,0.9536,0.9525,0.9452,0.928,0.9247,0.9239,0.9113,0.9031,0.9023,0.8996,0.8974,0.8866,0.8822,0.8776,0.8774,0.8762,0.8738,0.8728,0.8631,0.8628,0.8609,0.8605,0.8602,0.8597,0.8588,0.8543,0.8494,0.8485,0.848,0.8452,0.8413,0.8394,0.8369,0.8337,0.8307,0.828,0.8234,0.8223,0.8219,0.8178,0.8142,0.8129,0.8127,0.8111,0.8095,0.808,0.8062,0.8038,0.8029,0.8025,0.8016,0.7985,0.7948,0.7943,0.7906,0.7902,0.7893,0.7885,0.7882,0.788,0.7861,0.7833,0.7771,0.769,0.7682,0.7637,0.7635,0.7633,0.7616,0.7593,0.7475,0.7432,0.7412,0.7381,0.7351,0.7299,0.7267,0.7251,0.7243,0.7156,0.7154,0.7101,0.7037,0.7004,0.6941,0.6926,0.6914,0.6897,0.6861,0.6769,0.6657,0.6635,0.6619,0.6577,0.6572,0.6441,0.6311,0.6304,0.6266,0.6178,0.6088,0.6087,0.6075,0.5812,0.579,0.5788,0.5749,0.5744,0.5711,0.5627,0.5336],[0.9612,0.9608,0.9599,0.9537,0.9391,0.9362,0.9356,0.9248,0.9178,0.9172,0.9148,0.9129,0.9037,0.8999,0.896,0.8958,0.8948,0.8927,0.8919,0.8835,0.8833,0.8816,0.8812,0.881,0.8806,0.8798,0.8759,0.8717,0.8709,0.8705,0.8681,0.8647,0.8631,0.8609,0.8581,0.8555,0.8531,0.8492,0.8482,0.8478,0.8443,0.8412,0.84,0.8398,0.8385,0.8371,0.8358,0.8342,0.8321,0.8313,0.831,0.8302,0.8275,0.8243,0.8239,0.8207,0.8203,0.8195,0.8188,0.8186,0.8184,0.8167,0.8142,0.8088,0.8017,0.801,0.7971,0.7969,0.7967,0.7953,0.7932,0.7828,0.7791,0.7773,0.7746,0.7719,0.7673,0.7644,0.763,0.7623,0.7546,0.7544,0.7497,0.744,0.7411,0.7355,0.7341,0.7331,0.7316,0.7284,0.7202,0.7101,0.7081,0.7066,0.7029,0.7024,0.6907,0.6789,0.6783,0.6749,0.6668,0.6587,0.6585,0.6575,0.6334,0.6314,0.6313,0.6276,0.6272,0.6241,0.6164,0.5895],[0.9718,0.9714,0.9708,0.9662,0.9555,0.9534,0.9529,0.945,0.9397,0.9393,0.9375,0.9361,0.9293,0.9265,0.9235,0.9234,0.9226,0.921,0.9204,0.9141,0.914,0.9127,0.9124,0.9123,0.912,0.9114,0.9085,0.9053,0.9047,0.9044,0.9026,0.9,0.8988,0.8971,0.895,0.8931,0.8913,0.8883,0.8876,0.8873,0.8846,0.8822,0.8813,0.8812,0.8802,0.8791,0.8781,0.8769,0.8753,0.8747,0.8744,0.8738,0.8718,0.8693,0.869,0.8666,0.8663,0.8657,0.8651,0.865,0.8648,0.8635,0.8616,0.8575,0.852,0.8515,0.8485,0.8483,0.8482,0.847,0.8455,0.8374,0.8345,0.8331,0.831,0.8289,0.8253,0.8231,0.822,0.8215,0.8154,0.8153,0.8116,0.8071,0.8049,0.8004,0.7993,0.7985,0.7973,0.7948,0.7883,0.7803,0.7787,0.7776,0.7746,0.7742,0.7648,0.7553,0.7548,0.7521,0.7455,0.7389,0.7388,0.738,0.7183,0.7166,0.7165,0.7135,0.7132,0.7107,0.7043,0.6819],[0.9422,0.9416,0.9403,0.9312,0.9097,0.9056,0.9047,0.8891,0.8789,0.878,0.8746,0.8719,0.8587,0.8533,0.8477,0.8474,0.8459,0.843,0.8418,0.8299,0.8296,0.8273,0.8267,0.8264,0.8259,0.8247,0.8193,0.8133,0.8122,0.8116,0.8082,0.8035,0.8012,0.7982,0.7943,0.7907,0.7874,0.782,0.7806,0.7801,0.7752,0.7709,0.7693,0.769,0.7671,0.7653,0.7634,0.7613,0.7584,0.7573,0.7568,0.7557,0.7521,0.7476,0.7471,0.7427,0.7422,0.7412,0.7401,0.7399,0.7396,0.7373,0.734,0.7266,0.7171,0.7161,0.7109,0.7106,0.7104,0.7084,0.7057,0.6918,0.6868,0.6844,0.6808,0.6773,0.6712,0.6675,0.6656,0.6647,0.6546,0.6544,0.6483,0.6409,0.6371,0.6298,0.6281,0.6267,0.6248,0.6207,0.6102,0.5974,0.5949,0.593,0.5883,0.5877,0.5729,0.5584,0.5576,0.5534,0.5434,0.5335,0.5333,0.532,0.503,0.5006,0.5004,0.4961,0.4956,0.492,0.4828,0.4515],[0.9414,0.9408,0.9395,0.9302,0.9085,0.9043,0.9034,0.8876,0.8773,0.8764,0.873,0.8702,0.8568,0.8514,0.8457,0.8454,0.8439,0.8409,0.8397,0.8277,0.8274,0.8251,0.8245,0.8242,0.8236,0.8224,0.8169,0.8109,0.8098,0.8092,0.8058,0.801,0.7987,0.7956,0.7917,0.7881,0.7847,0.7792,0.7778,0.7773,0.7724,0.768,0.7664,0.7661,0.7642,0.7624,0.7605,0.7583,0.7554,0.7543,0.7538,0.7527,0.749,0.7445,0.744,0.7396,0.7391,0.738,0.737,0.7367,0.7364,0.7341,0.7308,0.7233,0.7137,0.7127,0.7074,0.7072,0.7069,0.7049,0.7022,0.6882,0.6831,0.6807,0.6771,0.6736,0.6674,0.6636,0.6618,0.6608,0.6507,0.6504,0.6443,0.6368,0.633,0.6257,0.6239,0.6226,0.6206,0.6165,0.6059,0.593,0.5905,0.5886,0.5839,0.5832,0.5684,0.5538,0.553,0.5487,0.5387,0.5288,0.5286,0.5273,0.4981,0.4957,0.4955,0.4912,0.4906,0.487,0.4778,0.4464],[0.9342,0.9335,0.932,0.9217,0.8974,0.8928,0.8917,0.8742,0.8628,0.8618,0.858,0.8549,0.8401,0.8341,0.8278,0.8275,0.8258,0.8226,0.8213,0.808,0.8076,0.8051,0.8044,0.8041,0.8035,0.8022,0.7962,0.7895,0.7883,0.7877,0.7839,0.7786,0.7761,0.7728,0.7685,0.7645,0.7609,0.7548,0.7533,0.7527,0.7474,0.7426,0.7409,0.7406,0.7385,0.7364,0.7344,0.7321,0.7289,0.7277,0.7271,0.726,0.7219,0.7171,0.7165,0.7117,0.7111,0.71,0.7088,0.7086,0.7083,0.7058,0.7021,0.6941,0.6836,0.6826,0.6769,0.6766,0.6763,0.6742,0.6712,0.6562,0.6507,0.6482,0.6443,0.6405,0.6339,0.6299,0.6279,0.6269,0.616,0.6157,0.6092,0.6012,0.5972,0.5894,0.5875,0.5861,0.584,0.5796,0.5684,0.5548,0.5521,0.5502,0.5452,0.5445,0.5289,0.5136,0.5128,0.5083,0.4979,0.4875,0.4873,0.486,0.4558,0.4533,0.4531,0.4486,0.4481,0.4443,0.4349,0.4028],[0.9507,0.9502,0.949,0.9412,0.9228,0.9192,0.9184,0.905,0.8962,0.8954,0.8925,0.8901,0.8786,0.8739,0.869,0.8688,0.8675,0.8649,0.8639,0.8535,0.8533,0.8513,0.8508,0.8505,0.85,0.849,0.8442,0.839,0.838,0.8375,0.8346,0.8304,0.8284,0.8257,0.8223,0.8192,0.8163,0.8115,0.8103,0.8098,0.8055,0.8017,0.8003,0.8,0.7984,0.7967,0.7951,0.7932,0.7906,0.7897,0.7892,0.7883,0.7851,0.7811,0.7807,0.7767,0.7763,0.7754,0.7745,0.7742,0.774,0.7719,0.769,0.7624,0.7539,0.753,0.7484,0.7481,0.7479,0.7461,0.7437,0.7313,0.7268,0.7246,0.7214,0.7182,0.7127,0.7094,0.7077,0.7069,0.6977,0.6975,0.692,0.6853,0.6818,0.6752,0.6736,0.6724,0.6707,0.6669,0.6573,0.6456,0.6433,0.6416,0.6372,0.6367,0.6231,0.6096,0.6089,0.6049,0.5957,0.5865,0.5863,0.5851,0.5579,0.5556,0.5554,0.5513,0.5508,0.5474,0.5388,0.5089],[0.9554,0.9549,0.9539,0.9468,0.9301,0.9269,0.9261,0.9138,0.9058,0.9051,0.9025,0.9003,0.8898,0.8856,0.8811,0.8808,0.8797,0.8773,0.8764,0.8669,0.8666,0.8648,0.8643,0.8641,0.8636,0.8627,0.8584,0.8536,0.8527,0.8522,0.8495,0.8456,0.8438,0.8414,0.8382,0.8353,0.8327,0.8282,0.8271,0.8267,0.8227,0.8192,0.8179,0.8177,0.8162,0.8147,0.8132,0.8114,0.809,0.8082,0.8078,0.8069,0.8039,0.8003,0.7998,0.7962,0.7958,0.7949,0.7941,0.7939,0.7937,0.7918,0.789,0.783,0.7751,0.7742,0.7699,0.7697,0.7695,0.7679,0.7656,0.7541,0.7499,0.7479,0.7449,0.7419,0.7368,0.7337,0.7321,0.7313,0.7228,0.7226,0.7174,0.7111,0.7079,0.7017,0.7002,0.6991,0.6974,0.6939,0.6849,0.6739,0.6717,0.6701,0.666,0.6655,0.6526,0.6399,0.6392,0.6355,0.6267,0.6179,0.6178,0.6166,0.5907,0.5885,0.5884,0.5845,0.584,0.5807,0.5724,0.5437],[0.9555,0.955,0.954,0.9469,0.9302,0.927,0.9263,0.914,0.906,0.9053,0.9027,0.9005,0.89,0.8858,0.8813,0.8811,0.8799,0.8776,0.8767,0.8671,0.8669,0.8651,0.8646,0.8644,0.8639,0.863,0.8587,0.8539,0.853,0.8525,0.8498,0.846,0.8442,0.8417,0.8386,0.8357,0.833,0.8286,0.8275,0.8271,0.8231,0.8196,0.8183,0.8181,0.8166,0.815,0.8135,0.8118,0.8094,0.8086,0.8081,0.8073,0.8043,0.8006,0.8002,0.7966,0.7962,0.7953,0.7945,0.7943,0.7941,0.7922,0.7894,0.7834,0.7755,0.7747,0.7704,0.7702,0.77,0.7683,0.7661,0.7545,0.7503,0.7484,0.7454,0.7424,0.7373,0.7342,0.7326,0.7318,0.7233,0.7231,0.7179,0.7117,0.7085,0.7023,0.7008,0.6997,0.698,0.6945,0.6855,0.6744,0.6723,0.6707,0.6666,0.6661,0.6533,0.6405,0.6398,0.6361,0.6274,0.6186,0.6184,0.6173,0.5914,0.5892,0.5891,0.5852,0.5847,0.5814,0.5731,0.5445],[0.9507,0.9502,0.949,0.9412,0.9228,0.9192,0.9184,0.905,0.8962,0.8954,0.8925,0.8901,0.8786,0.874,0.8691,0.8688,0.8675,0.865,0.8639,0.8535,0.8533,0.8513,0.8508,0.8505,0.85,0.849,0.8443,0.839,0.838,0.8376,0.8346,0.8304,0.8284,0.8258,0.8223,0.8192,0.8163,0.8115,0.8103,0.8098,0.8055,0.8017,0.8003,0.8001,0.7984,0.7968,0.7951,0.7932,0.7907,0.7897,0.7893,0.7883,0.7851,0.7811,0.7807,0.7768,0.7763,0.7754,0.7745,0.7742,0.774,0.772,0.769,0.7624,0.7539,0.753,0.7484,0.7482,0.7479,0.7462,0.7438,0.7313,0.7268,0.7247,0.7215,0.7183,0.7128,0.7094,0.7077,0.7069,0.6978,0.6976,0.692,0.6853,0.6819,0.6753,0.6737,0.6725,0.6707,0.6669,0.6573,0.6456,0.6433,0.6416,0.6373,0.6367,0.6231,0.6096,0.6089,0.605,0.5958,0.5865,0.5863,0.5851,0.5579,0.5556,0.5555,0.5514,0.5509,0.5475,0.5388,0.5089],[0.9462,0.9456,0.9443,0.9358,0.9157,0.9119,0.911,0.8964,0.8869,0.886,0.8829,0.8803,0.8678,0.8628,0.8575,0.8572,0.8559,0.8531,0.852,0.8408,0.8405,0.8383,0.8378,0.8375,0.837,0.8359,0.8307,0.8251,0.8241,0.8235,0.8203,0.8158,0.8137,0.8108,0.8072,0.8038,0.8007,0.7955,0.7942,0.7937,0.7891,0.785,0.7835,0.7832,0.7815,0.7797,0.7779,0.7759,0.7732,0.7722,0.7717,0.7707,0.7672,0.763,0.7625,0.7583,0.7578,0.7568,0.7558,0.7556,0.7554,0.7532,0.75,0.743,0.7339,0.733,0.728,0.7278,0.7275,0.7256,0.7231,0.7098,0.705,0.7028,0.6994,0.696,0.6901,0.6866,0.6848,0.6839,0.6742,0.674,0.6682,0.6611,0.6574,0.6505,0.6488,0.6475,0.6456,0.6417,0.6316,0.6192,0.6168,0.615,0.6105,0.6099,0.5957,0.5816,0.5808,0.5767,0.5671,0.5574,0.5572,0.556,0.5278,0.5254,0.5252,0.521,0.5205,0.5169,0.508,0.4772],[0.9351,0.9343,0.9329,0.9227,0.8987,0.8941,0.8931,0.8757,0.8645,0.8634,0.8597,0.8567,0.842,0.8361,0.8299,0.8295,0.8279,0.8247,0.8234,0.8102,0.8099,0.8074,0.8067,0.8064,0.8058,0.8045,0.7986,0.792,0.7908,0.7901,0.7864,0.7812,0.7787,0.7754,0.7711,0.7672,0.7636,0.7576,0.7561,0.7555,0.7502,0.7455,0.7438,0.7435,0.7414,0.7394,0.7374,0.7351,0.7319,0.7308,0.7302,0.729,0.725,0.7202,0.7196,0.7149,0.7143,0.7132,0.7121,0.7118,0.7115,0.709,0.7054,0.6974,0.6871,0.686,0.6804,0.6801,0.6798,0.6777,0.6748,0.6598,0.6544,0.6519,0.648,0.6442,0.6377,0.6337,0.6317,0.6307,0.6199,0.6197,0.6131,0.6052,0.6012,0.5935,0.5916,0.5902,0.5881,0.5838,0.5727,0.5591,0.5565,0.5545,0.5495,0.5489,0.5334,0.5181,0.5173,0.5128,0.5025,0.4921,0.4919,0.4906,0.4605,0.458,0.4578,0.4534,0.4528,0.4491,0.4397,0.4076],[0.9417,0.941,0.9397,0.9305,0.9089,0.9047,0.9038,0.888,0.8778,0.8769,0.8735,0.8707,0.8574,0.852,0.8463,0.846,0.8445,0.8415,0.8404,0.8283,0.8281,0.8257,0.8251,0.8249,0.8243,0.8231,0.8176,0.8116,0.8105,0.8099,0.8065,0.8017,0.7995,0.7964,0.7925,0.7889,0.7855,0.78,0.7787,0.7781,0.7732,0.7689,0.7673,0.767,0.7651,0.7632,0.7614,0.7592,0.7563,0.7552,0.7547,0.7536,0.7499,0.7455,0.7449,0.7405,0.74,0.739,0.7379,0.7377,0.7374,0.7351,0.7317,0.7243,0.7147,0.7137,0.7084,0.7082,0.7079,0.706,0.7032,0.6893,0.6842,0.6818,0.6782,0.6747,0.6685,0.6648,0.6629,0.662,0.6518,0.6516,0.6455,0.638,0.6342,0.6269,0.6251,0.6238,0.6219,0.6177,0.6072,0.5943,0.5918,0.5899,0.5852,0.5846,0.5698,0.5551,0.5544,0.5501,0.5401,0.5302,0.53,0.5287,0.4996,0.4972,0.497,0.4926,0.4921,0.4885,0.4793,0.4479],[0.9483,0.9477,0.9465,0.9383,0.919,0.9153,0.9144,0.9003,0.8911,0.8903,0.8873,0.8848,0.8728,0.8679,0.8628,0.8626,0.8612,0.8585,0.8575,0.8466,0.8464,0.8443,0.8437,0.8435,0.8429,0.8419,0.8369,0.8315,0.8305,0.83,0.8269,0.8225,0.8205,0.8177,0.8141,0.8108,0.8078,0.8028,0.8016,0.8011,0.7966,0.7927,0.7912,0.7909,0.7892,0.7875,0.7858,0.7839,0.7812,0.7802,0.7797,0.7788,0.7754,0.7713,0.7708,0.7668,0.7663,0.7653,0.7644,0.7641,0.7639,0.7618,0.7587,0.7519,0.7431,0.7421,0.7373,0.7371,0.7369,0.735,0.7325,0.7197,0.715,0.7128,0.7095,0.7062,0.7005,0.697,0.6953,0.6944,0.685,0.6848,0.6791,0.6721,0.6686,0.6618,0.6601,0.6589,0.6571,0.6532,0.6433,0.6313,0.6289,0.6271,0.6227,0.6221,0.6082,0.5943,0.5936,0.5896,0.5801,0.5706,0.5705,0.5692,0.5415,0.5391,0.5389,0.5348,0.5343,0.5308,0.522,0.4916],[0.9512,0.9506,0.9495,0.9417,0.9234,0.9199,0.9191,0.9057,0.897,0.8962,0.8934,0.891,0.8796,0.875,0.8701,0.8699,0.8686,0.8661,0.865,0.8547,0.8545,0.8525,0.852,0.8517,0.8512,0.8502,0.8455,0.8403,0.8393,0.8388,0.8359,0.8317,0.8298,0.8271,0.8237,0.8206,0.8177,0.813,0.8118,0.8113,0.807,0.8033,0.8018,0.8016,0.8,0.7983,0.7967,0.7948,0.7923,0.7913,0.7909,0.79,0.7867,0.7828,0.7824,0.7785,0.778,0.7771,0.7762,0.776,0.7757,0.7737,0.7708,0.7642,0.7558,0.7549,0.7503,0.7501,0.7498,0.7481,0.7457,0.7333,0.7288,0.7267,0.7235,0.7203,0.7149,0.7115,0.7099,0.709,0.7,0.6998,0.6942,0.6876,0.6841,0.6776,0.676,0.6748,0.673,0.6693,0.6597,0.6481,0.6458,0.6441,0.6398,0.6392,0.6257,0.6123,0.6116,0.6076,0.5984,0.5892,0.589,0.5878,0.5608,0.5585,0.5583,0.5542,0.5537,0.5504,0.5417,0.5119],[0.9505,0.9499,0.9488,0.9409,0.9224,0.9188,0.918,0.9044,0.8956,0.8948,0.8919,0.8895,0.878,0.8733,0.8684,0.8681,0.8668,0.8642,0.8632,0.8528,0.8525,0.8505,0.85,0.8497,0.8492,0.8482,0.8434,0.8382,0.8372,0.8367,0.8337,0.8295,0.8276,0.8249,0.8214,0.8183,0.8153,0.8105,0.8093,0.8088,0.8045,0.8007,0.7993,0.799,0.7974,0.7957,0.7941,0.7922,0.7896,0.7887,0.7882,0.7873,0.784,0.78,0.7796,0.7756,0.7752,0.7743,0.7733,0.7731,0.7729,0.7708,0.7678,0.7613,0.7527,0.7518,0.7471,0.7469,0.7467,0.7449,0.7425,0.73,0.7255,0.7233,0.7201,0.7169,0.7114,0.708,0.7063,0.7055,0.6963,0.6961,0.6906,0.6838,0.6804,0.6737,0.6721,0.6709,0.6692,0.6654,0.6558,0.644,0.6417,0.64,0.6356,0.6351,0.6214,0.6079,0.6072,0.6032,0.594,0.5847,0.5845,0.5833,0.5561,0.5538,0.5536,0.5495,0.549,0.5456,0.5369,0.507],[0.9177,0.9167,0.9149,0.9021,0.8722,0.8666,0.8653,0.8438,0.8299,0.8287,0.8241,0.8204,0.8024,0.7952,0.7876,0.7872,0.7853,0.7813,0.7798,0.7639,0.7635,0.7604,0.7597,0.7593,0.7585,0.757,0.7498,0.7419,0.7404,0.7397,0.7352,0.729,0.7261,0.7221,0.717,0.7123,0.708,0.701,0.6992,0.6985,0.6922,0.6867,0.6846,0.6843,0.6819,0.6795,0.6771,0.6744,0.6706,0.6693,0.6686,0.6673,0.6626,0.657,0.6563,0.6507,0.6501,0.6488,0.6475,0.6471,0.6468,0.6439,0.6397,0.6304,0.6185,0.6173,0.6108,0.6105,0.6102,0.6077,0.6044,0.5873,0.5811,0.5782,0.5739,0.5696,0.5622,0.5577,0.5554,0.5543,0.5422,0.5419,0.5346,0.5258,0.5214,0.5128,0.5107,0.5092,0.5069,0.5021,0.4899,0.4751,0.4722,0.4701,0.4647,0.464,0.4473,0.4309,0.4301,0.4254,0.4144,0.4035,0.4033,0.4019,0.3706,0.368,0.3679,0.3633,0.3627,0.3589,0.3493,0.317],[0.8975,0.8964,0.8941,0.8784,0.842,0.8351,0.8335,0.8075,0.7909,0.7894,0.7839,0.7794,0.758,0.7495,0.7405,0.74,0.7377,0.7331,0.7312,0.7125,0.712,0.7084,0.7075,0.7071,0.7062,0.7044,0.696,0.6868,0.6851,0.6842,0.679,0.6718,0.6684,0.6638,0.6579,0.6525,0.6476,0.6394,0.6374,0.6366,0.6294,0.6231,0.6207,0.6203,0.6176,0.6149,0.6121,0.6091,0.6048,0.6033,0.6025,0.601,0.5957,0.5893,0.5886,0.5823,0.5816,0.5801,0.5786,0.5783,0.5779,0.5746,0.5699,0.5596,0.5463,0.5449,0.5377,0.5374,0.537,0.5343,0.5306,0.5118,0.5051,0.5019,0.4971,0.4925,0.4844,0.4795,0.4771,0.4759,0.4629,0.4626,0.4547,0.4453,0.4406,0.4315,0.4293,0.4277,0.4252,0.4202,0.4073,0.3919,0.389,0.3868,0.3812,0.3804,0.3633,0.3467,0.3458,0.341,0.33,0.3191,0.3189,0.3175,0.2868,0.2842,0.284,0.2796,0.2791,0.2754,0.2661,0.2356],[0.9501,0.9495,0.9484,0.9404,0.9218,0.9182,0.9174,0.9037,0.8948,0.894,0.8911,0.8887,0.877,0.8723,0.8674,0.8671,0.8658,0.8632,0.8622,0.8517,0.8514,0.8494,0.8489,0.8486,0.8481,0.8471,0.8423,0.837,0.836,0.8355,0.8325,0.8283,0.8263,0.8236,0.8201,0.8169,0.814,0.8092,0.8079,0.8075,0.8031,0.7993,0.7978,0.7976,0.7959,0.7943,0.7926,0.7907,0.7881,0.7872,0.7867,0.7857,0.7825,0.7785,0.778,0.7741,0.7736,0.7727,0.7717,0.7715,0.7713,0.7692,0.7662,0.7596,0.751,0.7501,0.7454,0.7452,0.7449,0.7432,0.7407,0.7282,0.7236,0.7215,0.7182,0.715,0.7095,0.7061,0.7044,0.7035,0.6943,0.6941,0.6885,0.6817,0.6783,0.6716,0.67,0.6688,0.667,0.6632,0.6536,0.6417,0.6394,0.6377,0.6333,0.6327,0.6191,0.6055,0.6048,0.6008,0.5915,0.5822,0.582,0.5808,0.5535,0.5511,0.551,0.5469,0.5464,0.5429,0.5342,0.5042],[0.9293,0.9285,0.9269,0.9159,0.89,0.885,0.8839,0.8651,0.853,0.8519,0.8479,0.8446,0.8288,0.8225,0.8158,0.8154,0.8137,0.8102,0.8088,0.7947,0.7944,0.7917,0.791,0.7907,0.79,0.7886,0.7822,0.7752,0.7739,0.7732,0.7693,0.7637,0.7611,0.7575,0.753,0.7488,0.7449,0.7386,0.737,0.7364,0.7307,0.7257,0.7238,0.7235,0.7214,0.7192,0.7171,0.7146,0.7112,0.71,0.7094,0.7082,0.704,0.6989,0.6983,0.6932,0.6926,0.6914,0.6902,0.6899,0.6896,0.687,0.6832,0.6747,0.6638,0.6627,0.6567,0.6565,0.6562,0.6539,0.6509,0.6351,0.6295,0.6268,0.6227,0.6188,0.6119,0.6077,0.6056,0.6046,0.5933,0.593,0.5862,0.578,0.5738,0.5657,0.5638,0.5624,0.5602,0.5556,0.5441,0.5301,0.5273,0.5253,0.5202,0.5195,0.5035,0.4878,0.4869,0.4824,0.4717,0.4611,0.4609,0.4596,0.4289,0.4263,0.4262,0.4216,0.4211,0.4173,0.4078,0.3754],[0.9617,0.9613,0.9604,0.9543,0.9398,0.937,0.9364,0.9258,0.9188,0.9182,0.9159,0.914,0.9049,0.9012,0.8973,0.8971,0.896,0.894,0.8932,0.8849,0.8847,0.883,0.8826,0.8824,0.882,0.8812,0.8774,0.8732,0.8724,0.872,0.8696,0.8663,0.8647,0.8625,0.8598,0.8572,0.8549,0.851,0.85,0.8496,0.8461,0.8431,0.8419,0.8417,0.8404,0.839,0.8377,0.8362,0.8341,0.8333,0.8329,0.8322,0.8295,0.8263,0.8259,0.8227,0.8223,0.8216,0.8208,0.8207,0.8205,0.8188,0.8164,0.811,0.804,0.8032,0.7994,0.7992,0.799,0.7976,0.7956,0.7853,0.7815,0.7798,0.7771,0.7744,0.7699,0.7671,0.7657,0.765,0.7573,0.7571,0.7525,0.7468,0.7439,0.7384,0.737,0.736,0.7345,0.7313,0.7232,0.7132,0.7112,0.7098,0.7061,0.7056,0.6939,0.6823,0.6817,0.6783,0.6703,0.6622,0.6621,0.661,0.6371,0.6351,0.635,0.6314,0.6309,0.6279,0.6202,0.5935],[0.8926,0.8914,0.889,0.8727,0.8347,0.8275,0.8258,0.7988,0.7815,0.78,0.7743,0.7697,0.7475,0.7386,0.7293,0.7288,0.7264,0.7216,0.7197,0.7004,0.6999,0.6962,0.6953,0.6948,0.6939,0.692,0.6833,0.6739,0.6721,0.6712,0.6659,0.6584,0.6549,0.6501,0.6441,0.6386,0.6335,0.6251,0.6231,0.6222,0.6148,0.6083,0.6059,0.6055,0.6027,0.5999,0.5971,0.5939,0.5896,0.5881,0.5873,0.5857,0.5803,0.5738,0.573,0.5666,0.5658,0.5643,0.5628,0.5625,0.5621,0.5587,0.5539,0.5433,0.5298,0.5284,0.5211,0.5207,0.5204,0.5176,0.5139,0.4948,0.4879,0.4847,0.4799,0.4751,0.467,0.462,0.4596,0.4584,0.4451,0.4449,0.4369,0.4275,0.4227,0.4135,0.4113,0.4097,0.4072,0.4021,0.3892,0.3738,0.3708,0.3686,0.363,0.3623,0.3451,0.3286,0.3277,0.3229,0.312,0.3012,0.301,0.2996,0.2692,0.2667,0.2665,0.2621,0.2616,0.258,0.2489,0.2189],[0.9586,0.9581,0.9571,0.9505,0.9349,0.9319,0.9312,0.9197,0.9122,0.9116,0.9091,0.9071,0.8972,0.8933,0.8891,0.8888,0.8877,0.8855,0.8847,0.8757,0.8755,0.8738,0.8734,0.8731,0.8727,0.8718,0.8678,0.8633,0.8624,0.862,0.8594,0.8558,0.8541,0.8518,0.8488,0.8461,0.8436,0.8394,0.8384,0.838,0.8343,0.831,0.8297,0.8295,0.8281,0.8267,0.8252,0.8236,0.8214,0.8205,0.8201,0.8193,0.8165,0.8131,0.8127,0.8092,0.8088,0.808,0.8072,0.807,0.8068,0.805,0.8025,0.7967,0.7893,0.7885,0.7844,0.7842,0.784,0.7824,0.7803,0.7694,0.7654,0.7635,0.7607,0.7579,0.753,0.75,0.7485,0.7478,0.7397,0.7395,0.7346,0.7286,0.7255,0.7196,0.7182,0.7172,0.7156,0.7122,0.7036,0.6931,0.691,0.6895,0.6856,0.6851,0.6728,0.6606,0.6599,0.6563,0.6479,0.6395,0.6393,0.6382,0.6133,0.6112,0.611,0.6072,0.6068,0.6036,0.5956,0.5678],[0.9078,0.9068,0.9048,0.8906,0.8575,0.8512,0.8497,0.826,0.8108,0.8094,0.8044,0.8003,0.7806,0.7727,0.7645,0.764,0.7619,0.7576,0.7559,0.7386,0.7381,0.7348,0.734,0.7336,0.7327,0.7311,0.7233,0.7147,0.7131,0.7123,0.7075,0.7007,0.6976,0.6932,0.6878,0.6827,0.6781,0.6705,0.6686,0.6678,0.6611,0.6551,0.6529,0.6525,0.65,0.6474,0.6448,0.6419,0.6379,0.6365,0.6358,0.6344,0.6293,0.6233,0.6226,0.6167,0.616,0.6146,0.6132,0.6128,0.6125,0.6094,0.6049,0.5951,0.5824,0.5811,0.5743,0.5739,0.5736,0.571,0.5675,0.5495,0.543,0.5399,0.5354,0.5309,0.5231,0.5184,0.5161,0.5149,0.5022,0.502,0.4944,0.4852,0.4806,0.4717,0.4696,0.468,0.4656,0.4606,0.448,0.4328,0.4299,0.4277,0.4222,0.4215,0.4045,0.3879,0.387,0.3822,0.3711,0.3602,0.36,0.3586,0.3274,0.3248,0.3246,0.32,0.3195,0.3157,0.3062,0.2746],[0.9503,0.9497,0.9486,0.9407,0.9221,0.9185,0.9177,0.9041,0.8953,0.8945,0.8915,0.8891,0.8775,0.8728,0.8679,0.8677,0.8664,0.8638,0.8627,0.8523,0.852,0.85,0.8495,0.8492,0.8487,0.8477,0.8429,0.8376,0.8366,0.8362,0.8332,0.829,0.827,0.8243,0.8208,0.8177,0.8147,0.8099,0.8087,0.8082,0.8039,0.8,0.7986,0.7984,0.7967,0.7951,0.7934,0.7915,0.7889,0.788,0.7875,0.7866,0.7833,0.7793,0.7789,0.7749,0.7745,0.7735,0.7726,0.7724,0.7721,0.7701,0.7671,0.7605,0.7519,0.751,0.7463,0.7461,0.7459,0.7441,0.7417,0.7292,0.7246,0.7225,0.7192,0.716,0.7105,0.7071,0.7054,0.7046,0.6954,0.6952,0.6896,0.6829,0.6794,0.6728,0.6712,0.67,0.6682,0.6644,0.6547,0.6429,0.6406,0.6389,0.6346,0.634,0.6203,0.6068,0.6061,0.6021,0.5928,0.5835,0.5834,0.5822,0.5549,0.5526,0.5524,0.5483,0.5478,0.5444,0.5357,0.5057],[0.9575,0.957,0.956,0.9492,0.9332,0.9301,0.9294,0.9176,0.91,0.9093,0.9067,0.9047,0.8946,0.8905,0.8862,0.886,0.8849,0.8826,0.8817,0.8726,0.8724,0.8706,0.8702,0.8699,0.8695,0.8686,0.8644,0.8598,0.8589,0.8585,0.8559,0.8522,0.8505,0.8481,0.8451,0.8423,0.8397,0.8355,0.8344,0.834,0.8302,0.8268,0.8255,0.8253,0.8239,0.8224,0.8209,0.8193,0.817,0.8162,0.8157,0.8149,0.812,0.8085,0.8081,0.8046,0.8042,0.8034,0.8026,0.8024,0.8022,0.8003,0.7977,0.7918,0.7842,0.7834,0.7792,0.779,0.7788,0.7773,0.7751,0.7639,0.7599,0.7579,0.7551,0.7522,0.7472,0.7442,0.7427,0.7419,0.7337,0.7335,0.7285,0.7224,0.7193,0.7133,0.7118,0.7107,0.7091,0.7057,0.6969,0.6862,0.6841,0.6826,0.6786,0.6781,0.6656,0.6532,0.6525,0.6489,0.6404,0.6318,0.6316,0.6305,0.6052,0.6031,0.6029,0.5991,0.5986,0.5955,0.5873,0.5592],[0.1567,0.1534,0.1469,0.1084,0.0525,0.0456,0.0441,0.0257,0.0179,0.0174,0.0154,0.014,0.0087,0.0071,0.0058,0.0058,0.0054,0.0049,0.0047,0.003,0.003,0.0027,0.0027,0.0026,0.0026,0.0025,0.002,0.0016,0.0015,0.0015,0.0013,0.0011,0.001,0.0009,0.0008,0.0007,0.0006,0.0005,0.0004,0.0004,0.0004,0.0003,0.0003,0.0003,0.0003,0.0002,0.0002,0.0002,0.0002,0.0002,0.0002,0.0002,0.0001,0.0001,0.0001,0.0001,0.0001,0.0001,0.0001,0.0001,0.0001,0.0001,0.0001,0,0,0,0,0,0,0,0,0,8.2585e-06,7.4103e-06,6.2985e-06,5.3535e-06,4.039e-06,3.396e-06,3.114e-06,2.9818e-06,1.851e-06,1.831e-06,1.3665e-06,9.5564e-07,7.9485e-07,5.5586e-07,5.097e-07,4.7761e-07,4.3323e-07,3.5261e-07,2.0733e-07,1.0705e-07,9.3992e-08,8.5257e-08,6.6448e-08,6.4322e-08,2.9159e-08,1.3077e-08,1.2522e-08,9.8656e-09,5.6154e-09,3.1618e-09,3.1277e-09,2.8992e-09,5.0643e-10,4.3514e-10,4.3045e-10,3.2829e-10,3.1779e-10,2.5311e-10,1.4098e-10,1.7409e-11],[0.9381,0.9374,0.936,0.9262,0.9033,0.8989,0.8979,0.8813,0.8705,0.8695,0.8659,0.863,0.8489,0.8432,0.8373,0.837,0.8354,0.8323,0.831,0.8184,0.8181,0.8156,0.815,0.8147,0.8141,0.8129,0.8071,0.8008,0.7996,0.799,0.7955,0.7904,0.7881,0.7848,0.7807,0.7769,0.7735,0.7677,0.7663,0.7657,0.7606,0.756,0.7543,0.754,0.7521,0.7501,0.7481,0.7459,0.7428,0.7417,0.7412,0.7401,0.7362,0.7315,0.731,0.7264,0.7258,0.7247,0.7237,0.7234,0.7231,0.7207,0.7172,0.7095,0.6994,0.6984,0.6929,0.6927,0.6924,0.6904,0.6875,0.673,0.6678,0.6653,0.6615,0.6578,0.6515,0.6476,0.6457,0.6447,0.6342,0.6339,0.6276,0.6199,0.6159,0.6084,0.6066,0.6052,0.6032,0.5989,0.588,0.5748,0.5722,0.5703,0.5654,0.5648,0.5496,0.5346,0.5338,0.5294,0.5192,0.509,0.5088,0.5075,0.4778,0.4753,0.4752,0.4707,0.4702,0.4665,0.4572,0.4254],[0.9445,0.9438,0.9426,0.9338,0.9131,0.9092,0.9083,0.8932,0.8834,0.8825,0.8793,0.8767,0.8639,0.8587,0.8532,0.853,0.8515,0.8487,0.8476,0.836,0.8358,0.8335,0.833,0.8327,0.8321,0.831,0.8258,0.82,0.8189,0.8183,0.8151,0.8105,0.8083,0.8053,0.8016,0.7981,0.7949,0.7896,0.7883,0.7878,0.783,0.7789,0.7773,0.777,0.7752,0.7734,0.7716,0.7695,0.7667,0.7657,0.7652,0.7642,0.7606,0.7563,0.7558,0.7515,0.751,0.75,0.749,0.7487,0.7485,0.7463,0.743,0.7359,0.7266,0.7256,0.7205,0.7203,0.72,0.7181,0.7155,0.702,0.6971,0.6948,0.6913,0.6878,0.6819,0.6782,0.6764,0.6755,0.6657,0.6654,0.6595,0.6522,0.6485,0.6414,0.6397,0.6384,0.6365,0.6325,0.6222,0.6097,0.6072,0.6054,0.6008,0.6002,0.5857,0.5714,0.5706,0.5665,0.5567,0.5469,0.5467,0.5455,0.5169,0.5145,0.5143,0.51,0.5095,0.506,0.4969,0.4659],[0.9363,0.9356,0.9342,0.9242,0.9007,0.8962,0.8951,0.8781,0.867,0.866,0.8623,0.8594,0.8449,0.8391,0.833,0.8327,0.8311,0.8279,0.8266,0.8137,0.8134,0.8109,0.8102,0.8099,0.8093,0.8081,0.8022,0.7957,0.7945,0.7939,0.7902,0.7851,0.7827,0.7794,0.7752,0.7713,0.7678,0.7619,0.7604,0.7598,0.7546,0.75,0.7482,0.7479,0.7459,0.7439,0.7419,0.7396,0.7365,0.7354,0.7348,0.7337,0.7297,0.725,0.7244,0.7197,0.7192,0.7181,0.7169,0.7167,0.7164,0.7139,0.7104,0.7025,0.6923,0.6912,0.6857,0.6854,0.6851,0.683,0.6801,0.6654,0.66,0.6575,0.6537,0.65,0.6435,0.6395,0.6376,0.6366,0.6259,0.6257,0.6192,0.6114,0.6074,0.5998,0.5979,0.5965,0.5945,0.5901,0.5791,0.5657,0.5631,0.5611,0.5562,0.5556,0.5402,0.525,0.5242,0.5198,0.5095,0.4992,0.499,0.4977,0.4678,0.4653,0.4651,0.4606,0.4601,0.4564,0.447,0.415],[0.8622,0.8607,0.8577,0.8371,0.7899,0.781,0.779,0.7459,0.7249,0.723,0.7161,0.7105,0.6839,0.6734,0.6623,0.6618,0.6589,0.6532,0.651,0.6282,0.6277,0.6233,0.6223,0.6217,0.6206,0.6185,0.6084,0.5974,0.5953,0.5943,0.5881,0.5795,0.5755,0.5701,0.5632,0.5569,0.5511,0.5416,0.5393,0.5383,0.53,0.5227,0.52,0.5195,0.5164,0.5133,0.5102,0.5066,0.5018,0.5001,0.4992,0.4975,0.4915,0.4843,0.4835,0.4764,0.4756,0.4739,0.4723,0.4719,0.4714,0.4678,0.4625,0.451,0.4364,0.4349,0.4271,0.4267,0.4263,0.4234,0.4194,0.3991,0.3919,0.3885,0.3835,0.3786,0.3701,0.365,0.3625,0.3612,0.3477,0.3474,0.3394,0.3298,0.325,0.3158,0.3136,0.312,0.3096,0.3045,0.2918,0.2768,0.2739,0.2718,0.2664,0.2657,0.2494,0.2339,0.2331,0.2287,0.2186,0.2088,0.2086,0.2074,0.1803,0.1782,0.178,0.1742,0.1737,0.1706,0.1628,0.1377],[0.9492,0.9486,0.9474,0.9394,0.9204,0.9167,0.9159,0.902,0.893,0.8922,0.8892,0.8868,0.8749,0.8702,0.8651,0.8649,0.8635,0.8609,0.8599,0.8492,0.8489,0.8469,0.8463,0.8461,0.8456,0.8445,0.8397,0.8343,0.8333,0.8328,0.8297,0.8254,0.8234,0.8207,0.8172,0.8139,0.811,0.806,0.8048,0.8043,0.7999,0.796,0.7946,0.7943,0.7926,0.7909,0.7892,0.7873,0.7847,0.7837,0.7832,0.7823,0.779,0.7749,0.7745,0.7705,0.77,0.769,0.7681,0.7679,0.7676,0.7655,0.7625,0.7558,0.7471,0.7462,0.7414,0.7412,0.741,0.7391,0.7367,0.724,0.7194,0.7172,0.7139,0.7106,0.705,0.7016,0.6999,0.699,0.6897,0.6895,0.6838,0.677,0.6735,0.6667,0.6651,0.6639,0.6621,0.6583,0.6485,0.6365,0.6342,0.6325,0.6281,0.6275,0.6137,0.6,0.5992,0.5952,0.5859,0.5765,0.5763,0.5751,0.5475,0.5452,0.545,0.5409,0.5404,0.5369,0.5281,0.498],[0.958,0.9575,0.9565,0.9498,0.934,0.9309,0.9302,0.9186,0.911,0.9103,0.9078,0.9058,0.8958,0.8918,0.8875,0.8873,0.8862,0.884,0.8831,0.874,0.8738,0.8721,0.8716,0.8714,0.871,0.8701,0.8659,0.8614,0.8605,0.8601,0.8575,0.8539,0.8521,0.8498,0.8468,0.844,0.8415,0.8373,0.8362,0.8358,0.832,0.8287,0.8275,0.8273,0.8258,0.8243,0.8229,0.8212,0.819,0.8182,0.8177,0.8169,0.8141,0.8106,0.8102,0.8067,0.8063,0.8055,0.8047,0.8045,0.8043,0.8025,0.7999,0.7941,0.7865,0.7857,0.7816,0.7814,0.7812,0.7796,0.7775,0.7664,0.7624,0.7605,0.7576,0.7548,0.7499,0.7469,0.7454,0.7446,0.7364,0.7362,0.7313,0.7252,0.7221,0.7162,0.7147,0.7137,0.712,0.7087,0.7,0.6893,0.6873,0.6857,0.6818,0.6813,0.6689,0.6566,0.6559,0.6523,0.6438,0.6353,0.6351,0.634,0.6089,0.6068,0.6066,0.6028,0.6024,0.5992,0.5911,0.5631],[0.9553,0.9548,0.9538,0.9467,0.9299,0.9266,0.9259,0.9136,0.9056,0.9049,0.9022,0.9,0.8895,0.8852,0.8808,0.8805,0.8793,0.877,0.8761,0.8665,0.8663,0.8644,0.864,0.8637,0.8633,0.8623,0.858,0.8532,0.8523,0.8518,0.8491,0.8452,0.8434,0.8409,0.8378,0.8349,0.8322,0.8278,0.8267,0.8262,0.8223,0.8188,0.8175,0.8172,0.8157,0.8142,0.8127,0.8109,0.8085,0.8077,0.8072,0.8064,0.8034,0.7997,0.7993,0.7957,0.7953,0.7944,0.7936,0.7933,0.7931,0.7912,0.7885,0.7824,0.7745,0.7737,0.7693,0.7691,0.7689,0.7673,0.765,0.7534,0.7492,0.7472,0.7442,0.7413,0.7361,0.733,0.7314,0.7306,0.7221,0.7219,0.7167,0.7104,0.7072,0.701,0.6995,0.6984,0.6967,0.6932,0.6841,0.6731,0.6709,0.6693,0.6652,0.6647,0.6518,0.6391,0.6384,0.6346,0.6259,0.6171,0.6169,0.6157,0.5898,0.5876,0.5874,0.5835,0.5831,0.5798,0.5715,0.5428],[0.965,0.9646,0.9638,0.9582,0.945,0.9424,0.9418,0.9321,0.9257,0.9251,0.923,0.9213,0.9129,0.9094,0.9059,0.9057,0.9047,0.9028,0.9021,0.8944,0.8942,0.8928,0.8924,0.8922,0.8918,0.8911,0.8876,0.8837,0.883,0.8826,0.8804,0.8773,0.8758,0.8738,0.8713,0.8689,0.8667,0.8631,0.8622,0.8619,0.8587,0.8558,0.8547,0.8546,0.8533,0.8521,0.8508,0.8494,0.8475,0.8468,0.8464,0.8457,0.8433,0.8403,0.8399,0.837,0.8366,0.8359,0.8352,0.835,0.8349,0.8333,0.8311,0.8261,0.8195,0.8189,0.8153,0.8151,0.815,0.8136,0.8117,0.8022,0.7987,0.797,0.7945,0.792,0.7878,0.7851,0.7838,0.7832,0.776,0.7759,0.7715,0.7663,0.7635,0.7583,0.7571,0.7561,0.7547,0.7517,0.7441,0.7347,0.7329,0.7315,0.728,0.7276,0.7166,0.7056,0.705,0.7018,0.6943,0.6866,0.6865,0.6855,0.6629,0.661,0.6608,0.6574,0.657,0.6541,0.6468,0.6214],[0.9153,0.9144,0.9125,0.8994,0.8687,0.8629,0.8616,0.8396,0.8254,0.8241,0.8194,0.8156,0.7972,0.7898,0.7821,0.7817,0.7797,0.7757,0.7741,0.7578,0.7574,0.7543,0.7535,0.7531,0.7524,0.7508,0.7435,0.7354,0.7339,0.7331,0.7286,0.7222,0.7192,0.7152,0.71,0.7052,0.7009,0.6937,0.6919,0.6912,0.6847,0.6791,0.677,0.6766,0.6742,0.6718,0.6693,0.6666,0.6628,0.6614,0.6607,0.6594,0.6546,0.6489,0.6482,0.6425,0.6419,0.6405,0.6392,0.6389,0.6386,0.6356,0.6313,0.6219,0.6098,0.6086,0.602,0.6017,0.6014,0.5989,0.5955,0.5782,0.5719,0.569,0.5646,0.5602,0.5527,0.5482,0.5459,0.5448,0.5325,0.5322,0.5249,0.516,0.5115,0.5028,0.5007,0.4992,0.4968,0.492,0.4797,0.4648,0.4619,0.4598,0.4543,0.4536,0.4368,0.4204,0.4195,0.4148,0.4038,0.3928,0.3926,0.3912,0.36,0.3574,0.3572,0.3526,0.352,0.3482,0.3386,0.3065],[0.9523,0.9517,0.9507,0.9431,0.9252,0.9218,0.921,0.9079,0.8994,0.8986,0.8958,0.8935,0.8823,0.8778,0.873,0.8728,0.8715,0.869,0.868,0.8579,0.8577,0.8557,0.8552,0.855,0.8545,0.8535,0.8489,0.8438,0.8429,0.8424,0.8395,0.8354,0.8335,0.8309,0.8276,0.8245,0.8217,0.817,0.8158,0.8154,0.8112,0.8075,0.8061,0.8059,0.8043,0.8027,0.801,0.7992,0.7967,0.7958,0.7953,0.7944,0.7913,0.7874,0.787,0.7832,0.7827,0.7818,0.7809,0.7807,0.7805,0.7785,0.7756,0.7692,0.7609,0.76,0.7555,0.7552,0.755,0.7533,0.7509,0.7388,0.7344,0.7323,0.7291,0.726,0.7206,0.7174,0.7157,0.7149,0.706,0.7058,0.7003,0.6938,0.6904,0.6839,0.6824,0.6812,0.6794,0.6758,0.6664,0.6548,0.6526,0.6509,0.6466,0.6461,0.6327,0.6195,0.6188,0.6149,0.6058,0.5967,0.5966,0.5954,0.5686,0.5663,0.5662,0.5621,0.5616,0.5583,0.5497,0.5202],[0.9539,0.9534,0.9523,0.945,0.9277,0.9244,0.9236,0.911,0.9027,0.9019,0.8992,0.897,0.8862,0.8818,0.8772,0.8769,0.8757,0.8733,0.8723,0.8625,0.8623,0.8604,0.8599,0.8597,0.8592,0.8582,0.8538,0.8488,0.8479,0.8474,0.8446,0.8407,0.8388,0.8363,0.833,0.8301,0.8273,0.8228,0.8216,0.8212,0.8171,0.8135,0.8122,0.8119,0.8104,0.8088,0.8073,0.8055,0.803,0.8021,0.8017,0.8008,0.7977,0.794,0.7936,0.7898,0.7894,0.7885,0.7877,0.7875,0.7872,0.7853,0.7825,0.7762,0.7681,0.7673,0.7629,0.7626,0.7624,0.7608,0.7584,0.7466,0.7423,0.7403,0.7372,0.7342,0.7289,0.7257,0.7241,0.7233,0.7146,0.7144,0.7091,0.7026,0.6994,0.693,0.6915,0.6903,0.6886,0.685,0.6758,0.6645,0.6624,0.6607,0.6565,0.656,0.6429,0.6299,0.6292,0.6254,0.6165,0.6075,0.6074,0.6062,0.5799,0.5776,0.5775,0.5735,0.573,0.5697,0.5613,0.5322],[0.9499,0.9493,0.9482,0.9403,0.9215,0.9179,0.9171,0.9034,0.8945,0.8937,0.8908,0.8883,0.8767,0.872,0.867,0.8667,0.8654,0.8628,0.8618,0.8512,0.851,0.8489,0.8484,0.8482,0.8477,0.8466,0.8418,0.8365,0.8355,0.835,0.832,0.8278,0.8258,0.8231,0.8196,0.8164,0.8135,0.8086,0.8074,0.8069,0.8026,0.7987,0.7973,0.797,0.7954,0.7937,0.792,0.7901,0.7875,0.7866,0.7861,0.7851,0.7818,0.7779,0.7774,0.7734,0.773,0.772,0.7711,0.7709,0.7707,0.7686,0.7656,0.7589,0.7503,0.7494,0.7447,0.7445,0.7443,0.7425,0.74,0.7274,0.7229,0.7207,0.7175,0.7142,0.7087,0.7053,0.7036,0.7027,0.6935,0.6933,0.6877,0.6809,0.6774,0.6708,0.6691,0.6679,0.6661,0.6623,0.6527,0.6408,0.6385,0.6368,0.6324,0.6318,0.6181,0.6045,0.6038,0.5998,0.5905,0.5812,0.581,0.5798,0.5524,0.5501,0.5499,0.5458,0.5453,0.5419,0.5332,0.5031],[0.9509,0.9503,0.9492,0.9414,0.923,0.9195,0.9187,0.9053,0.8965,0.8957,0.8928,0.8905,0.879,0.8744,0.8695,0.8692,0.8679,0.8654,0.8644,0.854,0.8538,0.8517,0.8512,0.851,0.8505,0.8495,0.8447,0.8395,0.8386,0.8381,0.8351,0.8309,0.829,0.8263,0.8229,0.8198,0.8169,0.8121,0.8109,0.8104,0.8061,0.8023,0.8009,0.8007,0.799,0.7974,0.7957,0.7939,0.7913,0.7904,0.7899,0.789,0.7857,0.7818,0.7813,0.7774,0.777,0.7761,0.7752,0.7749,0.7747,0.7726,0.7697,0.7632,0.7547,0.7538,0.7491,0.7489,0.7487,0.7469,0.7445,0.7321,0.7276,0.7255,0.7223,0.7191,0.7136,0.7102,0.7086,0.7077,0.6986,0.6984,0.6929,0.6862,0.6828,0.6762,0.6746,0.6734,0.6716,0.6679,0.6583,0.6466,0.6443,0.6426,0.6382,0.6377,0.6241,0.6107,0.61,0.606,0.5968,0.5876,0.5874,0.5862,0.559,0.5567,0.5566,0.5525,0.552,0.5486,0.54,0.5101],[0.9384,0.9377,0.9363,0.9266,0.9037,0.8994,0.8984,0.8818,0.8711,0.8701,0.8665,0.8636,0.8496,0.8439,0.838,0.8377,0.8361,0.833,0.8318,0.8192,0.8189,0.8164,0.8158,0.8155,0.8149,0.8137,0.808,0.8017,0.8005,0.7999,0.7963,0.7913,0.789,0.7857,0.7817,0.7779,0.7744,0.7687,0.7673,0.7667,0.7616,0.757,0.7554,0.7551,0.7531,0.7512,0.7492,0.747,0.7439,0.7428,0.7423,0.7412,0.7373,0.7327,0.7321,0.7275,0.727,0.7259,0.7248,0.7245,0.7243,0.7218,0.7184,0.7106,0.7007,0.6996,0.6942,0.6939,0.6937,0.6916,0.6888,0.6743,0.6691,0.6666,0.6629,0.6592,0.6528,0.649,0.647,0.6461,0.6356,0.6353,0.629,0.6213,0.6174,0.6099,0.6081,0.6067,0.6047,0.6004,0.5896,0.5763,0.5738,0.5718,0.567,0.5663,0.5512,0.5362,0.5354,0.531,0.5209,0.5107,0.5105,0.5092,0.4796,0.4771,0.4769,0.4725,0.4719,0.4683,0.459,0.4272],[0.9316,0.9308,0.9293,0.9186,0.8934,0.8886,0.8875,0.8694,0.8575,0.8565,0.8526,0.8494,0.8341,0.8279,0.8214,0.821,0.8193,0.816,0.8146,0.8009,0.8006,0.7979,0.7973,0.7969,0.7963,0.7949,0.7887,0.7819,0.7806,0.7799,0.7761,0.7706,0.7681,0.7646,0.7602,0.7561,0.7523,0.7461,0.7446,0.744,0.7384,0.7336,0.7317,0.7314,0.7293,0.7272,0.7251,0.7227,0.7194,0.7182,0.7176,0.7164,0.7123,0.7073,0.7067,0.7018,0.7012,0.7,0.6989,0.6986,0.6983,0.6957,0.6919,0.6837,0.673,0.6719,0.6661,0.6658,0.6655,0.6633,0.6603,0.6449,0.6393,0.6367,0.6327,0.6288,0.6221,0.618,0.6159,0.6149,0.6038,0.6035,0.5968,0.5887,0.5846,0.5767,0.5747,0.5733,0.5712,0.5667,0.5553,0.5415,0.5388,0.5368,0.5317,0.531,0.5152,0.4997,0.4988,0.4943,0.4838,0.4733,0.4731,0.4717,0.4413,0.4387,0.4385,0.434,0.4335,0.4297,0.4202,0.3879],[0.9497,0.9491,0.948,0.94,0.9212,0.9176,0.9167,0.903,0.894,0.8932,0.8903,0.8879,0.8761,0.8714,0.8664,0.8662,0.8648,0.8622,0.8612,0.8506,0.8504,0.8483,0.8478,0.8475,0.847,0.846,0.8412,0.8358,0.8348,0.8343,0.8313,0.8271,0.8251,0.8223,0.8189,0.8157,0.8127,0.8078,0.8066,0.8061,0.8017,0.7979,0.7964,0.7962,0.7945,0.7928,0.7912,0.7893,0.7866,0.7857,0.7852,0.7843,0.781,0.777,0.7765,0.7725,0.7721,0.7711,0.7702,0.77,0.7697,0.7676,0.7646,0.758,0.7493,0.7484,0.7437,0.7435,0.7432,0.7414,0.739,0.7264,0.7218,0.7196,0.7164,0.7131,0.7076,0.7041,0.7024,0.7016,0.6923,0.6921,0.6865,0.6797,0.6762,0.6695,0.6679,0.6667,0.6649,0.6611,0.6514,0.6395,0.6372,0.6355,0.6311,0.6305,0.6167,0.6031,0.6024,0.5984,0.5891,0.5797,0.5796,0.5783,0.5509,0.5486,0.5484,0.5443,0.5438,0.5404,0.5316,0.5015],[0.9706,0.9702,0.9695,0.9648,0.9536,0.9514,0.9509,0.9426,0.9372,0.9367,0.9349,0.9335,0.9263,0.9234,0.9203,0.9202,0.9194,0.9178,0.9171,0.9106,0.9104,0.9092,0.9088,0.9087,0.9084,0.9077,0.9047,0.9014,0.9008,0.9005,0.8986,0.8959,0.8947,0.8929,0.8908,0.8887,0.8869,0.8838,0.883,0.8827,0.8799,0.8775,0.8765,0.8764,0.8753,0.8743,0.8732,0.872,0.8703,0.8697,0.8694,0.8688,0.8666,0.8641,0.8638,0.8612,0.8609,0.8603,0.8597,0.8596,0.8594,0.8581,0.8561,0.8518,0.8461,0.8456,0.8425,0.8423,0.8422,0.841,0.8394,0.831,0.828,0.8266,0.8244,0.8222,0.8185,0.8162,0.8151,0.8145,0.8083,0.8081,0.8043,0.7997,0.7973,0.7927,0.7916,0.7908,0.7896,0.787,0.7802,0.772,0.7703,0.7691,0.7661,0.7657,0.7559,0.7462,0.7457,0.7429,0.7361,0.7293,0.7292,0.7283,0.7081,0.7064,0.7063,0.7032,0.7028,0.7002,0.6937,0.6707],[0.9424,0.9417,0.9404,0.9313,0.9099,0.9058,0.9049,0.8893,0.8792,0.8783,0.875,0.8722,0.859,0.8537,0.8481,0.8478,0.8463,0.8434,0.8422,0.8303,0.83,0.8277,0.8271,0.8268,0.8263,0.8251,0.8197,0.8137,0.8126,0.8121,0.8087,0.8039,0.8017,0.7986,0.7948,0.7912,0.7879,0.7825,0.7811,0.7806,0.7757,0.7714,0.7698,0.7695,0.7677,0.7658,0.7639,0.7618,0.7589,0.7579,0.7574,0.7563,0.7526,0.7482,0.7477,0.7433,0.7428,0.7417,0.7407,0.7405,0.7402,0.7379,0.7346,0.7272,0.7177,0.7167,0.7115,0.7113,0.711,0.709,0.7063,0.6925,0.6875,0.6851,0.6815,0.678,0.6719,0.6682,0.6663,0.6654,0.6553,0.6551,0.649,0.6416,0.6378,0.6306,0.6288,0.6275,0.6256,0.6214,0.611,0.5982,0.5957,0.5938,0.5891,0.5885,0.5738,0.5592,0.5585,0.5542,0.5443,0.5344,0.5342,0.5329,0.504,0.5015,0.5013,0.497,0.4965,0.4929,0.4837,0.4524],[0.9641,0.9637,0.9628,0.9571,0.9435,0.9408,0.9402,0.9302,0.9237,0.9231,0.9209,0.9191,0.9105,0.907,0.9033,0.9032,0.9022,0.9003,0.8995,0.8916,0.8914,0.8899,0.8895,0.8893,0.889,0.8882,0.8846,0.8806,0.8799,0.8795,0.8772,0.8741,0.8726,0.8705,0.8679,0.8655,0.8633,0.8596,0.8587,0.8583,0.855,0.8521,0.851,0.8508,0.8495,0.8483,0.847,0.8455,0.8436,0.8428,0.8425,0.8418,0.8392,0.8362,0.8358,0.8328,0.8324,0.8317,0.831,0.8308,0.8307,0.8291,0.8268,0.8216,0.815,0.8143,0.8106,0.8105,0.8103,0.8089,0.807,0.7972,0.7936,0.7919,0.7894,0.7869,0.7825,0.7798,0.7785,0.7778,0.7706,0.7704,0.7659,0.7606,0.7578,0.7525,0.7512,0.7502,0.7488,0.7457,0.738,0.7284,0.7265,0.7251,0.7216,0.7211,0.7099,0.6988,0.6982,0.6949,0.6872,0.6794,0.6793,0.6783,0.6553,0.6533,0.6532,0.6497,0.6493,0.6464,0.639,0.6131],[0.9305,0.9297,0.9281,0.9172,0.8917,0.8868,0.8857,0.8673,0.8553,0.8542,0.8503,0.847,0.8315,0.8252,0.8186,0.8183,0.8165,0.8131,0.8117,0.7978,0.7975,0.7948,0.7942,0.7938,0.7932,0.7918,0.7855,0.7786,0.7773,0.7766,0.7727,0.7672,0.7646,0.7611,0.7566,0.7525,0.7487,0.7424,0.7408,0.7402,0.7346,0.7297,0.7278,0.7275,0.7254,0.7232,0.7211,0.7187,0.7154,0.7142,0.7136,0.7124,0.7082,0.7031,0.7025,0.6975,0.6969,0.6957,0.6946,0.6943,0.694,0.6914,0.6876,0.6792,0.6684,0.6673,0.6614,0.6612,0.6609,0.6587,0.6556,0.6401,0.6344,0.6317,0.6278,0.6238,0.617,0.6129,0.6108,0.6098,0.5986,0.5983,0.5916,0.5834,0.5792,0.5712,0.5693,0.5679,0.5657,0.5612,0.5497,0.5358,0.5331,0.5311,0.5259,0.5253,0.5094,0.4937,0.4929,0.4884,0.4778,0.4672,0.467,0.4656,0.4351,0.4326,0.4324,0.4278,0.4273,0.4235,0.414,0.3817],[0.9555,0.955,0.954,0.9469,0.9302,0.927,0.9262,0.914,0.906,0.9053,0.9027,0.9005,0.89,0.8858,0.8813,0.8811,0.8799,0.8776,0.8766,0.8671,0.8669,0.865,0.8646,0.8643,0.8639,0.863,0.8586,0.8538,0.8529,0.8525,0.8498,0.8459,0.8441,0.8417,0.8385,0.8356,0.833,0.8286,0.8275,0.827,0.8231,0.8196,0.8183,0.818,0.8165,0.815,0.8135,0.8118,0.8094,0.8085,0.8081,0.8072,0.8042,0.8006,0.8002,0.7966,0.7961,0.7953,0.7944,0.7942,0.794,0.7921,0.7894,0.7833,0.7754,0.7746,0.7703,0.7701,0.7699,0.7683,0.766,0.7545,0.7503,0.7483,0.7453,0.7423,0.7372,0.7341,0.7325,0.7318,0.7232,0.723,0.7179,0.7116,0.7084,0.7022,0.7007,0.6996,0.6979,0.6944,0.6854,0.6744,0.6722,0.6706,0.6665,0.666,0.6532,0.6405,0.6398,0.636,0.6273,0.6185,0.6184,0.6172,0.5913,0.5891,0.589,0.5851,0.5846,0.5813,0.5731,0.5444],[0.9576,0.9571,0.9562,0.9494,0.9334,0.9304,0.9296,0.9179,0.9103,0.9096,0.9071,0.905,0.895,0.8909,0.8866,0.8864,0.8853,0.883,0.8822,0.873,0.8728,0.8711,0.8706,0.8704,0.87,0.8691,0.8649,0.8603,0.8594,0.859,0.8564,0.8527,0.851,0.8486,0.8456,0.8428,0.8403,0.836,0.835,0.8346,0.8308,0.8274,0.8261,0.8259,0.8245,0.823,0.8215,0.8199,0.8176,0.8168,0.8164,0.8155,0.8126,0.8092,0.8087,0.8053,0.8049,0.804,0.8032,0.803,0.8028,0.801,0.7984,0.7925,0.7849,0.7841,0.78,0.7798,0.7796,0.778,0.7758,0.7647,0.7607,0.7587,0.7559,0.753,0.748,0.745,0.7435,0.7428,0.7345,0.7343,0.7293,0.7233,0.7202,0.7142,0.7127,0.7116,0.71,0.7066,0.6979,0.6872,0.6851,0.6835,0.6796,0.6791,0.6666,0.6542,0.6536,0.6499,0.6414,0.6329,0.6327,0.6316,0.6064,0.6042,0.6041,0.6002,0.5998,0.5966,0.5885,0.5604],[0.943,0.9423,0.941,0.932,0.9108,0.9068,0.9058,0.8904,0.8804,0.8795,0.8762,0.8735,0.8604,0.855,0.8495,0.8492,0.8477,0.8448,0.8437,0.8319,0.8316,0.8293,0.8287,0.8285,0.8279,0.8268,0.8214,0.8155,0.8144,0.8138,0.8104,0.8057,0.8035,0.8005,0.7967,0.7931,0.7898,0.7844,0.7831,0.7826,0.7777,0.7735,0.7719,0.7716,0.7698,0.7679,0.7661,0.764,0.7611,0.76,0.7595,0.7585,0.7548,0.7504,0.7499,0.7456,0.7451,0.744,0.743,0.7428,0.7425,0.7402,0.7369,0.7296,0.7201,0.7192,0.714,0.7137,0.7135,0.7115,0.7089,0.6951,0.6901,0.6878,0.6842,0.6807,0.6747,0.671,0.6691,0.6682,0.6582,0.658,0.6519,0.6445,0.6408,0.6336,0.6318,0.6305,0.6286,0.6245,0.6141,0.6013,0.5989,0.597,0.5923,0.5917,0.5771,0.5626,0.5618,0.5576,0.5477,0.5378,0.5377,0.5364,0.5075,0.5051,0.5049,0.5006,0.5001,0.4965,0.4874,0.4561],[0.9622,0.9618,0.9609,0.9548,0.9405,0.9378,0.9371,0.9266,0.9198,0.9192,0.9169,0.915,0.906,0.9023,0.8985,0.8983,0.8972,0.8952,0.8944,0.8862,0.886,0.8844,0.884,0.8838,0.8834,0.8826,0.8788,0.8747,0.8739,0.8735,0.8711,0.8678,0.8662,0.8641,0.8614,0.8589,0.8565,0.8527,0.8517,0.8513,0.8479,0.8448,0.8437,0.8435,0.8422,0.8409,0.8395,0.838,0.8359,0.8352,0.8348,0.8341,0.8314,0.8282,0.8279,0.8247,0.8243,0.8236,0.8229,0.8227,0.8225,0.8208,0.8184,0.8131,0.8061,0.8054,0.8016,0.8014,0.8013,0.7998,0.7978,0.7876,0.7839,0.7822,0.7795,0.7769,0.7724,0.7696,0.7682,0.7675,0.7599,0.7597,0.7551,0.7495,0.7467,0.7411,0.7398,0.7388,0.7373,0.7342,0.7261,0.7162,0.7142,0.7128,0.7091,0.7086,0.6971,0.6855,0.6849,0.6815,0.6736,0.6656,0.6654,0.6644,0.6407,0.6387,0.6385,0.635,0.6345,0.6315,0.6239,0.5973],[0.9636,0.9632,0.9623,0.9565,0.9427,0.9401,0.9394,0.9293,0.9227,0.9221,0.9199,0.9181,0.9094,0.9058,0.9021,0.9019,0.9009,0.899,0.8982,0.8902,0.8901,0.8885,0.8881,0.8879,0.8875,0.8868,0.8831,0.8791,0.8784,0.878,0.8757,0.8725,0.871,0.8689,0.8662,0.8638,0.8616,0.8578,0.8569,0.8565,0.8532,0.8502,0.8491,0.8489,0.8477,0.8464,0.8451,0.8436,0.8416,0.8409,0.8405,0.8398,0.8372,0.8342,0.8338,0.8307,0.8304,0.8297,0.8289,0.8288,0.8286,0.827,0.8246,0.8195,0.8127,0.812,0.8083,0.8082,0.808,0.8066,0.8047,0.7948,0.7912,0.7895,0.7869,0.7843,0.7799,0.7772,0.7759,0.7752,0.7678,0.7677,0.7632,0.7577,0.755,0.7496,0.7483,0.7473,0.7458,0.7428,0.7349,0.7253,0.7234,0.722,0.7184,0.7179,0.7066,0.6954,0.6948,0.6915,0.6837,0.6759,0.6757,0.6747,0.6516,0.6496,0.6495,0.6459,0.6455,0.6426,0.6351,0.6091],[0.9611,0.9607,0.9598,0.9536,0.9389,0.9361,0.9354,0.9246,0.9176,0.917,0.9146,0.9127,0.9034,0.8997,0.8957,0.8955,0.8945,0.8924,0.8916,0.8832,0.8829,0.8813,0.8809,0.8807,0.8803,0.8795,0.8756,0.8714,0.8706,0.8701,0.8677,0.8643,0.8627,0.8605,0.8577,0.8551,0.8528,0.8488,0.8478,0.8475,0.8439,0.8408,0.8396,0.8394,0.8381,0.8367,0.8354,0.8338,0.8317,0.8309,0.8305,0.8298,0.8271,0.8238,0.8234,0.8202,0.8198,0.8191,0.8183,0.8181,0.8179,0.8162,0.8138,0.8083,0.8012,0.8005,0.7966,0.7964,0.7962,0.7947,0.7927,0.7823,0.7785,0.7767,0.774,0.7713,0.7667,0.7639,0.7624,0.7617,0.754,0.7538,0.7491,0.7434,0.7405,0.7348,0.7335,0.7325,0.7309,0.7277,0.7195,0.7094,0.7074,0.706,0.7022,0.7017,0.6899,0.6782,0.6776,0.6741,0.6661,0.6579,0.6578,0.6567,0.6326,0.6306,0.6304,0.6268,0.6264,0.6233,0.6156,0.5886],[0.9634,0.9629,0.9621,0.9562,0.9424,0.9397,0.9391,0.9289,0.9222,0.9216,0.9194,0.9176,0.9088,0.9052,0.9015,0.9013,0.9003,0.8984,0.8976,0.8896,0.8894,0.8878,0.8874,0.8873,0.8869,0.8861,0.8824,0.8784,0.8776,0.8772,0.8749,0.8717,0.8702,0.8681,0.8654,0.863,0.8607,0.857,0.856,0.8557,0.8523,0.8493,0.8482,0.848,0.8468,0.8455,0.8442,0.8427,0.8407,0.8399,0.8396,0.8388,0.8363,0.8332,0.8328,0.8297,0.8294,0.8287,0.8279,0.8277,0.8276,0.8259,0.8236,0.8184,0.8116,0.8109,0.8072,0.807,0.8069,0.8055,0.8035,0.7936,0.79,0.7882,0.7857,0.7831,0.7787,0.776,0.7746,0.7739,0.7665,0.7664,0.7619,0.7564,0.7536,0.7482,0.7469,0.7459,0.7444,0.7413,0.7335,0.7238,0.7219,0.7204,0.7168,0.7164,0.705,0.6937,0.6931,0.6898,0.682,0.6742,0.674,0.673,0.6498,0.6478,0.6476,0.6441,0.6437,0.6408,0.6332,0.6071],[0.9263,0.9255,0.9239,0.9124,0.8854,0.8803,0.8791,0.8597,0.8471,0.8459,0.8418,0.8384,0.822,0.8155,0.8085,0.8082,0.8064,0.8028,0.8013,0.7868,0.7864,0.7836,0.7829,0.7826,0.7819,0.7805,0.7739,0.7666,0.7653,0.7646,0.7605,0.7547,0.752,0.7483,0.7437,0.7393,0.7354,0.7288,0.7272,0.7266,0.7207,0.7156,0.7137,0.7133,0.7111,0.7089,0.7067,0.7042,0.7007,0.6994,0.6988,0.6976,0.6932,0.688,0.6873,0.6821,0.6815,0.6803,0.6791,0.6788,0.6785,0.6758,0.6718,0.6632,0.652,0.6508,0.6447,0.6445,0.6442,0.6419,0.6387,0.6226,0.6168,0.6141,0.61,0.6059,0.5989,0.5946,0.5925,0.5914,0.5799,0.5796,0.5727,0.5643,0.56,0.5518,0.5498,0.5483,0.5461,0.5415,0.5298,0.5155,0.5128,0.5107,0.5055,0.5048,0.4886,0.4727,0.4718,0.4672,0.4564,0.4457,0.4456,0.4442,0.4133,0.4107,0.4105,0.406,0.4054,0.4016,0.392,0.3596],[0.9534,0.9529,0.9518,0.9444,0.927,0.9236,0.9228,0.9101,0.9017,0.901,0.8982,0.8959,0.885,0.8806,0.8759,0.8757,0.8745,0.872,0.8711,0.8612,0.8609,0.859,0.8585,0.8583,0.8578,0.8569,0.8523,0.8473,0.8464,0.8459,0.8431,0.8391,0.8372,0.8347,0.8314,0.8284,0.8257,0.8211,0.8199,0.8195,0.8154,0.8117,0.8104,0.8101,0.8086,0.807,0.8054,0.8036,0.8012,0.8003,0.7998,0.7989,0.7958,0.7921,0.7916,0.7879,0.7874,0.7865,0.7857,0.7855,0.7852,0.7833,0.7804,0.7741,0.766,0.7651,0.7607,0.7605,0.7602,0.7585,0.7562,0.7443,0.74,0.7379,0.7348,0.7317,0.7265,0.7232,0.7216,0.7208,0.712,0.7118,0.7065,0.7,0.6967,0.6903,0.6888,0.6876,0.6859,0.6823,0.673,0.6617,0.6595,0.6578,0.6536,0.6531,0.6399,0.6268,0.6261,0.6223,0.6133,0.6043,0.6042,0.603,0.5765,0.5743,0.5741,0.5701,0.5696,0.5663,0.5579,0.5286],[0.9573,0.9568,0.9559,0.9491,0.933,0.9299,0.9292,0.9174,0.9097,0.909,0.9065,0.9044,0.8943,0.8902,0.8859,0.8857,0.8846,0.8823,0.8814,0.8722,0.872,0.8702,0.8698,0.8696,0.8691,0.8682,0.8641,0.8594,0.8586,0.8581,0.8555,0.8518,0.8501,0.8477,0.8447,0.8419,0.8393,0.835,0.834,0.8335,0.8297,0.8263,0.8251,0.8249,0.8234,0.8219,0.8205,0.8188,0.8165,0.8157,0.8152,0.8144,0.8115,0.808,0.8076,0.8041,0.8037,0.8029,0.802,0.8018,0.8016,0.7998,0.7972,0.7913,0.7836,0.7828,0.7787,0.7785,0.7783,0.7767,0.7745,0.7633,0.7593,0.7573,0.7544,0.7516,0.7466,0.7435,0.742,0.7413,0.733,0.7328,0.7278,0.7217,0.7186,0.7125,0.7111,0.71,0.7084,0.705,0.6962,0.6855,0.6834,0.6818,0.6778,0.6773,0.6648,0.6524,0.6517,0.6481,0.6395,0.6309,0.6308,0.6296,0.6043,0.6022,0.602,0.5982,0.5977,0.5945,0.5864,0.5582],[0.9541,0.9536,0.9526,0.9453,0.9281,0.9248,0.924,0.9114,0.9032,0.9024,0.8997,0.8975,0.8867,0.8824,0.8778,0.8775,0.8763,0.8739,0.873,0.8632,0.863,0.8611,0.8606,0.8603,0.8599,0.8589,0.8545,0.8496,0.8486,0.8482,0.8454,0.8414,0.8396,0.8371,0.8338,0.8309,0.8281,0.8236,0.8225,0.822,0.818,0.8144,0.8131,0.8128,0.8113,0.8097,0.8082,0.8064,0.804,0.8031,0.8026,0.8017,0.7987,0.795,0.7945,0.7908,0.7904,0.7895,0.7887,0.7884,0.7882,0.7863,0.7835,0.7773,0.7692,0.7684,0.7639,0.7637,0.7635,0.7618,0.7595,0.7478,0.7435,0.7414,0.7384,0.7353,0.7301,0.7269,0.7253,0.7245,0.7158,0.7156,0.7103,0.7039,0.7007,0.6943,0.6928,0.6917,0.69,0.6864,0.6772,0.666,0.6638,0.6621,0.658,0.6574,0.6444,0.6314,0.6307,0.6269,0.6181,0.6091,0.609,0.6078,0.5815,0.5793,0.5791,0.5752,0.5747,0.5714,0.563,0.5339],[0.9476,0.947,0.9458,0.9375,0.918,0.9142,0.9134,0.8991,0.8898,0.889,0.8859,0.8834,0.8713,0.8664,0.8612,0.8609,0.8596,0.8569,0.8558,0.8448,0.8446,0.8424,0.8419,0.8416,0.8411,0.84,0.835,0.8295,0.8285,0.828,0.8249,0.8205,0.8184,0.8156,0.812,0.8087,0.8056,0.8006,0.7993,0.7988,0.7943,0.7903,0.7888,0.7886,0.7868,0.7851,0.7834,0.7814,0.7787,0.7777,0.7772,0.7763,0.7729,0.7687,0.7682,0.7641,0.7637,0.7627,0.7617,0.7615,0.7613,0.7591,0.756,0.7491,0.7402,0.7393,0.7344,0.7342,0.734,0.7321,0.7296,0.7166,0.7119,0.7097,0.7063,0.703,0.6973,0.6938,0.692,0.6912,0.6817,0.6815,0.6757,0.6687,0.6652,0.6583,0.6566,0.6554,0.6535,0.6496,0.6397,0.6275,0.6252,0.6234,0.6189,0.6183,0.6043,0.5904,0.5896,0.5856,0.5761,0.5665,0.5664,0.5651,0.5372,0.5348,0.5347,0.5305,0.53,0.5265,0.5176,0.4871],[0.9691,0.9687,0.968,0.963,0.9512,0.949,0.9484,0.9398,0.9341,0.9336,0.9317,0.9302,0.9227,0.9196,0.9164,0.9162,0.9154,0.9137,0.913,0.9062,0.906,0.9047,0.9044,0.9042,0.9039,0.9032,0.9001,0.8966,0.8959,0.8956,0.8936,0.8908,0.8895,0.8877,0.8855,0.8833,0.8814,0.8782,0.8774,0.877,0.8741,0.8716,0.8706,0.8704,0.8693,0.8682,0.8671,0.8658,0.8641,0.8634,0.8631,0.8625,0.8603,0.8576,0.8573,0.8546,0.8543,0.8537,0.853,0.8529,0.8527,0.8513,0.8493,0.8448,0.8389,0.8383,0.835,0.8349,0.8347,0.8335,0.8318,0.8232,0.82,0.8185,0.8162,0.814,0.8101,0.8077,0.8065,0.8059,0.7994,0.7993,0.7953,0.7905,0.7881,0.7833,0.7822,0.7813,0.78,0.7773,0.7703,0.7617,0.76,0.7588,0.7556,0.7552,0.7451,0.735,0.7345,0.7315,0.7246,0.7176,0.7174,0.7165,0.6956,0.6938,0.6937,0.6905,0.6901,0.6875,0.6807,0.657],[0.9617,0.9613,0.9604,0.9543,0.9398,0.937,0.9364,0.9257,0.9188,0.9182,0.9159,0.914,0.9048,0.9011,0.8972,0.897,0.896,0.894,0.8932,0.8848,0.8846,0.883,0.8826,0.8824,0.882,0.8812,0.8774,0.8732,0.8724,0.872,0.8696,0.8662,0.8647,0.8625,0.8597,0.8572,0.8548,0.851,0.85,0.8496,0.8461,0.843,0.8419,0.8417,0.8403,0.839,0.8377,0.8361,0.834,0.8333,0.8329,0.8321,0.8295,0.8263,0.8259,0.8227,0.8223,0.8216,0.8208,0.8206,0.8204,0.8188,0.8163,0.8109,0.8039,0.8032,0.7994,0.7992,0.799,0.7975,0.7955,0.7853,0.7815,0.7797,0.777,0.7744,0.7698,0.767,0.7656,0.7649,0.7573,0.7571,0.7524,0.7468,0.7439,0.7383,0.737,0.736,0.7344,0.7313,0.7231,0.7131,0.7112,0.7097,0.706,0.7055,0.6939,0.6822,0.6816,0.6782,0.6702,0.6621,0.662,0.6609,0.6371,0.635,0.6349,0.6313,0.6309,0.6278,0.6201,0.5934],[0.9739,0.9736,0.973,0.9688,0.9588,0.9569,0.9565,0.9491,0.9443,0.9439,0.9423,0.9409,0.9346,0.932,0.9292,0.9291,0.9284,0.9269,0.9264,0.9205,0.9204,0.9192,0.919,0.9188,0.9185,0.918,0.9153,0.9123,0.9118,0.9115,0.9098,0.9074,0.9063,0.9047,0.9028,0.901,0.8993,0.8965,0.8958,0.8956,0.8931,0.8909,0.89,0.8899,0.8889,0.888,0.887,0.8859,0.8844,0.8839,0.8836,0.8831,0.8811,0.8788,0.8786,0.8763,0.876,0.8754,0.8749,0.8748,0.8746,0.8734,0.8717,0.8678,0.8627,0.8622,0.8594,0.8592,0.8591,0.858,0.8566,0.8491,0.8463,0.845,0.8431,0.8411,0.8377,0.8357,0.8346,0.8341,0.8285,0.8283,0.8249,0.8207,0.8185,0.8144,0.8134,0.8126,0.8115,0.8091,0.803,0.7955,0.794,0.7929,0.7901,0.7897,0.7809,0.772,0.7715,0.7689,0.7627,0.7565,0.7564,0.7556,0.737,0.7354,0.7353,0.7325,0.7321,0.7298,0.7237,0.7025],[0.9543,0.9538,0.9527,0.9454,0.9283,0.925,0.9242,0.9116,0.9035,0.9027,0.9,0.8978,0.887,0.8827,0.8781,0.8779,0.8767,0.8743,0.8733,0.8636,0.8633,0.8614,0.861,0.8607,0.8603,0.8593,0.8549,0.85,0.849,0.8486,0.8458,0.8419,0.84,0.8375,0.8343,0.8313,0.8286,0.8241,0.823,0.8225,0.8185,0.8149,0.8136,0.8133,0.8118,0.8102,0.8087,0.8069,0.8045,0.8036,0.8032,0.8023,0.7992,0.7955,0.7951,0.7914,0.7909,0.7901,0.7892,0.789,0.7888,0.7868,0.784,0.7778,0.7698,0.769,0.7645,0.7643,0.7641,0.7625,0.7602,0.7484,0.7441,0.7421,0.739,0.736,0.7308,0.7276,0.726,0.7252,0.7165,0.7163,0.7111,0.7047,0.7014,0.6951,0.6936,0.6924,0.6907,0.6872,0.678,0.6668,0.6646,0.663,0.6588,0.6583,0.6452,0.6323,0.6316,0.6278,0.6189,0.61,0.6099,0.6087,0.5825,0.5802,0.5801,0.5761,0.5756,0.5723,0.5639,0.5349],[0.9421,0.9415,0.9402,0.931,0.9096,0.9054,0.9045,0.8889,0.8787,0.8778,0.8744,0.8717,0.8584,0.8531,0.8474,0.8471,0.8457,0.8427,0.8415,0.8296,0.8293,0.827,0.8264,0.8261,0.8256,0.8244,0.819,0.813,0.8119,0.8113,0.8079,0.8032,0.8009,0.7979,0.794,0.7904,0.7871,0.7816,0.7803,0.7797,0.7748,0.7705,0.7689,0.7686,0.7668,0.7649,0.763,0.7609,0.758,0.7569,0.7564,0.7554,0.7517,0.7473,0.7467,0.7423,0.7418,0.7408,0.7397,0.7395,0.7392,0.7369,0.7336,0.7262,0.7166,0.7156,0.7104,0.7102,0.7099,0.708,0.7052,0.6914,0.6863,0.6839,0.6804,0.6768,0.6707,0.667,0.6651,0.6642,0.6541,0.6539,0.6478,0.6403,0.6366,0.6293,0.6275,0.6262,0.6243,0.6201,0.6096,0.5968,0.5943,0.5925,0.5877,0.5871,0.5724,0.5578,0.557,0.5528,0.5428,0.5329,0.5327,0.5314,0.5024,0.5,0.4998,0.4955,0.495,0.4913,0.4822,0.4508],[0.9634,0.963,0.9622,0.9563,0.9425,0.9398,0.9392,0.929,0.9224,0.9218,0.9196,0.9178,0.909,0.9054,0.9017,0.9015,0.9005,0.8986,0.8978,0.8898,0.8896,0.8881,0.8877,0.8875,0.8871,0.8863,0.8827,0.8786,0.8779,0.8775,0.8752,0.872,0.8704,0.8684,0.8657,0.8633,0.861,0.8573,0.8563,0.856,0.8526,0.8497,0.8485,0.8484,0.8471,0.8458,0.8445,0.843,0.841,0.8403,0.8399,0.8392,0.8366,0.8335,0.8332,0.8301,0.8297,0.829,0.8283,0.8281,0.8279,0.8263,0.824,0.8188,0.812,0.8113,0.8076,0.8074,0.8073,0.8058,0.8039,0.794,0.7904,0.7887,0.7861,0.7835,0.7791,0.7764,0.775,0.7744,0.767,0.7668,0.7623,0.7568,0.7541,0.7486,0.7473,0.7464,0.7449,0.7418,0.734,0.7243,0.7224,0.721,0.7174,0.7169,0.7056,0.6943,0.6937,0.6904,0.6826,0.6748,0.6746,0.6736,0.6504,0.6484,0.6483,0.6447,0.6443,0.6414,0.6339,0.6078],[0.9475,0.9469,0.9457,0.9373,0.9177,0.914,0.9131,0.8988,0.8895,0.8887,0.8856,0.8831,0.8709,0.8659,0.8608,0.8605,0.8591,0.8564,0.8554,0.8444,0.8441,0.842,0.8414,0.8412,0.8406,0.8396,0.8346,0.829,0.828,0.8275,0.8243,0.8199,0.8179,0.815,0.8114,0.8081,0.8051,0.8,0.7987,0.7982,0.7937,0.7897,0.7882,0.788,0.7862,0.7845,0.7828,0.7808,0.7781,0.7771,0.7766,0.7756,0.7722,0.7681,0.7676,0.7635,0.763,0.762,0.7611,0.7608,0.7606,0.7584,0.7553,0.7484,0.7395,0.7386,0.7337,0.7335,0.7333,0.7314,0.7289,0.7159,0.7111,0.7089,0.7056,0.7022,0.6965,0.693,0.6912,0.6904,0.6808,0.6806,0.6748,0.6678,0.6643,0.6574,0.6557,0.6545,0.6526,0.6487,0.6388,0.6266,0.6242,0.6225,0.618,0.6174,0.6033,0.5894,0.5886,0.5846,0.575,0.5655,0.5653,0.5641,0.5361,0.5338,0.5336,0.5294,0.5289,0.5254,0.5165,0.486],[0.9699,0.9695,0.9688,0.964,0.9525,0.9503,0.9498,0.9413,0.9358,0.9353,0.9334,0.9319,0.9246,0.9216,0.9185,0.9183,0.9175,0.9159,0.9152,0.9085,0.9084,0.9071,0.9067,0.9066,0.9063,0.9056,0.9025,0.8992,0.8985,0.8982,0.8963,0.8935,0.8923,0.8905,0.8883,0.8862,0.8843,0.8812,0.8804,0.8801,0.8772,0.8747,0.8738,0.8736,0.8725,0.8714,0.8703,0.8691,0.8674,0.8668,0.8665,0.8658,0.8637,0.861,0.8607,0.8581,0.8578,0.8572,0.8566,0.8564,0.8563,0.8549,0.8529,0.8485,0.8428,0.8421,0.839,0.8388,0.8387,0.8375,0.8358,0.8274,0.8243,0.8228,0.8206,0.8184,0.8146,0.8122,0.8111,0.8105,0.8041,0.804,0.8001,0.7954,0.793,0.7883,0.7872,0.7864,0.7851,0.7824,0.7756,0.7672,0.7655,0.7643,0.7612,0.7608,0.7509,0.741,0.7405,0.7376,0.7307,0.7238,0.7237,0.7228,0.7023,0.7005,0.7004,0.6973,0.6969,0.6943,0.6876,0.6643],[0.9632,0.9627,0.9619,0.956,0.9421,0.9394,0.9388,0.9285,0.9218,0.9212,0.919,0.9172,0.9084,0.9048,0.901,0.9008,0.8998,0.8979,0.8971,0.889,0.8888,0.8873,0.8869,0.8867,0.8863,0.8855,0.8818,0.8778,0.877,0.8766,0.8743,0.8711,0.8695,0.8674,0.8648,0.8623,0.8601,0.8563,0.8553,0.855,0.8516,0.8486,0.8475,0.8473,0.846,0.8447,0.8434,0.8419,0.8399,0.8392,0.8388,0.8381,0.8355,0.8324,0.832,0.8289,0.8286,0.8278,0.8271,0.8269,0.8267,0.8251,0.8228,0.8175,0.8108,0.81,0.8063,0.8061,0.806,0.8046,0.8026,0.7926,0.789,0.7873,0.7847,0.7821,0.7776,0.7749,0.7736,0.7729,0.7655,0.7653,0.7608,0.7553,0.7525,0.747,0.7457,0.7447,0.7433,0.7402,0.7323,0.7225,0.7206,0.7192,0.7156,0.7151,0.7037,0.6924,0.6918,0.6885,0.6807,0.6728,0.6726,0.6716,0.6483,0.6463,0.6462,0.6426,0.6422,0.6393,0.6317,0.6055],[0.9595,0.959,0.9581,0.9516,0.9364,0.9334,0.9327,0.9215,0.9142,0.9135,0.9111,0.9091,0.8995,0.8956,0.8915,0.8913,0.8902,0.8881,0.8872,0.8784,0.8782,0.8765,0.8761,0.8759,0.8755,0.8746,0.8706,0.8662,0.8654,0.865,0.8625,0.8589,0.8573,0.855,0.8521,0.8494,0.847,0.8429,0.8419,0.8414,0.8378,0.8346,0.8333,0.8331,0.8317,0.8303,0.8289,0.8273,0.8251,0.8243,0.8239,0.8231,0.8204,0.817,0.8166,0.8132,0.8128,0.8121,0.8113,0.8111,0.8109,0.8091,0.8066,0.8009,0.7936,0.7929,0.7888,0.7886,0.7885,0.7869,0.7848,0.7741,0.7702,0.7683,0.7655,0.7628,0.758,0.7551,0.7536,0.7529,0.7449,0.7447,0.7399,0.734,0.731,0.7252,0.7238,0.7227,0.7212,0.7179,0.7094,0.699,0.697,0.6955,0.6916,0.6911,0.679,0.667,0.6663,0.6628,0.6545,0.6462,0.646,0.6449,0.6203,0.6182,0.6181,0.6143,0.6139,0.6108,0.6029,0.5754],[0.9468,0.9462,0.945,0.9366,0.9167,0.9129,0.912,0.8976,0.8881,0.8873,0.8842,0.8816,0.8693,0.8643,0.8591,0.8588,0.8574,0.8547,0.8536,0.8425,0.8422,0.8401,0.8395,0.8393,0.8387,0.8377,0.8326,0.827,0.826,0.8254,0.8223,0.8178,0.8157,0.8129,0.8092,0.8059,0.8028,0.7977,0.7964,0.7959,0.7913,0.7873,0.7858,0.7855,0.7838,0.782,0.7803,0.7783,0.7755,0.7745,0.774,0.7731,0.7696,0.7654,0.7649,0.7608,0.7603,0.7593,0.7584,0.7581,0.7579,0.7557,0.7526,0.7456,0.7366,0.7357,0.7307,0.7305,0.7303,0.7284,0.7259,0.7127,0.708,0.7057,0.7023,0.699,0.6932,0.6897,0.6879,0.687,0.6774,0.6772,0.6714,0.6643,0.6607,0.6538,0.6521,0.6509,0.649,0.6451,0.635,0.6228,0.6204,0.6186,0.6141,0.6135,0.5993,0.5853,0.5846,0.5805,0.5709,0.5613,0.5611,0.5599,0.5318,0.5294,0.5292,0.525,0.5245,0.521,0.5121,0.4814],[0.9399,0.9393,0.9379,0.9284,0.9062,0.9019,0.9009,0.8848,0.8742,0.8733,0.8698,0.867,0.8533,0.8477,0.8419,0.8416,0.8401,0.837,0.8358,0.8235,0.8232,0.8208,0.8202,0.8199,0.8193,0.8182,0.8125,0.8064,0.8052,0.8046,0.8011,0.7962,0.7939,0.7908,0.7868,0.7831,0.7797,0.774,0.7726,0.7721,0.7671,0.7626,0.761,0.7607,0.7588,0.7569,0.7549,0.7528,0.7498,0.7487,0.7481,0.747,0.7433,0.7387,0.7382,0.7336,0.7331,0.732,0.731,0.7307,0.7305,0.7281,0.7247,0.7171,0.7073,0.7063,0.7009,0.7006,0.7004,0.6984,0.6956,0.6814,0.6762,0.6738,0.6701,0.6665,0.6602,0.6564,0.6545,0.6536,0.6432,0.643,0.6367,0.6292,0.6253,0.6179,0.6161,0.6148,0.6128,0.6086,0.5978,0.5848,0.5822,0.5803,0.5755,0.5749,0.5599,0.5451,0.5443,0.54,0.5299,0.5198,0.5196,0.5183,0.489,0.4865,0.4863,0.4819,0.4814,0.4778,0.4685,0.4369],[0.6464,0.6431,0.6365,0.5926,0.4995,0.4832,0.4795,0.4221,0.388,0.385,0.3744,0.3659,0.327,0.3123,0.2975,0.2968,0.293,0.2856,0.2827,0.2546,0.254,0.2489,0.2476,0.247,0.2457,0.2432,0.2317,0.2196,0.2174,0.2163,0.2097,0.2008,0.1968,0.1913,0.1846,0.1786,0.1732,0.1646,0.1625,0.1617,0.1544,0.1482,0.146,0.1456,0.143,0.1405,0.138,0.1352,0.1315,0.1301,0.1295,0.1282,0.1237,0.1184,0.1178,0.1128,0.1122,0.1111,0.11,0.1097,0.1094,0.1069,0.1034,0.0961,0.0872,0.0863,0.0818,0.0816,0.0814,0.0797,0.0775,0.067,0.0635,0.0619,0.0596,0.0574,0.0537,0.0515,0.0505,0.05,0.0447,0.0446,0.0416,0.0382,0.0366,0.0337,0.033,0.0325,0.0317,0.0302,0.0267,0.0228,0.0221,0.0216,0.0204,0.0203,0.0168,0.0139,0.0138,0.013,0.0114,0.01,0.0099,0.0098,0.0065,0.0062,0.0062,0.0058,0.0058,0.0055,0.0048,0.0029],[0.9569,0.9564,0.9554,0.9486,0.9323,0.9292,0.9285,0.9166,0.9088,0.9081,0.9056,0.9035,0.8933,0.8892,0.8848,0.8846,0.8834,0.8812,0.8803,0.871,0.8708,0.869,0.8686,0.8683,0.8679,0.867,0.8628,0.8581,0.8572,0.8568,0.8541,0.8504,0.8486,0.8462,0.8432,0.8404,0.8378,0.8335,0.8324,0.832,0.8281,0.8247,0.8234,0.8232,0.8217,0.8203,0.8188,0.8171,0.8148,0.814,0.8135,0.8127,0.8098,0.8062,0.8058,0.8023,0.8019,0.8011,0.8002,0.8,0.7998,0.798,0.7953,0.7894,0.7817,0.7809,0.7767,0.7765,0.7763,0.7747,0.7725,0.7612,0.7571,0.7552,0.7522,0.7493,0.7443,0.7413,0.7398,0.739,0.7307,0.7305,0.7254,0.7193,0.7161,0.7101,0.7086,0.7075,0.7059,0.7024,0.6936,0.6828,0.6807,0.6791,0.6751,0.6746,0.662,0.6495,0.6488,0.6452,0.6366,0.6279,0.6278,0.6267,0.6012,0.599,0.5989,0.595,0.5946,0.5914,0.5832,0.5549],[0.9457,0.9451,0.9439,0.9353,0.915,0.9112,0.9103,0.8955,0.8859,0.8851,0.8819,0.8793,0.8668,0.8617,0.8564,0.8561,0.8547,0.8519,0.8508,0.8395,0.8392,0.837,0.8365,0.8362,0.8357,0.8346,0.8294,0.8237,0.8227,0.8221,0.8189,0.8144,0.8123,0.8093,0.8057,0.8022,0.7991,0.7939,0.7926,0.7921,0.7875,0.7834,0.7818,0.7816,0.7798,0.778,0.7762,0.7742,0.7714,0.7704,0.7699,0.7689,0.7654,0.7612,0.7607,0.7565,0.756,0.755,0.754,0.7538,0.7535,0.7513,0.7481,0.7411,0.7319,0.731,0.726,0.7257,0.7255,0.7236,0.721,0.7077,0.7029,0.7006,0.6972,0.6938,0.6879,0.6843,0.6825,0.6817,0.6719,0.6717,0.6658,0.6587,0.655,0.648,0.6463,0.6451,0.6432,0.6392,0.6291,0.6167,0.6142,0.6124,0.6079,0.6073,0.593,0.5788,0.5781,0.5739,0.5643,0.5546,0.5544,0.5531,0.5248,0.5224,0.5223,0.518,0.5175,0.514,0.505,0.4742],[0.9418,0.9411,0.9398,0.9306,0.909,0.9049,0.9039,0.8882,0.878,0.8771,0.8737,0.8709,0.8576,0.8522,0.8465,0.8462,0.8448,0.8418,0.8406,0.8286,0.8283,0.826,0.8254,0.8251,0.8246,0.8234,0.8179,0.8119,0.8108,0.8102,0.8068,0.802,0.7998,0.7967,0.7928,0.7892,0.7859,0.7804,0.779,0.7785,0.7736,0.7692,0.7676,0.7674,0.7655,0.7636,0.7617,0.7596,0.7567,0.7556,0.7551,0.754,0.7503,0.7459,0.7453,0.7409,0.7404,0.7394,0.7383,0.7381,0.7378,0.7355,0.7321,0.7247,0.7151,0.7141,0.7089,0.7086,0.7084,0.7064,0.7037,0.6898,0.6847,0.6823,0.6787,0.6752,0.669,0.6653,0.6634,0.6625,0.6523,0.6521,0.646,0.6385,0.6347,0.6274,0.6257,0.6244,0.6224,0.6183,0.6077,0.5949,0.5924,0.5905,0.5857,0.5851,0.5703,0.5557,0.555,0.5507,0.5407,0.5308,0.5306,0.5293,0.5002,0.4978,0.4976,0.4933,0.4927,0.4891,0.4799,0.4485],[0.9654,0.965,0.9642,0.9586,0.9455,0.943,0.9424,0.9327,0.9264,0.9258,0.9237,0.922,0.9137,0.9103,0.9068,0.9066,0.9057,0.9038,0.903,0.8954,0.8953,0.8938,0.8934,0.8932,0.8929,0.8921,0.8886,0.8848,0.8841,0.8837,0.8815,0.8785,0.877,0.875,0.8725,0.8702,0.868,0.8645,0.8636,0.8632,0.86,0.8572,0.8561,0.8559,0.8547,0.8535,0.8522,0.8508,0.8489,0.8482,0.8479,0.8472,0.8447,0.8418,0.8414,0.8385,0.8381,0.8375,0.8368,0.8366,0.8364,0.8349,0.8326,0.8277,0.8212,0.8205,0.817,0.8168,0.8167,0.8153,0.8135,0.804,0.8005,0.7989,0.7964,0.7939,0.7897,0.7871,0.7858,0.7852,0.7781,0.7779,0.7736,0.7684,0.7657,0.7605,0.7592,0.7583,0.7569,0.7539,0.7464,0.737,0.7352,0.7338,0.7304,0.7299,0.719,0.7082,0.7076,0.7044,0.6969,0.6893,0.6892,0.6882,0.6657,0.6638,0.6637,0.6602,0.6598,0.657,0.6497,0.6244],[0.96,0.9596,0.9587,0.9523,0.9372,0.9343,0.9336,0.9226,0.9153,0.9147,0.9123,0.9103,0.9008,0.897,0.8929,0.8927,0.8916,0.8895,0.8886,0.88,0.8798,0.8781,0.8777,0.8775,0.8771,0.8762,0.8723,0.8679,0.8671,0.8667,0.8642,0.8607,0.8591,0.8568,0.8539,0.8513,0.8489,0.8448,0.8438,0.8434,0.8398,0.8366,0.8354,0.8352,0.8338,0.8324,0.831,0.8295,0.8273,0.8265,0.8261,0.8253,0.8226,0.8192,0.8188,0.8155,0.8151,0.8144,0.8136,0.8134,0.8132,0.8115,0.8089,0.8034,0.7961,0.7954,0.7914,0.7912,0.791,0.7895,0.7874,0.7768,0.7729,0.7711,0.7683,0.7656,0.7609,0.758,0.7565,0.7558,0.7479,0.7477,0.7429,0.7371,0.7341,0.7284,0.727,0.7259,0.7244,0.7211,0.7127,0.7024,0.7004,0.6989,0.6951,0.6946,0.6826,0.6707,0.67,0.6665,0.6583,0.65,0.6499,0.6488,0.6244,0.6223,0.6221,0.6184,0.618,0.6149,0.607,0.5797],[0.9708,0.9704,0.9697,0.965,0.9539,0.9517,0.9512,0.943,0.9376,0.9372,0.9354,0.9339,0.9268,0.9239,0.9209,0.9207,0.9199,0.9183,0.9177,0.9112,0.911,0.9097,0.9094,0.9093,0.909,0.9083,0.9053,0.902,0.9014,0.9011,0.8992,0.8966,0.8953,0.8936,0.8915,0.8895,0.8876,0.8845,0.8838,0.8835,0.8807,0.8783,0.8773,0.8772,0.8761,0.8751,0.874,0.8728,0.8711,0.8705,0.8702,0.8696,0.8675,0.8649,0.8646,0.8621,0.8618,0.8612,0.8606,0.8604,0.8603,0.859,0.857,0.8527,0.8471,0.8465,0.8434,0.8433,0.8432,0.842,0.8404,0.8321,0.8291,0.8276,0.8255,0.8233,0.8196,0.8174,0.8162,0.8157,0.8095,0.8093,0.8055,0.8009,0.7986,0.794,0.7929,0.7921,0.7908,0.7882,0.7816,0.7733,0.7717,0.7705,0.7675,0.7671,0.7574,0.7477,0.7472,0.7444,0.7377,0.7309,0.7308,0.7299,0.7098,0.7081,0.708,0.7049,0.7045,0.702,0.6954,0.6725],[0.967,0.9666,0.9658,0.9605,0.948,0.9456,0.945,0.9358,0.9297,0.9292,0.9272,0.9255,0.9176,0.9143,0.9109,0.9108,0.9099,0.9081,0.9074,0.9001,0.8999,0.8985,0.8982,0.898,0.8976,0.8969,0.8936,0.8899,0.8892,0.8889,0.8868,0.8838,0.8824,0.8805,0.8781,0.8759,0.8738,0.8704,0.8695,0.8692,0.8661,0.8634,0.8624,0.8622,0.861,0.8598,0.8587,0.8573,0.8555,0.8548,0.8545,0.8538,0.8514,0.8486,0.8483,0.8454,0.8451,0.8444,0.8438,0.8436,0.8435,0.842,0.8398,0.835,0.8288,0.8282,0.8248,0.8246,0.8245,0.8232,0.8214,0.8122,0.8089,0.8073,0.8049,0.8026,0.7985,0.796,0.7947,0.7941,0.7873,0.7871,0.783,0.7779,0.7753,0.7703,0.7691,0.7682,0.7668,0.764,0.7567,0.7477,0.7459,0.7446,0.7412,0.7408,0.7302,0.7197,0.7191,0.716,0.7088,0.7014,0.7013,0.7003,0.6785,0.6767,0.6765,0.6732,0.6728,0.6701,0.663,0.6383],[0.96,0.9595,0.9586,0.9522,0.9371,0.9342,0.9335,0.9224,0.9152,0.9145,0.9121,0.9101,0.9006,0.8967,0.8927,0.8925,0.8914,0.8893,0.8884,0.8798,0.8796,0.8779,0.8775,0.8772,0.8768,0.876,0.872,0.8677,0.8668,0.8664,0.8639,0.8604,0.8588,0.8565,0.8537,0.851,0.8486,0.8445,0.8435,0.8431,0.8395,0.8363,0.8351,0.8349,0.8335,0.8321,0.8307,0.8291,0.827,0.8262,0.8258,0.825,0.8222,0.8189,0.8185,0.8152,0.8148,0.814,0.8132,0.813,0.8129,0.8111,0.8086,0.803,0.7957,0.795,0.791,0.7908,0.7906,0.7891,0.787,0.7764,0.7725,0.7707,0.7679,0.7652,0.7604,0.7575,0.7561,0.7553,0.7474,0.7473,0.7425,0.7366,0.7336,0.7279,0.7265,0.7254,0.7239,0.7206,0.7122,0.7019,0.6999,0.6984,0.6946,0.6941,0.6821,0.6701,0.6695,0.666,0.6577,0.6495,0.6493,0.6482,0.6237,0.6217,0.6215,0.6178,0.6174,0.6143,0.6064,0.5791],[0.9684,0.9681,0.9674,0.9623,0.9503,0.948,0.9474,0.9386,0.9328,0.9323,0.9304,0.9288,0.9212,0.9181,0.9148,0.9146,0.9138,0.9121,0.9114,0.9044,0.9042,0.9029,0.9025,0.9024,0.902,0.9013,0.8981,0.8946,0.8939,0.8936,0.8916,0.8888,0.8874,0.8856,0.8833,0.8811,0.8791,0.8759,0.875,0.8747,0.8718,0.8691,0.8682,0.868,0.8669,0.8657,0.8646,0.8633,0.8615,0.8609,0.8606,0.8599,0.8577,0.8549,0.8546,0.8519,0.8516,0.8509,0.8503,0.8501,0.85,0.8485,0.8465,0.8419,0.8359,0.8353,0.832,0.8318,0.8317,0.8304,0.8287,0.8199,0.8167,0.8152,0.8129,0.8106,0.8066,0.8042,0.803,0.8024,0.7958,0.7957,0.7917,0.7868,0.7843,0.7794,0.7783,0.7774,0.7761,0.7733,0.7663,0.7575,0.7558,0.7546,0.7513,0.7509,0.7407,0.7305,0.7299,0.7269,0.7199,0.7128,0.7126,0.7117,0.6905,0.6887,0.6886,0.6854,0.685,0.6823,0.6754,0.6514],[0.9582,0.9577,0.9568,0.9501,0.9344,0.9313,0.9306,0.9191,0.9116,0.9109,0.9084,0.9063,0.8964,0.8924,0.8882,0.888,0.8869,0.8847,0.8838,0.8748,0.8746,0.8728,0.8724,0.8722,0.8717,0.8709,0.8667,0.8622,0.8613,0.8609,0.8583,0.8547,0.853,0.8507,0.8477,0.8449,0.8424,0.8382,0.8372,0.8368,0.833,0.8297,0.8285,0.8282,0.8268,0.8254,0.8239,0.8223,0.82,0.8192,0.8188,0.818,0.8151,0.8117,0.8113,0.8078,0.8074,0.8066,0.8058,0.8056,0.8054,0.8036,0.801,0.7952,0.7877,0.7869,0.7828,0.7826,0.7824,0.7809,0.7787,0.7677,0.7637,0.7618,0.759,0.7561,0.7512,0.7482,0.7467,0.746,0.7379,0.7377,0.7327,0.7267,0.7236,0.7177,0.7163,0.7152,0.7136,0.7102,0.7016,0.691,0.6889,0.6874,0.6834,0.6829,0.6706,0.6583,0.6577,0.6541,0.6456,0.6371,0.637,0.6359,0.6108,0.6087,0.6085,0.6047,0.6043,0.6011,0.5931,0.5652],[0.9547,0.9542,0.9532,0.946,0.9289,0.9257,0.9249,0.9125,0.9044,0.9036,0.9009,0.8987,0.8881,0.8838,0.8792,0.879,0.8778,0.8754,0.8745,0.8648,0.8646,0.8627,0.8622,0.862,0.8615,0.8606,0.8562,0.8513,0.8504,0.8499,0.8472,0.8433,0.8415,0.839,0.8358,0.8328,0.8301,0.8257,0.8245,0.8241,0.8201,0.8165,0.8152,0.815,0.8134,0.8119,0.8104,0.8086,0.8062,0.8053,0.8049,0.804,0.801,0.7973,0.7969,0.7932,0.7928,0.7919,0.791,0.7908,0.7906,0.7887,0.7859,0.7798,0.7718,0.7709,0.7666,0.7664,0.7662,0.7645,0.7622,0.7505,0.7463,0.7443,0.7412,0.7382,0.733,0.7299,0.7283,0.7275,0.7189,0.7187,0.7134,0.7071,0.7038,0.6976,0.6961,0.6949,0.6932,0.6897,0.6806,0.6694,0.6673,0.6656,0.6615,0.661,0.648,0.6351,0.6345,0.6307,0.6219,0.613,0.6128,0.6117,0.5856,0.5833,0.5832,0.5792,0.5788,0.5755,0.5671,0.5382],[0.9746,0.9743,0.9738,0.9697,0.96,0.9581,0.9577,0.9505,0.9458,0.9454,0.9438,0.9425,0.9363,0.9338,0.9311,0.931,0.9303,0.9289,0.9283,0.9226,0.9225,0.9214,0.9211,0.921,0.9207,0.9201,0.9175,0.9146,0.9141,0.9138,0.9122,0.9098,0.9087,0.9072,0.9053,0.9036,0.9019,0.8992,0.8986,0.8983,0.8959,0.8937,0.8929,0.8928,0.8918,0.8909,0.89,0.8889,0.8874,0.8869,0.8866,0.8861,0.8842,0.882,0.8817,0.8795,0.8792,0.8787,0.8781,0.878,0.8779,0.8767,0.875,0.8712,0.8662,0.8657,0.863,0.8628,0.8627,0.8617,0.8603,0.8529,0.8502,0.849,0.8471,0.8451,0.8419,0.8398,0.8388,0.8383,0.8328,0.8327,0.8293,0.8252,0.8231,0.819,0.818,0.8173,0.8162,0.8139,0.8079,0.8005,0.7991,0.798,0.7953,0.7949,0.7862,0.7775,0.7771,0.7745,0.7685,0.7624,0.7623,0.7615,0.7433,0.7417,0.7416,0.7388,0.7385,0.7362,0.7302,0.7094],[0.9637,0.9633,0.9625,0.9567,0.9429,0.9403,0.9397,0.9296,0.923,0.9224,0.9202,0.9184,0.9097,0.9062,0.9025,0.9023,0.9013,0.8994,0.8986,0.8907,0.8905,0.8889,0.8886,0.8884,0.888,0.8872,0.8836,0.8796,0.8788,0.8784,0.8762,0.873,0.8714,0.8694,0.8668,0.8643,0.8621,0.8584,0.8574,0.8571,0.8537,0.8508,0.8497,0.8495,0.8482,0.8469,0.8457,0.8442,0.8422,0.8415,0.8411,0.8404,0.8378,0.8348,0.8344,0.8314,0.831,0.8303,0.8296,0.8294,0.8292,0.8276,0.8253,0.8201,0.8134,0.8127,0.809,0.8089,0.8087,0.8073,0.8054,0.7955,0.7919,0.7902,0.7877,0.7851,0.7807,0.778,0.7767,0.776,0.7687,0.7685,0.764,0.7586,0.7558,0.7504,0.7492,0.7482,0.7467,0.7437,0.7358,0.7262,0.7243,0.7229,0.7193,0.7189,0.7076,0.6964,0.6958,0.6925,0.6848,0.677,0.6768,0.6758,0.6527,0.6507,0.6506,0.6471,0.6467,0.6437,0.6363,0.6103],[0.953,0.9524,0.9514,0.9439,0.9263,0.9229,0.9221,0.9092,0.9008,0.9,0.8972,0.895,0.884,0.8795,0.8748,0.8745,0.8733,0.8709,0.8699,0.8599,0.8596,0.8577,0.8572,0.857,0.8565,0.8555,0.851,0.846,0.845,0.8445,0.8417,0.8377,0.8358,0.8332,0.8299,0.8269,0.8241,0.8195,0.8183,0.8178,0.8137,0.8101,0.8087,0.8085,0.8069,0.8053,0.8037,0.8019,0.7994,0.7985,0.7981,0.7972,0.794,0.7902,0.7898,0.786,0.7856,0.7847,0.7838,0.7836,0.7834,0.7814,0.7785,0.7722,0.764,0.7631,0.7586,0.7584,0.7582,0.7565,0.7541,0.7421,0.7378,0.7357,0.7326,0.7295,0.7242,0.7209,0.7193,0.7185,0.7096,0.7094,0.7041,0.6975,0.6942,0.6878,0.6862,0.6851,0.6833,0.6797,0.6704,0.659,0.6567,0.6551,0.6509,0.6503,0.6371,0.6239,0.6232,0.6194,0.6104,0.6013,0.6012,0.6,0.5734,0.5711,0.571,0.567,0.5665,0.5631,0.5546,0.5253],[0.9263,0.9255,0.9239,0.9124,0.8854,0.8803,0.8791,0.8597,0.8471,0.8459,0.8418,0.8384,0.822,0.8154,0.8085,0.8082,0.8064,0.8028,0.8013,0.7868,0.7864,0.7836,0.7829,0.7826,0.7819,0.7805,0.7739,0.7666,0.7653,0.7646,0.7605,0.7547,0.752,0.7483,0.7436,0.7393,0.7354,0.7288,0.7272,0.7265,0.7207,0.7156,0.7137,0.7133,0.7111,0.7089,0.7067,0.7041,0.7007,0.6994,0.6988,0.6976,0.6932,0.688,0.6873,0.6821,0.6815,0.6803,0.6791,0.6788,0.6785,0.6757,0.6718,0.6632,0.652,0.6508,0.6447,0.6444,0.6442,0.6419,0.6387,0.6226,0.6168,0.6141,0.6099,0.6059,0.5989,0.5946,0.5925,0.5914,0.5799,0.5796,0.5727,0.5643,0.56,0.5518,0.5498,0.5483,0.5461,0.5415,0.5298,0.5155,0.5127,0.5107,0.5055,0.5048,0.4886,0.4726,0.4718,0.4672,0.4564,0.4457,0.4455,0.4441,0.4133,0.4107,0.4105,0.4059,0.4054,0.4016,0.392,0.3596],[0.9614,0.961,0.9601,0.9539,0.9393,0.9365,0.9359,0.9252,0.9182,0.9175,0.9152,0.9133,0.9041,0.9004,0.8965,0.8963,0.8952,0.8932,0.8924,0.884,0.8838,0.8821,0.8817,0.8815,0.8811,0.8803,0.8765,0.8723,0.8715,0.8711,0.8686,0.8653,0.8637,0.8615,0.8587,0.8561,0.8538,0.8499,0.8489,0.8485,0.845,0.8419,0.8407,0.8405,0.8392,0.8378,0.8365,0.8349,0.8328,0.8321,0.8317,0.8309,0.8282,0.825,0.8246,0.8214,0.821,0.8203,0.8195,0.8193,0.8191,0.8175,0.815,0.8096,0.8025,0.8018,0.7979,0.7978,0.7976,0.7961,0.7941,0.7837,0.78,0.7782,0.7755,0.7728,0.7682,0.7654,0.764,0.7633,0.7556,0.7554,0.7507,0.7451,0.7422,0.7365,0.7352,0.7342,0.7327,0.7295,0.7213,0.7112,0.7093,0.7078,0.7041,0.7036,0.6919,0.6802,0.6795,0.6761,0.6681,0.66,0.6598,0.6588,0.6348,0.6328,0.6326,0.629,0.6286,0.6255,0.6178,0.591],[0.9475,0.9469,0.9457,0.9374,0.9178,0.914,0.9132,0.8989,0.8896,0.8887,0.8856,0.8831,0.8709,0.866,0.8608,0.8606,0.8592,0.8565,0.8554,0.8444,0.8442,0.842,0.8415,0.8412,0.8407,0.8397,0.8346,0.8291,0.8281,0.8276,0.8244,0.82,0.818,0.8151,0.8115,0.8082,0.8051,0.8001,0.7988,0.7983,0.7938,0.7898,0.7883,0.7881,0.7863,0.7846,0.7829,0.7809,0.7782,0.7772,0.7767,0.7757,0.7723,0.7682,0.7677,0.7636,0.7631,0.7621,0.7612,0.7609,0.7607,0.7585,0.7554,0.7486,0.7396,0.7387,0.7338,0.7336,0.7334,0.7315,0.729,0.716,0.7113,0.709,0.7057,0.7023,0.6966,0.6931,0.6914,0.6905,0.681,0.6808,0.675,0.668,0.6644,0.6575,0.6559,0.6546,0.6528,0.6489,0.6389,0.6267,0.6244,0.6226,0.6181,0.6175,0.6035,0.5895,0.5888,0.5847,0.5752,0.5657,0.5655,0.5642,0.5363,0.5339,0.5338,0.5296,0.5291,0.5256,0.5167,0.4862],[0.968,0.9677,0.9669,0.9618,0.9497,0.9473,0.9468,0.9378,0.932,0.9314,0.9295,0.9279,0.9202,0.9171,0.9137,0.9136,0.9127,0.911,0.9103,0.9032,0.9031,0.9017,0.9013,0.9012,0.9008,0.9001,0.8969,0.8933,0.8927,0.8923,0.8903,0.8874,0.8861,0.8842,0.8819,0.8797,0.8777,0.8744,0.8735,0.8732,0.8702,0.8676,0.8666,0.8664,0.8653,0.8641,0.863,0.8617,0.8599,0.8592,0.8589,0.8582,0.856,0.8532,0.8529,0.8501,0.8498,0.8492,0.8485,0.8484,0.8482,0.8468,0.8447,0.84,0.834,0.8334,0.83,0.8299,0.8297,0.8285,0.8267,0.8178,0.8146,0.813,0.8107,0.8084,0.8044,0.802,0.8008,0.8002,0.7935,0.7934,0.7893,0.7844,0.7818,0.777,0.7758,0.7749,0.7736,0.7708,0.7636,0.7549,0.7531,0.7518,0.7486,0.7481,0.7378,0.7276,0.727,0.724,0.7169,0.7097,0.7095,0.7086,0.6873,0.6854,0.6853,0.6821,0.6817,0.679,0.672,0.6478],[0.976,0.9758,0.9752,0.9713,0.9622,0.9604,0.96,0.9532,0.9487,0.9483,0.9469,0.9457,0.9398,0.9374,0.9349,0.9347,0.9341,0.9327,0.9322,0.9268,0.9267,0.9256,0.9254,0.9252,0.925,0.9244,0.922,0.9192,0.9187,0.9184,0.9169,0.9147,0.9136,0.9122,0.9104,0.9087,0.9072,0.9046,0.904,0.9037,0.9014,0.8994,0.8986,0.8985,0.8976,0.8967,0.8958,0.8948,0.8934,0.8929,0.8926,0.8921,0.8903,0.8882,0.888,0.8858,0.8856,0.8851,0.8846,0.8844,0.8843,0.8832,0.8816,0.8779,0.8732,0.8727,0.8701,0.87,0.8699,0.8689,0.8675,0.8606,0.858,0.8568,0.855,0.8531,0.85,0.8481,0.8471,0.8466,0.8414,0.8412,0.838,0.8341,0.8321,0.8282,0.8273,0.8266,0.8255,0.8233,0.8176,0.8106,0.8092,0.8082,0.8055,0.8052,0.7969,0.7886,0.7881,0.7857,0.7799,0.7741,0.7739,0.7732,0.7557,0.7542,0.7541,0.7514,0.7511,0.7489,0.7432,0.7231],[0.9712,0.9709,0.9702,0.9656,0.9546,0.9525,0.952,0.9439,0.9386,0.9381,0.9364,0.9349,0.9279,0.9251,0.9221,0.9219,0.9211,0.9196,0.9189,0.9125,0.9124,0.9111,0.9108,0.9107,0.9103,0.9097,0.9068,0.9035,0.9029,0.9026,0.9008,0.8981,0.8969,0.8952,0.8931,0.8911,0.8893,0.8863,0.8855,0.8852,0.8825,0.8801,0.8792,0.879,0.878,0.8769,0.8759,0.8747,0.873,0.8724,0.8721,0.8715,0.8695,0.8669,0.8667,0.8641,0.8638,0.8633,0.8627,0.8625,0.8624,0.861,0.8591,0.8549,0.8494,0.8488,0.8457,0.8456,0.8455,0.8443,0.8427,0.8345,0.8316,0.8301,0.828,0.8259,0.8222,0.82,0.8189,0.8183,0.8122,0.8121,0.8083,0.8038,0.8014,0.7969,0.7959,0.795,0.7938,0.7912,0.7847,0.7765,0.7749,0.7737,0.7707,0.7703,0.7608,0.7512,0.7507,0.7479,0.7413,0.7346,0.7345,0.7336,0.7137,0.712,0.7119,0.7088,0.7085,0.7059,0.6995,0.6768],[0.962,0.9615,0.9607,0.9546,0.9402,0.9374,0.9368,0.9262,0.9193,0.9187,0.9164,0.9145,0.9055,0.9018,0.8979,0.8977,0.8967,0.8946,0.8938,0.8856,0.8854,0.8838,0.8834,0.8832,0.8828,0.882,0.8782,0.874,0.8732,0.8728,0.8704,0.8671,0.8655,0.8634,0.8606,0.8581,0.8558,0.8519,0.8509,0.8505,0.8471,0.844,0.8429,0.8427,0.8413,0.84,0.8387,0.8371,0.8351,0.8343,0.8339,0.8332,0.8305,0.8273,0.827,0.8238,0.8234,0.8227,0.8219,0.8217,0.8215,0.8199,0.8174,0.8121,0.8051,0.8044,0.8006,0.8004,0.8002,0.7988,0.7968,0.7865,0.7828,0.781,0.7784,0.7757,0.7712,0.7684,0.767,0.7663,0.7587,0.7585,0.7539,0.7483,0.7454,0.7398,0.7385,0.7375,0.736,0.7328,0.7247,0.7148,0.7128,0.7114,0.7077,0.7072,0.6956,0.684,0.6834,0.68,0.672,0.664,0.6638,0.6628,0.639,0.637,0.6369,0.6333,0.6328,0.6298,0.6222,0.5955],[0.9595,0.959,0.9581,0.9516,0.9363,0.9334,0.9327,0.9215,0.9141,0.9135,0.9111,0.9091,0.8994,0.8955,0.8914,0.8912,0.8901,0.888,0.8871,0.8784,0.8782,0.8765,0.876,0.8758,0.8754,0.8746,0.8705,0.8661,0.8653,0.8649,0.8624,0.8588,0.8572,0.8549,0.852,0.8493,0.8469,0.8428,0.8417,0.8413,0.8377,0.8344,0.8332,0.833,0.8316,0.8302,0.8288,0.8272,0.825,0.8242,0.8238,0.823,0.8202,0.8169,0.8165,0.8131,0.8127,0.8119,0.8112,0.811,0.8108,0.809,0.8065,0.8008,0.7935,0.7927,0.7887,0.7885,0.7883,0.7868,0.7847,0.774,0.77,0.7682,0.7654,0.7626,0.7578,0.7549,0.7535,0.7527,0.7448,0.7446,0.7397,0.7338,0.7308,0.725,0.7236,0.7226,0.721,0.7177,0.7092,0.6988,0.6968,0.6953,0.6914,0.6909,0.6788,0.6668,0.6661,0.6626,0.6543,0.646,0.6458,0.6447,0.6201,0.618,0.6179,0.6141,0.6137,0.6106,0.6026,0.5752],[0.9662,0.9658,0.9651,0.9597,0.9468,0.9444,0.9438,0.9344,0.9282,0.9276,0.9256,0.9239,0.9158,0.9125,0.909,0.9088,0.9079,0.9061,0.9054,0.8979,0.8977,0.8963,0.8959,0.8958,0.8954,0.8947,0.8913,0.8875,0.8868,0.8865,0.8843,0.8813,0.8799,0.878,0.8755,0.8732,0.8711,0.8676,0.8667,0.8664,0.8633,0.8605,0.8595,0.8593,0.8581,0.8569,0.8557,0.8543,0.8524,0.8517,0.8514,0.8507,0.8483,0.8454,0.8451,0.8422,0.8419,0.8412,0.8405,0.8403,0.8402,0.8387,0.8365,0.8316,0.8253,0.8246,0.8211,0.821,0.8208,0.8195,0.8177,0.8084,0.805,0.8034,0.8009,0.7985,0.7944,0.7918,0.7906,0.7899,0.783,0.7828,0.7786,0.7734,0.7708,0.7657,0.7645,0.7636,0.7622,0.7593,0.7518,0.7427,0.7409,0.7396,0.7361,0.7357,0.725,0.7143,0.7137,0.7106,0.7032,0.6957,0.6956,0.6946,0.6725,0.6706,0.6705,0.6671,0.6667,0.6639,0.6568,0.6318],[0.97,0.9696,0.9689,0.9641,0.9526,0.9504,0.9499,0.9415,0.936,0.9355,0.9336,0.9321,0.9248,0.9219,0.9188,0.9186,0.9178,0.9161,0.9155,0.9088,0.9087,0.9074,0.907,0.9069,0.9066,0.9059,0.9028,0.8995,0.8988,0.8985,0.8966,0.8939,0.8926,0.8908,0.8886,0.8866,0.8847,0.8815,0.8807,0.8804,0.8776,0.8751,0.8742,0.874,0.8729,0.8718,0.8707,0.8695,0.8678,0.8672,0.8669,0.8662,0.8641,0.8615,0.8612,0.8585,0.8582,0.8576,0.857,0.8569,0.8567,0.8553,0.8534,0.849,0.8432,0.8426,0.8395,0.8393,0.8392,0.838,0.8363,0.8279,0.8248,0.8233,0.8211,0.8189,0.8151,0.8128,0.8116,0.8111,0.8047,0.8046,0.8007,0.796,0.7936,0.7889,0.7878,0.787,0.7857,0.7831,0.7762,0.7678,0.7662,0.765,0.7618,0.7614,0.7516,0.7417,0.7412,0.7383,0.7315,0.7246,0.7245,0.7236,0.7031,0.7013,0.7012,0.6981,0.6977,0.6951,0.6884,0.6651],[0.9771,0.9768,0.9763,0.9726,0.9638,0.9621,0.9617,0.9552,0.9509,0.9505,0.9491,0.948,0.9423,0.94,0.9376,0.9375,0.9369,0.9356,0.9351,0.9299,0.9298,0.9288,0.9285,0.9284,0.9281,0.9276,0.9252,0.9226,0.9221,0.9219,0.9204,0.9182,0.9172,0.9159,0.9141,0.9125,0.911,0.9086,0.908,0.9077,0.9055,0.9035,0.9028,0.9027,0.9018,0.901,0.9001,0.8991,0.8978,0.8973,0.8971,0.8966,0.8949,0.8928,0.8926,0.8905,0.8903,0.8898,0.8893,0.8892,0.8891,0.888,0.8864,0.8829,0.8784,0.8779,0.8754,0.8753,0.8752,0.8742,0.8729,0.8662,0.8638,0.8626,0.8608,0.8591,0.8561,0.8542,0.8533,0.8528,0.8477,0.8476,0.8445,0.8408,0.8388,0.8351,0.8342,0.8335,0.8325,0.8303,0.8248,0.818,0.8167,0.8157,0.8132,0.8128,0.8048,0.7968,0.7964,0.794,0.7884,0.7828,0.7827,0.7819,0.765,0.7636,0.7635,0.7609,0.7606,0.7584,0.7529,0.7334],[0.926,0.9251,0.9235,0.9119,0.8848,0.8797,0.8785,0.859,0.8463,0.8452,0.841,0.8376,0.8212,0.8146,0.8076,0.8073,0.8055,0.8018,0.8004,0.7858,0.7854,0.7826,0.7819,0.7815,0.7808,0.7794,0.7728,0.7655,0.7642,0.7635,0.7594,0.7536,0.7509,0.7472,0.7425,0.7381,0.7342,0.7276,0.726,0.7253,0.7195,0.7143,0.7124,0.7121,0.7098,0.7076,0.7054,0.7028,0.6994,0.6981,0.6975,0.6962,0.6919,0.6866,0.686,0.6807,0.6801,0.6789,0.6777,0.6774,0.6771,0.6743,0.6704,0.6617,0.6505,0.6493,0.6432,0.6429,0.6427,0.6403,0.6372,0.6211,0.6152,0.6125,0.6083,0.6042,0.5972,0.5929,0.5908,0.5897,0.5782,0.5779,0.571,0.5625,0.5583,0.55,0.5481,0.5466,0.5444,0.5397,0.528,0.5137,0.5109,0.5089,0.5036,0.5029,0.4867,0.4708,0.4699,0.4653,0.4545,0.4438,0.4436,0.4422,0.4113,0.4088,0.4086,0.404,0.4035,0.3997,0.3901,0.3576],[0.9692,0.9689,0.9682,0.9632,0.9515,0.9493,0.9488,0.9401,0.9345,0.934,0.9321,0.9306,0.9231,0.9201,0.9169,0.9167,0.9159,0.9142,0.9135,0.9067,0.9066,0.9052,0.9049,0.9047,0.9044,0.9038,0.9006,0.8972,0.8965,0.8962,0.8942,0.8915,0.8902,0.8884,0.8861,0.884,0.8821,0.8788,0.878,0.8777,0.8748,0.8723,0.8713,0.8712,0.8701,0.8689,0.8678,0.8666,0.8648,0.8642,0.8639,0.8633,0.861,0.8584,0.8581,0.8554,0.8551,0.8545,0.8538,0.8537,0.8535,0.8521,0.8501,0.8456,0.8398,0.8392,0.8359,0.8358,0.8356,0.8344,0.8327,0.8241,0.821,0.8195,0.8172,0.815,0.8111,0.8088,0.8076,0.807,0.8005,0.8004,0.7964,0.7917,0.7892,0.7845,0.7833,0.7825,0.7812,0.7785,0.7715,0.763,0.7613,0.7601,0.7569,0.7565,0.7464,0.7364,0.7359,0.7329,0.726,0.719,0.7189,0.7179,0.6971,0.6954,0.6952,0.6921,0.6917,0.689,0.6823,0.6586],[0.9694,0.9691,0.9684,0.9635,0.9518,0.9496,0.9491,0.9405,0.9349,0.9344,0.9325,0.931,0.9236,0.9206,0.9174,0.9172,0.9164,0.9147,0.9141,0.9073,0.9071,0.9058,0.9055,0.9053,0.905,0.9043,0.9012,0.8978,0.8971,0.8968,0.8949,0.8921,0.8908,0.889,0.8868,0.8847,0.8828,0.8796,0.8788,0.8785,0.8756,0.8731,0.8721,0.8719,0.8708,0.8697,0.8686,0.8674,0.8656,0.865,0.8647,0.8641,0.8619,0.8592,0.8589,0.8563,0.856,0.8553,0.8547,0.8546,0.8544,0.853,0.851,0.8465,0.8407,0.8401,0.8369,0.8368,0.8366,0.8354,0.8337,0.8251,0.822,0.8205,0.8183,0.8161,0.8122,0.8099,0.8087,0.8081,0.8017,0.8015,0.7976,0.7928,0.7904,0.7857,0.7845,0.7837,0.7824,0.7797,0.7728,0.7643,0.7626,0.7614,0.7582,0.7578,0.7478,0.7379,0.7373,0.7344,0.7275,0.7205,0.7204,0.7195,0.6988,0.697,0.6969,0.6937,0.6933,0.6907,0.6839,0.6604],[0.9741,0.9738,0.9732,0.969,0.9591,0.9572,0.9567,0.9494,0.9446,0.9442,0.9426,0.9413,0.935,0.9324,0.9297,0.9295,0.9288,0.9274,0.9268,0.921,0.9208,0.9197,0.9194,0.9193,0.919,0.9184,0.9158,0.9128,0.9123,0.912,0.9103,0.9079,0.9068,0.9053,0.9033,0.9015,0.8999,0.8971,0.8964,0.8962,0.8937,0.8915,0.8907,0.8905,0.8896,0.8886,0.8877,0.8866,0.8851,0.8845,0.8843,0.8837,0.8818,0.8795,0.8792,0.877,0.8767,0.8761,0.8756,0.8755,0.8753,0.8741,0.8724,0.8685,0.8635,0.8629,0.8602,0.86,0.8599,0.8588,0.8574,0.8499,0.8472,0.8459,0.8439,0.842,0.8386,0.8366,0.8355,0.835,0.8294,0.8293,0.8259,0.8217,0.8195,0.8154,0.8144,0.8136,0.8125,0.8102,0.8041,0.7966,0.7951,0.794,0.7912,0.7909,0.782,0.7732,0.7727,0.7701,0.764,0.7578,0.7577,0.7569,0.7384,0.7368,0.7367,0.7339,0.7335,0.7312,0.7251,0.704],[0.6886,0.6856,0.6796,0.6394,0.5524,0.537,0.5335,0.4783,0.4451,0.4422,0.4317,0.4233,0.3846,0.3698,0.3547,0.354,0.3501,0.3426,0.3396,0.3105,0.3099,0.3045,0.3032,0.3025,0.3012,0.2986,0.2865,0.2736,0.2712,0.2701,0.2631,0.2535,0.2491,0.2432,0.2359,0.2293,0.2234,0.2138,0.2115,0.2106,0.2025,0.1955,0.193,0.1926,0.1897,0.1868,0.1839,0.1808,0.1765,0.1749,0.1742,0.1727,0.1675,0.1614,0.1607,0.1548,0.1542,0.1528,0.1515,0.1512,0.1508,0.1479,0.1438,0.1349,0.1242,0.1231,0.1176,0.1174,0.1171,0.1151,0.1123,0.0992,0.0948,0.0927,0.0897,0.0868,0.0821,0.0792,0.0779,0.0772,0.0701,0.07,0.066,0.0614,0.0592,0.055,0.0541,0.0534,0.0523,0.0502,0.0451,0.0395,0.0385,0.0377,0.0359,0.0357,0.0304,0.0259,0.0256,0.0244,0.0218,0.0194,0.0194,0.0191,0.0134,0.013,0.013,0.0123,0.0122,0.0117,0.0104,0.0068],[0.9712,0.9708,0.9702,0.9655,0.9545,0.9524,0.9519,0.9438,0.9385,0.938,0.9362,0.9348,0.9278,0.9249,0.9219,0.9218,0.921,0.9194,0.9188,0.9123,0.9122,0.9109,0.9106,0.9105,0.9102,0.9095,0.9066,0.9033,0.9027,0.9024,0.9005,0.8979,0.8967,0.895,0.8929,0.8909,0.8891,0.886,0.8853,0.885,0.8822,0.8798,0.8789,0.8788,0.8777,0.8767,0.8756,0.8744,0.8728,0.8722,0.8719,0.8713,0.8692,0.8667,0.8664,0.8639,0.8636,0.863,0.8624,0.8622,0.8621,0.8608,0.8588,0.8546,0.8491,0.8485,0.8454,0.8453,0.8451,0.844,0.8424,0.8342,0.8312,0.8298,0.8277,0.8255,0.8219,0.8196,0.8185,0.818,0.8118,0.8117,0.8079,0.8034,0.8011,0.7965,0.7954,0.7946,0.7934,0.7908,0.7842,0.7761,0.7745,0.7733,0.7703,0.7699,0.7603,0.7507,0.7502,0.7474,0.7408,0.7341,0.734,0.7331,0.7132,0.7115,0.7113,0.7083,0.7079,0.7054,0.6989,0.6762],[0.9594,0.959,0.958,0.9515,0.9362,0.9333,0.9326,0.9214,0.914,0.9134,0.9109,0.909,0.8993,0.8954,0.8913,0.8911,0.89,0.8878,0.887,0.8782,0.878,0.8763,0.8759,0.8757,0.8752,0.8744,0.8704,0.866,0.8651,0.8647,0.8622,0.8587,0.857,0.8547,0.8518,0.8491,0.8467,0.8426,0.8416,0.8412,0.8375,0.8343,0.833,0.8328,0.8314,0.83,0.8286,0.827,0.8248,0.824,0.8236,0.8228,0.82,0.8167,0.8163,0.8129,0.8125,0.8117,0.8109,0.8107,0.8105,0.8088,0.8062,0.8006,0.7933,0.7925,0.7885,0.7883,0.7881,0.7866,0.7845,0.7737,0.7698,0.7679,0.7651,0.7624,0.7576,0.7546,0.7532,0.7524,0.7445,0.7443,0.7394,0.7335,0.7305,0.7247,0.7233,0.7223,0.7207,0.7174,0.7089,0.6985,0.6965,0.695,0.6911,0.6906,0.6785,0.6664,0.6658,0.6623,0.654,0.6456,0.6455,0.6444,0.6197,0.6176,0.6175,0.6137,0.6133,0.6102,0.6023,0.5747],[0.974,0.9737,0.9731,0.969,0.959,0.9571,0.9567,0.9493,0.9445,0.9441,0.9425,0.9412,0.9349,0.9323,0.9296,0.9294,0.9287,0.9273,0.9267,0.9209,0.9207,0.9196,0.9193,0.9192,0.9189,0.9183,0.9156,0.9127,0.9121,0.9119,0.9102,0.9078,0.9067,0.9051,0.9032,0.9014,0.8997,0.897,0.8963,0.896,0.8935,0.8913,0.8905,0.8904,0.8894,0.8885,0.8875,0.8864,0.8849,0.8844,0.8841,0.8835,0.8816,0.8793,0.8791,0.8768,0.8765,0.876,0.8754,0.8753,0.8752,0.874,0.8722,0.8683,0.8633,0.8627,0.86,0.8598,0.8597,0.8586,0.8572,0.8497,0.847,0.8457,0.8437,0.8418,0.8384,0.8363,0.8353,0.8348,0.8292,0.829,0.8256,0.8214,0.8193,0.8151,0.8141,0.8134,0.8123,0.8099,0.8038,0.7963,0.7948,0.7937,0.7909,0.7906,0.7817,0.7729,0.7724,0.7698,0.7637,0.7575,0.7574,0.7565,0.738,0.7365,0.7363,0.7335,0.7332,0.7308,0.7248,0.7036],[0.97,0.9697,0.969,0.9642,0.9527,0.9505,0.95,0.9416,0.9361,0.9356,0.9338,0.9323,0.925,0.922,0.9189,0.9188,0.9179,0.9163,0.9156,0.909,0.9088,0.9075,0.9072,0.9071,0.9067,0.9061,0.903,0.8997,0.899,0.8987,0.8968,0.8941,0.8928,0.891,0.8888,0.8868,0.8849,0.8817,0.881,0.8806,0.8778,0.8753,0.8744,0.8742,0.8731,0.8721,0.871,0.8697,0.868,0.8674,0.8671,0.8665,0.8643,0.8617,0.8614,0.8588,0.8585,0.8579,0.8573,0.8571,0.857,0.8556,0.8536,0.8492,0.8435,0.8429,0.8398,0.8396,0.8395,0.8383,0.8366,0.8282,0.8251,0.8236,0.8214,0.8192,0.8155,0.8131,0.812,0.8114,0.8051,0.8049,0.8011,0.7964,0.794,0.7893,0.7882,0.7873,0.7861,0.7834,0.7766,0.7682,0.7666,0.7654,0.7622,0.7618,0.752,0.7422,0.7416,0.7387,0.7319,0.7251,0.7249,0.724,0.7036,0.7018,0.7017,0.6986,0.6982,0.6956,0.6889,0.6657],[0.9702,0.9698,0.9692,0.9644,0.953,0.9508,0.9503,0.9419,0.9364,0.9359,0.9341,0.9326,0.9254,0.9225,0.9194,0.9192,0.9184,0.9168,0.9161,0.9095,0.9093,0.908,0.9077,0.9076,0.9072,0.9066,0.9036,0.9002,0.8996,0.8993,0.8973,0.8946,0.8934,0.8916,0.8894,0.8874,0.8855,0.8824,0.8816,0.8813,0.8785,0.876,0.8751,0.8749,0.8738,0.8728,0.8717,0.8704,0.8687,0.8681,0.8678,0.8672,0.8651,0.8625,0.8622,0.8596,0.8593,0.8587,0.858,0.8579,0.8577,0.8564,0.8544,0.85,0.8443,0.8437,0.8406,0.8405,0.8403,0.8391,0.8375,0.8291,0.826,0.8246,0.8224,0.8202,0.8164,0.8141,0.813,0.8124,0.8061,0.8059,0.8021,0.7974,0.795,0.7904,0.7893,0.7884,0.7872,0.7845,0.7778,0.7694,0.7678,0.7666,0.7635,0.763,0.7533,0.7434,0.7429,0.74,0.7333,0.7264,0.7263,0.7254,0.705,0.7033,0.7031,0.7,0.6997,0.6971,0.6904,0.6672],[0.98,0.9798,0.9793,0.9761,0.9684,0.967,0.9666,0.9609,0.9572,0.9569,0.9556,0.9546,0.9497,0.9477,0.9455,0.9454,0.9449,0.9438,0.9433,0.9388,0.9386,0.9378,0.9375,0.9374,0.9372,0.9368,0.9347,0.9324,0.9319,0.9317,0.9304,0.9285,0.9276,0.9264,0.9249,0.9235,0.9222,0.92,0.9195,0.9193,0.9173,0.9156,0.9149,0.9148,0.9141,0.9133,0.9126,0.9117,0.9105,0.9101,0.9099,0.9095,0.908,0.9061,0.9059,0.9041,0.9039,0.9035,0.903,0.9029,0.9028,0.9019,0.9005,0.8974,0.8934,0.893,0.8908,0.8907,0.8906,0.8897,0.8886,0.8826,0.8804,0.8794,0.8778,0.8763,0.8736,0.872,0.8711,0.8707,0.8662,0.8661,0.8634,0.86,0.8583,0.855,0.8542,0.8536,0.8527,0.8507,0.8458,0.8398,0.8386,0.8377,0.8354,0.8351,0.828,0.8208,0.8204,0.8183,0.8133,0.8082,0.8081,0.8074,0.7923,0.791,0.7909,0.7885,0.7883,0.7863,0.7813,0.7637],[0.9693,0.969,0.9683,0.9633,0.9516,0.9494,0.9489,0.9403,0.9346,0.9341,0.9322,0.9307,0.9233,0.9203,0.9171,0.9169,0.9161,0.9144,0.9137,0.9069,0.9068,0.9055,0.9051,0.905,0.9046,0.904,0.9008,0.8974,0.8968,0.8964,0.8945,0.8917,0.8904,0.8886,0.8864,0.8843,0.8823,0.8791,0.8783,0.878,0.8751,0.8726,0.8716,0.8715,0.8704,0.8692,0.8681,0.8669,0.8651,0.8645,0.8642,0.8636,0.8614,0.8587,0.8584,0.8557,0.8554,0.8548,0.8542,0.854,0.8539,0.8525,0.8504,0.846,0.8401,0.8395,0.8363,0.8361,0.836,0.8348,0.8331,0.8245,0.8213,0.8199,0.8176,0.8154,0.8115,0.8092,0.808,0.8074,0.801,0.8008,0.7969,0.7921,0.7896,0.7849,0.7838,0.7829,0.7816,0.7789,0.772,0.7635,0.7618,0.7606,0.7574,0.757,0.747,0.737,0.7364,0.7335,0.7265,0.7196,0.7194,0.7185,0.6977,0.696,0.6958,0.6927,0.6923,0.6897,0.6829,0.6593],[0.9757,0.9754,0.9748,0.9709,0.9616,0.9598,0.9594,0.9525,0.948,0.9476,0.9461,0.9448,0.9389,0.9364,0.9339,0.9337,0.9331,0.9317,0.9312,0.9257,0.9256,0.9245,0.9242,0.9241,0.9238,0.9233,0.9208,0.918,0.9175,0.9172,0.9156,0.9134,0.9123,0.9109,0.909,0.9073,0.9058,0.9032,0.9025,0.9023,0.8999,0.8979,0.8971,0.897,0.896,0.8951,0.8942,0.8932,0.8918,0.8913,0.891,0.8905,0.8887,0.8865,0.8863,0.8841,0.8839,0.8834,0.8829,0.8827,0.8826,0.8815,0.8798,0.8761,0.8714,0.8709,0.8682,0.8681,0.868,0.867,0.8656,0.8585,0.8559,0.8547,0.8529,0.851,0.8478,0.8459,0.8449,0.8444,0.8391,0.839,0.8357,0.8317,0.8297,0.8258,0.8248,0.8241,0.823,0.8208,0.815,0.8079,0.8065,0.8055,0.8028,0.8024,0.794,0.7856,0.7852,0.7827,0.7769,0.7709,0.7708,0.7701,0.7524,0.7509,0.7508,0.7481,0.7478,0.7455,0.7397,0.7194],[0.964,0.9636,0.9627,0.957,0.9433,0.9407,0.9401,0.93,0.9235,0.9229,0.9207,0.9189,0.9103,0.9068,0.9031,0.9029,0.9019,0.9,0.8992,0.8913,0.8911,0.8896,0.8892,0.889,0.8887,0.8879,0.8843,0.8803,0.8796,0.8792,0.8769,0.8737,0.8722,0.8702,0.8676,0.8651,0.8629,0.8592,0.8583,0.8579,0.8546,0.8517,0.8506,0.8504,0.8491,0.8479,0.8466,0.8451,0.8431,0.8424,0.8421,0.8413,0.8388,0.8358,0.8354,0.8324,0.832,0.8313,0.8306,0.8304,0.8302,0.8286,0.8263,0.8212,0.8145,0.8138,0.8102,0.81,0.8098,0.8084,0.8065,0.7967,0.7931,0.7914,0.7889,0.7863,0.782,0.7793,0.7779,0.7773,0.77,0.7698,0.7654,0.76,0.7572,0.7519,0.7506,0.7496,0.7481,0.7451,0.7373,0.7277,0.7258,0.7244,0.7209,0.7204,0.7092,0.698,0.6974,0.6942,0.6865,0.6787,0.6785,0.6775,0.6545,0.6526,0.6524,0.6489,0.6485,0.6456,0.6382,0.6123],[0.9694,0.969,0.9683,0.9634,0.9517,0.9495,0.949,0.9404,0.9348,0.9342,0.9324,0.9309,0.9234,0.9204,0.9172,0.9171,0.9162,0.9146,0.9139,0.9071,0.907,0.9056,0.9053,0.9051,0.9048,0.9042,0.901,0.8976,0.897,0.8966,0.8947,0.8919,0.8906,0.8888,0.8866,0.8845,0.8826,0.8793,0.8785,0.8782,0.8754,0.8728,0.8719,0.8717,0.8706,0.8695,0.8684,0.8671,0.8654,0.8648,0.8644,0.8638,0.8616,0.859,0.8586,0.856,0.8557,0.8551,0.8544,0.8543,0.8541,0.8527,0.8507,0.8462,0.8404,0.8398,0.8366,0.8365,0.8363,0.8351,0.8334,0.8248,0.8217,0.8202,0.818,0.8157,0.8119,0.8095,0.8083,0.8078,0.8013,0.8012,0.7972,0.7925,0.79,0.7853,0.7842,0.7833,0.782,0.7793,0.7724,0.7639,0.7622,0.761,0.7578,0.7574,0.7474,0.7374,0.7369,0.7339,0.727,0.7201,0.7199,0.719,0.6983,0.6965,0.6964,0.6932,0.6928,0.6902,0.6834,0.6599],[0.972,0.9717,0.971,0.9665,0.9558,0.9538,0.9533,0.9454,0.9402,0.9398,0.9381,0.9367,0.9298,0.9271,0.9241,0.924,0.9232,0.9217,0.9211,0.9148,0.9147,0.9135,0.9132,0.913,0.9127,0.9121,0.9092,0.9061,0.9055,0.9052,0.9034,0.9008,0.8996,0.898,0.8959,0.894,0.8922,0.8892,0.8885,0.8882,0.8855,0.8832,0.8823,0.8822,0.8811,0.8801,0.8791,0.8779,0.8763,0.8757,0.8754,0.8749,0.8728,0.8704,0.8701,0.8676,0.8673,0.8668,0.8662,0.866,0.8659,0.8646,0.8627,0.8586,0.8532,0.8526,0.8497,0.8495,0.8494,0.8483,0.8467,0.8387,0.8358,0.8344,0.8323,0.8303,0.8267,0.8245,0.8234,0.8229,0.8169,0.8167,0.8131,0.8086,0.8064,0.8019,0.8009,0.8001,0.7989,0.7964,0.7899,0.782,0.7804,0.7792,0.7763,0.7759,0.7665,0.7572,0.7567,0.7539,0.7474,0.7409,0.7408,0.7399,0.7204,0.7187,0.7186,0.7156,0.7152,0.7128,0.7064,0.6841],[0.9694,0.969,0.9683,0.9634,0.9517,0.9495,0.9489,0.9403,0.9347,0.9342,0.9323,0.9308,0.9234,0.9204,0.9172,0.917,0.9162,0.9145,0.9138,0.9071,0.9069,0.9056,0.9052,0.9051,0.9047,0.9041,0.901,0.8975,0.8969,0.8966,0.8946,0.8918,0.8905,0.8888,0.8865,0.8844,0.8825,0.8793,0.8785,0.8781,0.8753,0.8727,0.8718,0.8716,0.8705,0.8694,0.8683,0.867,0.8653,0.8647,0.8643,0.8637,0.8615,0.8589,0.8585,0.8559,0.8556,0.855,0.8543,0.8542,0.854,0.8526,0.8506,0.8461,0.8403,0.8397,0.8365,0.8363,0.8362,0.835,0.8333,0.8247,0.8216,0.8201,0.8178,0.8156,0.8117,0.8094,0.8082,0.8076,0.8012,0.801,0.7971,0.7923,0.7899,0.7852,0.784,0.7832,0.7819,0.7792,0.7723,0.7637,0.7621,0.7608,0.7576,0.7572,0.7472,0.7372,0.7367,0.7338,0.7268,0.7199,0.7197,0.7188,0.6981,0.6963,0.6962,0.693,0.6926,0.69,0.6832,0.6596],[0.9736,0.9733,0.9727,0.9684,0.9584,0.9564,0.956,0.9485,0.9436,0.9432,0.9416,0.9402,0.9338,0.9312,0.9284,0.9283,0.9275,0.9261,0.9255,0.9196,0.9194,0.9183,0.918,0.9179,0.9176,0.917,0.9143,0.9113,0.9107,0.9104,0.9087,0.9063,0.9052,0.9036,0.9016,0.8998,0.8981,0.8953,0.8946,0.8943,0.8918,0.8896,0.8888,0.8886,0.8877,0.8867,0.8857,0.8846,0.8831,0.8825,0.8823,0.8817,0.8798,0.8774,0.8772,0.8748,0.8746,0.874,0.8735,0.8733,0.8732,0.872,0.8702,0.8663,0.8611,0.8606,0.8578,0.8576,0.8575,0.8564,0.855,0.8474,0.8446,0.8433,0.8413,0.8393,0.8359,0.8338,0.8328,0.8323,0.8266,0.8264,0.8229,0.8187,0.8165,0.8123,0.8113,0.8106,0.8094,0.807,0.8009,0.7932,0.7918,0.7906,0.7878,0.7874,0.7785,0.7695,0.7691,0.7664,0.7602,0.7539,0.7538,0.753,0.7343,0.7327,0.7326,0.7297,0.7294,0.727,0.7208,0.6994],[0.9184,0.9175,0.9156,0.903,0.8733,0.8677,0.8664,0.8451,0.8313,0.8301,0.8256,0.8219,0.8041,0.7969,0.7894,0.789,0.787,0.7831,0.7816,0.7658,0.7654,0.7624,0.7616,0.7612,0.7605,0.7589,0.7518,0.744,0.7425,0.7418,0.7373,0.7311,0.7282,0.7242,0.7192,0.7146,0.7103,0.7033,0.7015,0.7008,0.6946,0.6891,0.687,0.6867,0.6843,0.6819,0.6795,0.6768,0.6731,0.6718,0.6711,0.6698,0.6651,0.6595,0.6589,0.6533,0.6527,0.6514,0.6501,0.6498,0.6494,0.6465,0.6424,0.6332,0.6213,0.62,0.6136,0.6133,0.613,0.6106,0.6072,0.5902,0.5841,0.5812,0.5769,0.5726,0.5652,0.5607,0.5585,0.5574,0.5453,0.545,0.5378,0.529,0.5245,0.516,0.5139,0.5124,0.5101,0.5053,0.4931,0.4784,0.4755,0.4734,0.468,0.4673,0.4506,0.4343,0.4335,0.4288,0.4178,0.4069,0.4067,0.4053,0.3741,0.3715,0.3713,0.3667,0.3662,0.3623,0.3527,0.3204],[0.9723,0.972,0.9713,0.9669,0.9563,0.9543,0.9538,0.946,0.9409,0.9404,0.9387,0.9373,0.9306,0.9278,0.9249,0.9248,0.924,0.9225,0.9219,0.9157,0.9156,0.9144,0.9141,0.9139,0.9136,0.913,0.9102,0.907,0.9064,0.9061,0.9044,0.9018,0.9007,0.899,0.897,0.8951,0.8933,0.8904,0.8896,0.8893,0.8867,0.8844,0.8835,0.8834,0.8824,0.8813,0.8803,0.8792,0.8776,0.877,0.8767,0.8761,0.8741,0.8717,0.8714,0.869,0.8687,0.8681,0.8676,0.8674,0.8673,0.866,0.8641,0.86,0.8547,0.8541,0.8512,0.851,0.8509,0.8498,0.8482,0.8403,0.8375,0.8361,0.834,0.832,0.8284,0.8262,0.8252,0.8246,0.8187,0.8185,0.8149,0.8105,0.8083,0.8039,0.8028,0.802,0.8009,0.7984,0.792,0.7841,0.7825,0.7814,0.7784,0.778,0.7688,0.7595,0.759,0.7562,0.7498,0.7433,0.7432,0.7423,0.723,0.7213,0.7212,0.7182,0.7179,0.7154,0.7091,0.687],[0.9753,0.975,0.9744,0.9704,0.9609,0.9591,0.9587,0.9517,0.9471,0.9467,0.9451,0.9439,0.9378,0.9354,0.9328,0.9326,0.9319,0.9306,0.93,0.9245,0.9243,0.9232,0.923,0.9228,0.9226,0.922,0.9195,0.9166,0.9161,0.9158,0.9142,0.9119,0.9109,0.9094,0.9075,0.9058,0.9042,0.9016,0.9009,0.9007,0.8983,0.8962,0.8954,0.8953,0.8943,0.8934,0.8925,0.8915,0.89,0.8895,0.8892,0.8887,0.8869,0.8847,0.8844,0.8822,0.882,0.8815,0.8809,0.8808,0.8807,0.8795,0.8778,0.8741,0.8693,0.8688,0.8661,0.866,0.8658,0.8648,0.8634,0.8562,0.8536,0.8524,0.8505,0.8486,0.8454,0.8434,0.8424,0.8419,0.8365,0.8364,0.8331,0.8291,0.827,0.823,0.8221,0.8213,0.8203,0.818,0.8121,0.8049,0.8035,0.8024,0.7997,0.7994,0.7909,0.7823,0.7819,0.7794,0.7734,0.7675,0.7674,0.7666,0.7487,0.7472,0.747,0.7443,0.744,0.7417,0.7359,0.7153],[0.966,0.9656,0.9648,0.9593,0.9464,0.9439,0.9433,0.9338,0.9276,0.927,0.925,0.9233,0.9151,0.9118,0.9083,0.9081,0.9072,0.9053,0.9046,0.8971,0.8969,0.8955,0.8951,0.8949,0.8946,0.8938,0.8904,0.8866,0.8859,0.8855,0.8834,0.8804,0.8789,0.877,0.8745,0.8722,0.8701,0.8666,0.8657,0.8653,0.8622,0.8594,0.8583,0.8582,0.857,0.8557,0.8545,0.8531,0.8512,0.8506,0.8502,0.8495,0.8471,0.8442,0.8439,0.841,0.8406,0.8399,0.8393,0.8391,0.8389,0.8374,0.8352,0.8303,0.8239,0.8233,0.8198,0.8196,0.8194,0.8181,0.8163,0.8069,0.8035,0.8019,0.7994,0.797,0.7928,0.7902,0.789,0.7883,0.7813,0.7812,0.7769,0.7717,0.7691,0.764,0.7627,0.7618,0.7604,0.7575,0.75,0.7408,0.739,0.7376,0.7342,0.7338,0.723,0.7122,0.7117,0.7085,0.7011,0.6936,0.6934,0.6925,0.6702,0.6683,0.6682,0.6648,0.6644,0.6616,0.6544,0.6293],[0.9761,0.9759,0.9753,0.9715,0.9623,0.9605,0.9601,0.9534,0.9489,0.9485,0.9471,0.9459,0.94,0.9376,0.9351,0.935,0.9343,0.933,0.9325,0.9271,0.9269,0.9259,0.9256,0.9255,0.9252,0.9247,0.9222,0.9195,0.919,0.9187,0.9172,0.915,0.9139,0.9125,0.9107,0.909,0.9075,0.9049,0.9043,0.904,0.9017,0.8997,0.8989,0.8988,0.8979,0.897,0.8962,0.8951,0.8938,0.8932,0.893,0.8925,0.8907,0.8886,0.8883,0.8862,0.886,0.8855,0.885,0.8848,0.8847,0.8836,0.882,0.8784,0.8737,0.8732,0.8706,0.8704,0.8703,0.8693,0.868,0.861,0.8585,0.8573,0.8554,0.8536,0.8505,0.8486,0.8476,0.8472,0.8419,0.8418,0.8386,0.8347,0.8327,0.8288,0.8279,0.8272,0.8261,0.8239,0.8182,0.8112,0.8098,0.8088,0.8062,0.8058,0.7976,0.7893,0.7888,0.7864,0.7806,0.7748,0.7747,0.7739,0.7565,0.755,0.7549,0.7522,0.7519,0.7497,0.744,0.724],[0.9681,0.9678,0.967,0.9619,0.9498,0.9475,0.9469,0.938,0.9322,0.9317,0.9297,0.9281,0.9204,0.9173,0.914,0.9138,0.913,0.9112,0.9106,0.9035,0.9033,0.902,0.9016,0.9015,0.9011,0.9004,0.8972,0.8936,0.893,0.8926,0.8906,0.8877,0.8864,0.8846,0.8822,0.8801,0.8781,0.8747,0.8739,0.8736,0.8706,0.868,0.867,0.8668,0.8657,0.8645,0.8634,0.8621,0.8603,0.8596,0.8593,0.8587,0.8564,0.8536,0.8533,0.8506,0.8502,0.8496,0.849,0.8488,0.8486,0.8472,0.8451,0.8405,0.8345,0.8338,0.8305,0.8304,0.8302,0.829,0.8272,0.8184,0.8151,0.8136,0.8113,0.809,0.805,0.8025,0.8013,0.8007,0.7941,0.7939,0.7899,0.785,0.7824,0.7776,0.7764,0.7755,0.7742,0.7714,0.7643,0.7555,0.7538,0.7525,0.7493,0.7488,0.7386,0.7283,0.7277,0.7247,0.7176,0.7104,0.7103,0.7094,0.6881,0.6863,0.6861,0.6829,0.6825,0.6798,0.6729,0.6487],[0.9743,0.974,0.9734,0.9693,0.9595,0.9576,0.9571,0.9499,0.9451,0.9447,0.9431,0.9418,0.9355,0.933,0.9303,0.9301,0.9294,0.928,0.9274,0.9217,0.9215,0.9204,0.9201,0.92,0.9197,0.9192,0.9165,0.9136,0.913,0.9127,0.9111,0.9087,0.9076,0.9061,0.9042,0.9024,0.9007,0.898,0.8973,0.8971,0.8946,0.8924,0.8916,0.8915,0.8905,0.8896,0.8886,0.8875,0.8861,0.8855,0.8853,0.8847,0.8828,0.8806,0.8803,0.878,0.8777,0.8772,0.8767,0.8765,0.8764,0.8752,0.8735,0.8696,0.8646,0.8641,0.8613,0.8612,0.8611,0.86,0.8586,0.8512,0.8485,0.8472,0.8452,0.8433,0.84,0.8379,0.8369,0.8364,0.8308,0.8307,0.8273,0.8232,0.821,0.8169,0.8159,0.8152,0.8141,0.8117,0.8057,0.7982,0.7968,0.7957,0.7929,0.7926,0.7838,0.775,0.7745,0.772,0.7659,0.7597,0.7596,0.7588,0.7404,0.7389,0.7388,0.7359,0.7356,0.7333,0.7273,0.7062],[0.953,0.9525,0.9514,0.9439,0.9263,0.9229,0.9221,0.9092,0.9008,0.9001,0.8973,0.895,0.884,0.8795,0.8748,0.8746,0.8734,0.8709,0.8699,0.8599,0.8597,0.8578,0.8573,0.857,0.8566,0.8556,0.851,0.846,0.8451,0.8446,0.8417,0.8377,0.8358,0.8332,0.83,0.8269,0.8241,0.8195,0.8184,0.8179,0.8138,0.8101,0.8087,0.8085,0.8069,0.8053,0.8037,0.8019,0.7995,0.7986,0.7981,0.7972,0.7941,0.7903,0.7898,0.7861,0.7856,0.7847,0.7839,0.7836,0.7834,0.7814,0.7786,0.7723,0.764,0.7632,0.7587,0.7585,0.7582,0.7565,0.7542,0.7422,0.7378,0.7357,0.7326,0.7296,0.7242,0.721,0.7194,0.7186,0.7097,0.7095,0.7041,0.6976,0.6943,0.6879,0.6863,0.6852,0.6834,0.6798,0.6705,0.6591,0.6568,0.6552,0.6509,0.6504,0.6372,0.624,0.6233,0.6195,0.6105,0.6014,0.6013,0.6001,0.5735,0.5712,0.5711,0.5671,0.5666,0.5632,0.5547,0.5254],[0.9741,0.9739,0.9733,0.9691,0.9592,0.9573,0.9568,0.9495,0.9448,0.9443,0.9427,0.9414,0.9351,0.9325,0.9298,0.9297,0.929,0.9276,0.927,0.9212,0.921,0.9199,0.9196,0.9195,0.9192,0.9186,0.916,0.913,0.9125,0.9122,0.9105,0.9082,0.907,0.9055,0.9036,0.9018,0.9001,0.8974,0.8967,0.8964,0.8939,0.8918,0.8909,0.8908,0.8898,0.8889,0.8879,0.8869,0.8854,0.8848,0.8845,0.884,0.8821,0.8798,0.8795,0.8773,0.877,0.8765,0.8759,0.8758,0.8756,0.8744,0.8727,0.8688,0.8638,0.8633,0.8605,0.8604,0.8602,0.8592,0.8577,0.8503,0.8475,0.8462,0.8443,0.8424,0.839,0.837,0.8359,0.8354,0.8298,0.8297,0.8263,0.8221,0.82,0.8158,0.8148,0.8141,0.813,0.8106,0.8045,0.7971,0.7956,0.7945,0.7917,0.7913,0.7825,0.7737,0.7732,0.7706,0.7645,0.7584,0.7582,0.7574,0.739,0.7374,0.7373,0.7345,0.7341,0.7318,0.7257,0.7046],[0.9818,0.9816,0.9812,0.9782,0.9712,0.9698,0.9695,0.9643,0.9609,0.9606,0.9595,0.9585,0.954,0.9522,0.9502,0.9501,0.9496,0.9486,0.9482,0.944,0.9439,0.9431,0.9429,0.9428,0.9426,0.9422,0.9403,0.9382,0.9378,0.9376,0.9364,0.9346,0.9338,0.9327,0.9313,0.93,0.9288,0.9268,0.9263,0.9261,0.9244,0.9228,0.9222,0.9221,0.9214,0.9207,0.92,0.9192,0.9181,0.9177,0.9175,0.9171,0.9158,0.9141,0.9139,0.9122,0.912,0.9116,0.9112,0.9111,0.911,0.9102,0.9089,0.9061,0.9024,0.902,0.8999,0.8999,0.8998,0.899,0.8979,0.8924,0.8904,0.8895,0.888,0.8866,0.8841,0.8826,0.8819,0.8815,0.8773,0.8772,0.8747,0.8716,0.87,0.8669,0.8662,0.8656,0.8648,0.863,0.8585,0.8529,0.8518,0.8509,0.8488,0.8486,0.8419,0.8353,0.8349,0.8329,0.8283,0.8236,0.8235,0.8229,0.8088,0.8076,0.8075,0.8053,0.8051,0.8032,0.7986,0.7822],[0.9715,0.9712,0.9705,0.966,0.9551,0.953,0.9525,0.9445,0.9392,0.9388,0.937,0.9356,0.9287,0.9258,0.9229,0.9227,0.9219,0.9204,0.9198,0.9134,0.9132,0.912,0.9117,0.9116,0.9112,0.9106,0.9077,0.9045,0.9039,0.9036,0.9017,0.8992,0.8979,0.8963,0.8942,0.8922,0.8904,0.8874,0.8866,0.8863,0.8836,0.8813,0.8804,0.8802,0.8792,0.8781,0.8771,0.8759,0.8743,0.8737,0.8734,0.8728,0.8707,0.8682,0.868,0.8655,0.8652,0.8646,0.864,0.8639,0.8637,0.8624,0.8605,0.8563,0.8508,0.8502,0.8472,0.8471,0.8469,0.8458,0.8442,0.8361,0.8332,0.8318,0.8297,0.8276,0.8239,0.8217,0.8206,0.82,0.814,0.8138,0.8101,0.8056,0.8033,0.7988,0.7978,0.797,0.7957,0.7932,0.7867,0.7786,0.777,0.7758,0.7728,0.7724,0.763,0.7535,0.753,0.7502,0.7436,0.737,0.7369,0.736,0.7162,0.7145,0.7144,0.7114,0.711,0.7085,0.7021,0.6796],[0.9644,0.964,0.9631,0.9574,0.9439,0.9413,0.9407,0.9308,0.9243,0.9237,0.9216,0.9198,0.9113,0.9078,0.9041,0.9039,0.903,0.9011,0.9003,0.8925,0.8923,0.8908,0.8904,0.8902,0.8899,0.8891,0.8855,0.8816,0.8809,0.8805,0.8782,0.8751,0.8736,0.8716,0.869,0.8666,0.8644,0.8607,0.8598,0.8594,0.8562,0.8533,0.8522,0.852,0.8507,0.8495,0.8482,0.8468,0.8448,0.8441,0.8437,0.843,0.8405,0.8375,0.8371,0.8341,0.8338,0.8331,0.8323,0.8322,0.832,0.8304,0.8281,0.823,0.8164,0.8157,0.8121,0.8119,0.8118,0.8104,0.8085,0.7988,0.7952,0.7935,0.791,0.7885,0.7842,0.7815,0.7802,0.7795,0.7723,0.7721,0.7677,0.7624,0.7596,0.7543,0.753,0.7521,0.7506,0.7476,0.7399,0.7304,0.7285,0.7271,0.7236,0.7231,0.712,0.7009,0.7003,0.6971,0.6894,0.6817,0.6816,0.6806,0.6577,0.6558,0.6556,0.6522,0.6517,0.6488,0.6415,0.6157],[0.9726,0.9723,0.9717,0.9673,0.9568,0.9548,0.9543,0.9466,0.9416,0.9411,0.9394,0.9381,0.9314,0.9287,0.9258,0.9257,0.9249,0.9234,0.9228,0.9167,0.9166,0.9154,0.9151,0.9149,0.9146,0.914,0.9112,0.9081,0.9075,0.9072,0.9055,0.903,0.9018,0.9002,0.8981,0.8963,0.8945,0.8916,0.8909,0.8906,0.888,0.8857,0.8848,0.8847,0.8837,0.8827,0.8817,0.8805,0.879,0.8784,0.8781,0.8775,0.8756,0.8731,0.8729,0.8705,0.8702,0.8696,0.869,0.8689,0.8688,0.8675,0.8657,0.8616,0.8563,0.8557,0.8528,0.8527,0.8526,0.8515,0.8499,0.8421,0.8392,0.8379,0.8358,0.8338,0.8303,0.8282,0.8271,0.8265,0.8207,0.8205,0.8169,0.8126,0.8103,0.806,0.805,0.8042,0.803,0.8005,0.7942,0.7864,0.7848,0.7837,0.7808,0.7804,0.7712,0.762,0.7615,0.7588,0.7524,0.746,0.7459,0.745,0.7258,0.7242,0.724,0.7211,0.7208,0.7183,0.712,0.6901],[0.9801,0.9799,0.9794,0.9762,0.9686,0.9671,0.9668,0.9611,0.9574,0.9571,0.9558,0.9548,0.9499,0.9479,0.9458,0.9457,0.9451,0.944,0.9436,0.939,0.9389,0.938,0.9378,0.9377,0.9375,0.937,0.935,0.9327,0.9322,0.932,0.9307,0.9288,0.928,0.9268,0.9252,0.9238,0.9225,0.9204,0.9198,0.9196,0.9177,0.9159,0.9153,0.9152,0.9144,0.9137,0.9129,0.9121,0.9109,0.9105,0.9103,0.9098,0.9083,0.9065,0.9063,0.9045,0.9043,0.9039,0.9035,0.9033,0.9032,0.9023,0.9009,0.8979,0.8939,0.8934,0.8912,0.8911,0.891,0.8902,0.889,0.8831,0.8809,0.8799,0.8784,0.8768,0.8741,0.8725,0.8717,0.8713,0.8668,0.8667,0.8639,0.8606,0.8589,0.8556,0.8548,0.8542,0.8533,0.8514,0.8465,0.8404,0.8393,0.8384,0.8361,0.8358,0.8287,0.8215,0.8211,0.819,0.814,0.809,0.8089,0.8082,0.7931,0.7918,0.7917,0.7894,0.7891,0.7872,0.7822,0.7647],[0.9676,0.9672,0.9664,0.9612,0.9489,0.9465,0.946,0.9369,0.931,0.9304,0.9285,0.9268,0.919,0.9158,0.9125,0.9123,0.9114,0.9097,0.909,0.9018,0.9016,0.9002,0.8999,0.8997,0.8994,0.8987,0.8954,0.8918,0.8911,0.8907,0.8887,0.8858,0.8844,0.8825,0.8802,0.878,0.8759,0.8726,0.8717,0.8714,0.8684,0.8657,0.8647,0.8645,0.8634,0.8622,0.861,0.8597,0.8579,0.8572,0.8569,0.8562,0.8539,0.8511,0.8508,0.848,0.8477,0.847,0.8464,0.8462,0.846,0.8446,0.8425,0.8378,0.8317,0.831,0.8277,0.8275,0.8273,0.8261,0.8243,0.8153,0.812,0.8104,0.8081,0.8058,0.8017,0.7993,0.798,0.7974,0.7907,0.7905,0.7864,0.7814,0.7789,0.7739,0.7727,0.7718,0.7705,0.7677,0.7605,0.7516,0.7498,0.7485,0.7452,0.7448,0.7344,0.724,0.7234,0.7204,0.7132,0.7059,0.7058,0.7048,0.6833,0.6814,0.6813,0.678,0.6776,0.6749,0.6679,0.6435],[0.9723,0.972,0.9713,0.9669,0.9563,0.9542,0.9537,0.9459,0.9408,0.9404,0.9387,0.9373,0.9305,0.9278,0.9249,0.9247,0.924,0.9224,0.9218,0.9156,0.9155,0.9143,0.914,0.9138,0.9135,0.9129,0.9101,0.9069,0.9063,0.906,0.9043,0.9017,0.9006,0.8989,0.8969,0.8949,0.8932,0.8902,0.8895,0.8892,0.8866,0.8843,0.8834,0.8832,0.8822,0.8812,0.8802,0.879,0.8775,0.8769,0.8766,0.876,0.874,0.8716,0.8713,0.8688,0.8686,0.868,0.8674,0.8673,0.8671,0.8658,0.864,0.8599,0.8545,0.854,0.851,0.8509,0.8507,0.8496,0.8481,0.8402,0.8373,0.8359,0.8338,0.8318,0.8282,0.8261,0.825,0.8244,0.8185,0.8184,0.8147,0.8103,0.8081,0.8037,0.8026,0.8018,0.8007,0.7982,0.7918,0.7839,0.7823,0.7811,0.7782,0.7778,0.7685,0.7592,0.7587,0.756,0.7496,0.7431,0.7429,0.7421,0.7227,0.721,0.7209,0.718,0.7176,0.7151,0.7088,0.6867],[0.9527,0.9521,0.9511,0.9435,0.9258,0.9224,0.9216,0.9086,0.9002,0.8994,0.8966,0.8943,0.8832,0.8788,0.874,0.8738,0.8725,0.8701,0.8691,0.859,0.8588,0.8569,0.8564,0.8561,0.8556,0.8547,0.8501,0.845,0.8441,0.8436,0.8407,0.8367,0.8348,0.8322,0.8289,0.8259,0.8231,0.8184,0.8172,0.8168,0.8126,0.8089,0.8076,0.8073,0.8057,0.8041,0.8026,0.8007,0.7982,0.7973,0.7969,0.796,0.7928,0.789,0.7886,0.7848,0.7843,0.7834,0.7826,0.7823,0.7821,0.7801,0.7773,0.7709,0.7626,0.7618,0.7572,0.757,0.7568,0.7551,0.7528,0.7407,0.7363,0.7342,0.7311,0.728,0.7226,0.7194,0.7177,0.7169,0.708,0.7078,0.7024,0.6959,0.6926,0.6861,0.6846,0.6834,0.6817,0.678,0.6686,0.6572,0.655,0.6533,0.649,0.6485,0.6352,0.622,0.6213,0.6175,0.6084,0.5993,0.5992,0.598,0.5713,0.569,0.5689,0.5649,0.5644,0.561,0.5525,0.5231],[0.9734,0.9731,0.9725,0.9682,0.958,0.9561,0.9556,0.9481,0.9432,0.9428,0.9411,0.9398,0.9333,0.9307,0.9279,0.9277,0.927,0.9255,0.925,0.919,0.9189,0.9177,0.9174,0.9173,0.917,0.9164,0.9137,0.9106,0.9101,0.9098,0.9081,0.9056,0.9045,0.9029,0.9009,0.8991,0.8974,0.8946,0.8939,0.8936,0.891,0.8888,0.888,0.8878,0.8868,0.8859,0.8849,0.8838,0.8822,0.8817,0.8814,0.8809,0.8789,0.8766,0.8763,0.8739,0.8737,0.8731,0.8726,0.8724,0.8723,0.8711,0.8693,0.8653,0.8601,0.8596,0.8568,0.8566,0.8565,0.8554,0.8539,0.8463,0.8435,0.8422,0.8402,0.8382,0.8348,0.8327,0.8316,0.8311,0.8254,0.8252,0.8217,0.8175,0.8153,0.811,0.81,0.8093,0.8081,0.8057,0.7995,0.7918,0.7903,0.7892,0.7864,0.786,0.777,0.768,0.7675,0.7649,0.7586,0.7523,0.7522,0.7514,0.7325,0.7309,0.7308,0.7279,0.7276,0.7252,0.719,0.6975],[0.967,0.9666,0.9658,0.9605,0.948,0.9456,0.945,0.9358,0.9297,0.9292,0.9272,0.9255,0.9176,0.9143,0.9109,0.9108,0.9099,0.9081,0.9074,0.9001,0.8999,0.8985,0.8981,0.898,0.8976,0.8969,0.8936,0.8899,0.8892,0.8888,0.8867,0.8838,0.8824,0.8805,0.8781,0.8758,0.8738,0.8704,0.8695,0.8692,0.8661,0.8634,0.8624,0.8622,0.861,0.8598,0.8586,0.8573,0.8554,0.8548,0.8544,0.8538,0.8514,0.8486,0.8483,0.8454,0.8451,0.8444,0.8438,0.8436,0.8434,0.8419,0.8398,0.835,0.8288,0.8282,0.8248,0.8246,0.8244,0.8231,0.8214,0.8122,0.8089,0.8073,0.8049,0.8025,0.7985,0.796,0.7947,0.7941,0.7873,0.7871,0.7829,0.7779,0.7753,0.7703,0.7691,0.7682,0.7668,0.7639,0.7566,0.7476,0.7459,0.7445,0.7412,0.7408,0.7302,0.7197,0.7191,0.716,0.7087,0.7014,0.7013,0.7003,0.6785,0.6766,0.6765,0.6732,0.6728,0.67,0.663,0.6383],[0.974,0.9737,0.9731,0.9689,0.9589,0.957,0.9566,0.9492,0.9444,0.944,0.9424,0.9411,0.9347,0.9321,0.9294,0.9292,0.9285,0.9271,0.9265,0.9207,0.9205,0.9194,0.9191,0.919,0.9187,0.9181,0.9154,0.9125,0.9119,0.9116,0.91,0.9076,0.9065,0.9049,0.903,0.9012,0.8995,0.8967,0.896,0.8958,0.8933,0.8911,0.8902,0.8901,0.8892,0.8882,0.8872,0.8861,0.8846,0.8841,0.8838,0.8833,0.8814,0.8791,0.8788,0.8765,0.8762,0.8757,0.8751,0.875,0.8749,0.8737,0.8719,0.868,0.8629,0.8624,0.8596,0.8595,0.8594,0.8583,0.8569,0.8494,0.8466,0.8453,0.8434,0.8414,0.838,0.836,0.8349,0.8344,0.8288,0.8287,0.8252,0.821,0.8189,0.8147,0.8137,0.813,0.8118,0.8095,0.8034,0.7958,0.7944,0.7933,0.7905,0.7901,0.7813,0.7724,0.7719,0.7693,0.7632,0.757,0.7568,0.756,0.7375,0.7359,0.7358,0.7329,0.7326,0.7302,0.7242,0.703],[0.9803,0.9801,0.9797,0.9765,0.9689,0.9674,0.9671,0.9615,0.9578,0.9575,0.9563,0.9553,0.9504,0.9484,0.9463,0.9462,0.9457,0.9446,0.9441,0.9396,0.9395,0.9387,0.9384,0.9383,0.9381,0.9377,0.9356,0.9333,0.9329,0.9327,0.9314,0.9295,0.9287,0.9275,0.926,0.9246,0.9233,0.9212,0.9206,0.9204,0.9185,0.9168,0.9162,0.916,0.9153,0.9146,0.9138,0.913,0.9118,0.9114,0.9112,0.9107,0.9093,0.9075,0.9073,0.9055,0.9053,0.9048,0.9044,0.9043,0.9042,0.9033,0.9019,0.8989,0.8949,0.8945,0.8923,0.8922,0.8921,0.8913,0.8901,0.8843,0.8821,0.8811,0.8796,0.878,0.8754,0.8738,0.8729,0.8725,0.8681,0.868,0.8653,0.862,0.8603,0.857,0.8562,0.8556,0.8547,0.8528,0.848,0.842,0.8408,0.8399,0.8377,0.8374,0.8303,0.8232,0.8228,0.8207,0.8158,0.8108,0.8107,0.81,0.795,0.7937,0.7936,0.7913,0.7911,0.7891,0.7842,0.7668],[0.951,0.9504,0.9493,0.9415,0.9232,0.9196,0.9188,0.9054,0.8967,0.8959,0.893,0.8906,0.8792,0.8746,0.8697,0.8694,0.8681,0.8656,0.8646,0.8542,0.854,0.852,0.8515,0.8512,0.8507,0.8497,0.845,0.8398,0.8388,0.8383,0.8354,0.8312,0.8292,0.8266,0.8232,0.82,0.8171,0.8123,0.8112,0.8107,0.8064,0.8026,0.8012,0.801,0.7993,0.7977,0.796,0.7942,0.7916,0.7907,0.7902,0.7893,0.786,0.7821,0.7817,0.7778,0.7773,0.7764,0.7755,0.7753,0.775,0.773,0.77,0.7635,0.755,0.7541,0.7495,0.7493,0.749,0.7473,0.7449,0.7325,0.728,0.7258,0.7227,0.7195,0.714,0.7106,0.709,0.7081,0.699,0.6988,0.6933,0.6866,0.6832,0.6766,0.675,0.6738,0.672,0.6683,0.6587,0.647,0.6448,0.6431,0.6387,0.6382,0.6246,0.6112,0.6105,0.6065,0.5973,0.5881,0.5879,0.5867,0.5596,0.5573,0.5571,0.553,0.5526,0.5492,0.5405,0.5107],[0.9744,0.9741,0.9735,0.9693,0.9595,0.9576,0.9572,0.9499,0.9452,0.9448,0.9432,0.9419,0.9356,0.9331,0.9304,0.9302,0.9295,0.9281,0.9276,0.9218,0.9217,0.9205,0.9203,0.9201,0.9198,0.9193,0.9166,0.9137,0.9132,0.9129,0.9112,0.9089,0.9078,0.9062,0.9043,0.9025,0.9009,0.8982,0.8975,0.8972,0.8948,0.8926,0.8918,0.8916,0.8907,0.8897,0.8888,0.8877,0.8862,0.8857,0.8854,0.8849,0.883,0.8807,0.8805,0.8782,0.8779,0.8774,0.8769,0.8767,0.8766,0.8754,0.8737,0.8698,0.8648,0.8643,0.8615,0.8614,0.8613,0.8602,0.8588,0.8514,0.8487,0.8474,0.8455,0.8435,0.8402,0.8382,0.8371,0.8366,0.8311,0.8309,0.8275,0.8234,0.8213,0.8172,0.8162,0.8154,0.8143,0.812,0.8059,0.7985,0.7971,0.796,0.7932,0.7928,0.7841,0.7753,0.7749,0.7723,0.7662,0.76,0.7599,0.7591,0.7408,0.7392,0.7391,0.7363,0.736,0.7336,0.7276,0.7066],[0.9833,0.9831,0.9827,0.98,0.9736,0.9723,0.972,0.9673,0.9641,0.9638,0.9628,0.9619,0.9578,0.9561,0.9543,0.9542,0.9537,0.9528,0.9524,0.9486,0.9485,0.9477,0.9476,0.9475,0.9473,0.9469,0.9451,0.9432,0.9428,0.9426,0.9415,0.9399,0.9392,0.9382,0.9369,0.9357,0.9346,0.9327,0.9323,0.9321,0.9304,0.929,0.9284,0.9283,0.9277,0.9271,0.9264,0.9257,0.9247,0.9243,0.9241,0.9238,0.9225,0.921,0.9208,0.9192,0.9191,0.9187,0.9183,0.9182,0.9182,0.9173,0.9162,0.9136,0.9101,0.9098,0.9079,0.9078,0.9077,0.907,0.906,0.901,0.8991,0.8982,0.8969,0.8956,0.8933,0.8919,0.8912,0.8908,0.887,0.8869,0.8845,0.8816,0.8802,0.8773,0.8766,0.8761,0.8753,0.8737,0.8695,0.8643,0.8633,0.8625,0.8605,0.8603,0.8541,0.8479,0.8476,0.8457,0.8414,0.837,0.837,0.8364,0.8232,0.8221,0.822,0.82,0.8197,0.8181,0.8137,0.7984],[0.9669,0.9665,0.9657,0.9604,0.9478,0.9454,0.9449,0.9356,0.9295,0.929,0.927,0.9253,0.9173,0.9141,0.9107,0.9105,0.9096,0.9078,0.9071,0.8998,0.8996,0.8982,0.8979,0.8977,0.8973,0.8966,0.8933,0.8896,0.8889,0.8885,0.8864,0.8835,0.8821,0.8802,0.8778,0.8755,0.8734,0.87,0.8691,0.8688,0.8657,0.863,0.862,0.8618,0.8606,0.8594,0.8583,0.8569,0.8551,0.8544,0.854,0.8534,0.851,0.8482,0.8478,0.845,0.8447,0.844,0.8433,0.8432,0.843,0.8415,0.8394,0.8346,0.8284,0.8277,0.8243,0.8241,0.824,0.8227,0.8209,0.8117,0.8084,0.8068,0.8044,0.802,0.7979,0.7954,0.7942,0.7935,0.7867,0.7865,0.7824,0.7773,0.7747,0.7697,0.7685,0.7676,0.7662,0.7633,0.756,0.747,0.7452,0.7439,0.7405,0.7401,0.7295,0.719,0.7184,0.7153,0.708,0.7007,0.7005,0.6996,0.6777,0.6759,0.6757,0.6724,0.672,0.6692,0.6622,0.6375],[0.9754,0.9751,0.9746,0.9706,0.9612,0.9594,0.9589,0.952,0.9474,0.947,0.9455,0.9443,0.9382,0.9358,0.9332,0.9331,0.9324,0.931,0.9305,0.9249,0.9248,0.9237,0.9235,0.9233,0.9231,0.9225,0.92,0.9172,0.9166,0.9164,0.9148,0.9125,0.9114,0.91,0.9081,0.9064,0.9048,0.9022,0.9015,0.9013,0.8989,0.8968,0.8961,0.8959,0.895,0.8941,0.8932,0.8921,0.8907,0.8902,0.8899,0.8894,0.8876,0.8854,0.8852,0.883,0.8827,0.8822,0.8817,0.8816,0.8814,0.8803,0.8786,0.8749,0.8701,0.8696,0.8669,0.8668,0.8667,0.8657,0.8643,0.8571,0.8545,0.8533,0.8514,0.8496,0.8464,0.8444,0.8434,0.8429,0.8375,0.8374,0.8341,0.8301,0.8281,0.8241,0.8231,0.8224,0.8214,0.8191,0.8133,0.8061,0.8047,0.8036,0.8009,0.8006,0.7921,0.7836,0.7832,0.7807,0.7748,0.7688,0.7687,0.7679,0.7501,0.7486,0.7485,0.7458,0.7455,0.7432,0.7374,0.7169],[0.9739,0.9736,0.973,0.9688,0.9588,0.9568,0.9564,0.949,0.9442,0.9437,0.9421,0.9408,0.9344,0.9318,0.9291,0.9289,0.9282,0.9268,0.9262,0.9203,0.9202,0.9191,0.9188,0.9186,0.9184,0.9178,0.9151,0.9121,0.9116,0.9113,0.9096,0.9072,0.9061,0.9045,0.9026,0.9007,0.8991,0.8963,0.8956,0.8953,0.8928,0.8906,0.8898,0.8897,0.8887,0.8877,0.8868,0.8857,0.8842,0.8836,0.8833,0.8828,0.8809,0.8786,0.8783,0.876,0.8757,0.8752,0.8746,0.8745,0.8744,0.8731,0.8714,0.8675,0.8624,0.8619,0.8591,0.8589,0.8588,0.8577,0.8563,0.8487,0.846,0.8447,0.8427,0.8408,0.8374,0.8353,0.8343,0.8338,0.8281,0.828,0.8245,0.8203,0.8182,0.814,0.813,0.8122,0.8111,0.8087,0.8026,0.7951,0.7936,0.7925,0.7897,0.7893,0.7804,0.7715,0.771,0.7684,0.7623,0.756,0.7559,0.7551,0.7365,0.7349,0.7348,0.732,0.7316,0.7292,0.7232,0.7019],[0.9706,0.9703,0.9696,0.9649,0.9536,0.9515,0.951,0.9427,0.9373,0.9368,0.935,0.9335,0.9264,0.9235,0.9204,0.9203,0.9195,0.9179,0.9172,0.9107,0.9105,0.9093,0.909,0.9088,0.9085,0.9078,0.9048,0.9015,0.9009,0.9006,0.8987,0.896,0.8948,0.8931,0.8909,0.8889,0.887,0.8839,0.8832,0.8828,0.8801,0.8776,0.8767,0.8765,0.8755,0.8744,0.8733,0.8721,0.8705,0.8698,0.8695,0.8689,0.8668,0.8642,0.8639,0.8614,0.8611,0.8605,0.8599,0.8597,0.8596,0.8582,0.8563,0.852,0.8463,0.8457,0.8426,0.8425,0.8424,0.8412,0.8396,0.8313,0.8282,0.8268,0.8246,0.8225,0.8187,0.8164,0.8153,0.8147,0.8085,0.8084,0.8046,0.7999,0.7976,0.793,0.7919,0.7911,0.7898,0.7872,0.7805,0.7722,0.7706,0.7694,0.7663,0.7659,0.7562,0.7465,0.746,0.7431,0.7364,0.7297,0.7295,0.7286,0.7084,0.7067,0.7066,0.7035,0.7032,0.7006,0.694,0.671],[0.9812,0.981,0.9806,0.9776,0.9703,0.9689,0.9686,0.9633,0.9598,0.9594,0.9583,0.9573,0.9527,0.9508,0.9488,0.9487,0.9481,0.9471,0.9467,0.9424,0.9423,0.9414,0.9412,0.9411,0.9409,0.9405,0.9385,0.9363,0.9359,0.9357,0.9345,0.9327,0.9319,0.9308,0.9293,0.928,0.9268,0.9247,0.9242,0.924,0.9222,0.9205,0.9199,0.9198,0.9191,0.9184,0.9177,0.9169,0.9157,0.9153,0.9151,0.9147,0.9133,0.9116,0.9114,0.9097,0.9095,0.9091,0.9087,0.9086,0.9085,0.9076,0.9063,0.9034,0.8996,0.8992,0.8971,0.897,0.8969,0.8961,0.895,0.8894,0.8873,0.8863,0.8848,0.8834,0.8808,0.8793,0.8785,0.8781,0.8738,0.8737,0.8711,0.868,0.8663,0.8632,0.8624,0.8618,0.861,0.8592,0.8545,0.8488,0.8476,0.8468,0.8446,0.8444,0.8376,0.8307,0.8304,0.8283,0.8236,0.8188,0.8187,0.818,0.8036,0.8023,0.8023,0.8,0.7998,0.7979,0.7932,0.7764],[0.9628,0.9624,0.9615,0.9556,0.9415,0.9388,0.9382,0.9278,0.9211,0.9205,0.9182,0.9164,0.9075,0.9039,0.9001,0.8999,0.8989,0.8969,0.8961,0.888,0.8878,0.8862,0.8858,0.8856,0.8852,0.8845,0.8807,0.8767,0.8759,0.8755,0.8732,0.8699,0.8683,0.8662,0.8635,0.8611,0.8588,0.855,0.854,0.8537,0.8503,0.8472,0.8461,0.8459,0.8446,0.8433,0.842,0.8405,0.8385,0.8377,0.8374,0.8366,0.834,0.8309,0.8305,0.8274,0.827,0.8263,0.8256,0.8254,0.8252,0.8235,0.8212,0.8159,0.8091,0.8084,0.8046,0.8044,0.8043,0.8028,0.8009,0.7908,0.7871,0.7854,0.7828,0.7802,0.7757,0.773,0.7716,0.7709,0.7634,0.7633,0.7587,0.7532,0.7504,0.7449,0.7436,0.7426,0.7411,0.738,0.73,0.7202,0.7183,0.7169,0.7132,0.7128,0.7013,0.6899,0.6893,0.6859,0.6781,0.6702,0.67,0.669,0.6455,0.6435,0.6434,0.6398,0.6394,0.6364,0.6289,0.6025],[0.9779,0.9776,0.9771,0.9735,0.965,0.9634,0.963,0.9567,0.9526,0.9522,0.9508,0.9497,0.9443,0.942,0.9397,0.9396,0.939,0.9377,0.9372,0.9322,0.9321,0.9311,0.9309,0.9308,0.9305,0.93,0.9277,0.9252,0.9247,0.9244,0.923,0.9209,0.92,0.9186,0.917,0.9154,0.914,0.9116,0.911,0.9107,0.9086,0.9067,0.906,0.9059,0.905,0.9042,0.9034,0.9024,0.9011,0.9007,0.9004,0.9,0.8983,0.8963,0.8961,0.8941,0.8938,0.8934,0.8929,0.8928,0.8927,0.8916,0.8901,0.8867,0.8823,0.8819,0.8795,0.8793,0.8792,0.8783,0.877,0.8705,0.8681,0.867,0.8653,0.8636,0.8607,0.8589,0.858,0.8575,0.8526,0.8525,0.8495,0.8458,0.8439,0.8403,0.8394,0.8387,0.8377,0.8357,0.8303,0.8237,0.8224,0.8215,0.819,0.8187,0.8109,0.8031,0.8026,0.8003,0.7949,0.7894,0.7893,0.7886,0.7721,0.7707,0.7706,0.7681,0.7678,0.7657,0.7603,0.7413],[0.9786,0.9784,0.9779,0.9744,0.9662,0.9646,0.9642,0.9582,0.9542,0.9538,0.9525,0.9514,0.9461,0.944,0.9417,0.9416,0.941,0.9398,0.9393,0.9345,0.9343,0.9334,0.9332,0.933,0.9328,0.9323,0.9301,0.9276,0.9272,0.9269,0.9255,0.9235,0.9226,0.9213,0.9197,0.9182,0.9168,0.9145,0.9139,0.9137,0.9116,0.9097,0.9091,0.9089,0.9081,0.9073,0.9065,0.9056,0.9044,0.9039,0.9037,0.9032,0.9016,0.8997,0.8994,0.8975,0.8973,0.8968,0.8964,0.8963,0.8962,0.8951,0.8937,0.8904,0.8861,0.8857,0.8833,0.8832,0.8831,0.8822,0.881,0.8747,0.8723,0.8712,0.8696,0.8679,0.8651,0.8633,0.8625,0.862,0.8572,0.8571,0.8542,0.8507,0.8488,0.8453,0.8444,0.8438,0.8428,0.8408,0.8356,0.8292,0.8279,0.827,0.8246,0.8243,0.8167,0.8091,0.8087,0.8065,0.8012,0.7958,0.7957,0.795,0.779,0.7776,0.7775,0.7751,0.7748,0.7727,0.7675,0.7489],[0.9773,0.9771,0.9765,0.9729,0.9642,0.9625,0.9621,0.9557,0.9514,0.9511,0.9497,0.9485,0.9429,0.9407,0.9383,0.9381,0.9375,0.9362,0.9357,0.9306,0.9305,0.9295,0.9292,0.9291,0.9289,0.9284,0.926,0.9234,0.9229,0.9227,0.9212,0.9191,0.9181,0.9167,0.915,0.9134,0.9119,0.9095,0.9089,0.9086,0.9065,0.9045,0.9038,0.9037,0.9028,0.902,0.9011,0.9002,0.8988,0.8983,0.8981,0.8976,0.8959,0.8939,0.8937,0.8916,0.8914,0.8909,0.8904,0.8903,0.8902,0.8891,0.8876,0.8841,0.8796,0.8791,0.8767,0.8766,0.8764,0.8755,0.8742,0.8675,0.8651,0.8639,0.8622,0.8605,0.8575,0.8556,0.8547,0.8543,0.8492,0.8491,0.846,0.8423,0.8404,0.8367,0.8358,0.8351,0.8341,0.832,0.8265,0.8198,0.8185,0.8175,0.815,0.8146,0.8067,0.7987,0.7983,0.7959,0.7904,0.7848,0.7847,0.784,0.7672,0.7658,0.7657,0.7631,0.7628,0.7607,0.7552,0.7359],[0.9833,0.9831,0.9827,0.98,0.9735,0.9723,0.972,0.9672,0.964,0.9638,0.9627,0.9619,0.9577,0.956,0.9542,0.9541,0.9536,0.9527,0.9523,0.9485,0.9484,0.9476,0.9474,0.9474,0.9472,0.9468,0.945,0.9431,0.9427,0.9425,0.9414,0.9398,0.9391,0.938,0.9368,0.9355,0.9344,0.9326,0.9321,0.932,0.9303,0.9288,0.9283,0.9282,0.9276,0.9269,0.9263,0.9255,0.9245,0.9242,0.924,0.9236,0.9223,0.9208,0.9206,0.9191,0.9189,0.9185,0.9182,0.9181,0.918,0.9172,0.916,0.9134,0.91,0.9096,0.9077,0.9076,0.9075,0.9068,0.9058,0.9008,0.8989,0.898,0.8967,0.8953,0.8931,0.8916,0.8909,0.8906,0.8867,0.8866,0.8843,0.8814,0.8799,0.8771,0.8764,0.8759,0.8751,0.8734,0.8692,0.864,0.863,0.8622,0.8603,0.86,0.8538,0.8476,0.8473,0.8455,0.8411,0.8367,0.8367,0.8361,0.8229,0.8218,0.8217,0.8197,0.8194,0.8177,0.8134,0.798],[0.9806,0.9804,0.9799,0.9768,0.9693,0.9679,0.9676,0.962,0.9584,0.9581,0.9569,0.9559,0.9511,0.9491,0.9471,0.947,0.9464,0.9453,0.9449,0.9405,0.9404,0.9395,0.9393,0.9392,0.939,0.9385,0.9365,0.9343,0.9338,0.9336,0.9323,0.9305,0.9297,0.9285,0.927,0.9256,0.9244,0.9223,0.9217,0.9215,0.9196,0.9179,0.9173,0.9172,0.9165,0.9157,0.915,0.9142,0.913,0.9126,0.9124,0.912,0.9105,0.9087,0.9085,0.9068,0.9066,0.9061,0.9057,0.9056,0.9055,0.9046,0.9032,0.9002,0.8963,0.8959,0.8938,0.8937,0.8936,0.8928,0.8916,0.8858,0.8837,0.8827,0.8812,0.8797,0.877,0.8754,0.8746,0.8742,0.8698,0.8697,0.8671,0.8638,0.8621,0.8589,0.8581,0.8575,0.8566,0.8547,0.85,0.8441,0.8429,0.842,0.8398,0.8395,0.8325,0.8255,0.8251,0.8231,0.8182,0.8132,0.8131,0.8125,0.7976,0.7964,0.7963,0.794,0.7937,0.7918,0.7869,0.7697],[0.9819,0.9817,0.9812,0.9783,0.9713,0.97,0.9697,0.9645,0.9611,0.9608,0.9597,0.9587,0.9542,0.9524,0.9505,0.9504,0.9499,0.9488,0.9484,0.9443,0.9442,0.9434,0.9432,0.9431,0.9429,0.9425,0.9405,0.9384,0.938,0.9378,0.9366,0.9349,0.9341,0.933,0.9316,0.9303,0.9292,0.9272,0.9267,0.9265,0.9247,0.9231,0.9225,0.9224,0.9217,0.921,0.9203,0.9196,0.9185,0.9181,0.9179,0.9175,0.9161,0.9145,0.9143,0.9126,0.9124,0.912,0.9116,0.9115,0.9114,0.9106,0.9093,0.9065,0.9028,0.9024,0.9004,0.9003,0.9002,0.8994,0.8984,0.8929,0.8909,0.8899,0.8885,0.8871,0.8846,0.8831,0.8824,0.882,0.8778,0.8778,0.8752,0.8721,0.8706,0.8675,0.8667,0.8662,0.8654,0.8636,0.8591,0.8535,0.8524,0.8516,0.8495,0.8492,0.8426,0.836,0.8356,0.8336,0.829,0.8243,0.8242,0.8236,0.8096,0.8084,0.8083,0.8061,0.8059,0.804,0.7994,0.7831],[0.9703,0.97,0.9693,0.9645,0.9532,0.951,0.9505,0.9422,0.9367,0.9362,0.9344,0.9329,0.9257,0.9228,0.9197,0.9195,0.9187,0.9171,0.9165,0.9099,0.9097,0.9084,0.9081,0.9079,0.9076,0.907,0.904,0.9006,0.9,0.8997,0.8978,0.8951,0.8938,0.8921,0.8899,0.8879,0.886,0.8829,0.8821,0.8818,0.879,0.8765,0.8756,0.8754,0.8743,0.8733,0.8722,0.871,0.8693,0.8687,0.8684,0.8677,0.8656,0.863,0.8627,0.8601,0.8598,0.8592,0.8586,0.8585,0.8583,0.857,0.855,0.8506,0.845,0.8444,0.8412,0.8411,0.8409,0.8398,0.8381,0.8298,0.8267,0.8252,0.8231,0.8209,0.8171,0.8148,0.8137,0.8131,0.8068,0.8067,0.8029,0.7982,0.7958,0.7912,0.7901,0.7893,0.788,0.7854,0.7786,0.7703,0.7687,0.7674,0.7643,0.7639,0.7542,0.7444,0.7439,0.741,0.7342,0.7274,0.7273,0.7264,0.7061,0.7043,0.7042,0.7011,0.7007,0.6981,0.6915,0.6684],[0.9765,0.9763,0.9757,0.972,0.963,0.9612,0.9608,0.9542,0.9498,0.9494,0.948,0.9468,0.941,0.9387,0.9362,0.9361,0.9354,0.9341,0.9336,0.9283,0.9282,0.9272,0.9269,0.9268,0.9265,0.926,0.9236,0.9209,0.9204,0.9201,0.9186,0.9164,0.9154,0.914,0.9122,0.9106,0.9091,0.9065,0.9059,0.9057,0.9034,0.9014,0.9006,0.9005,0.8996,0.8988,0.8979,0.8969,0.8955,0.895,0.8948,0.8943,0.8926,0.8905,0.8902,0.8881,0.8879,0.8874,0.8869,0.8868,0.8866,0.8855,0.8839,0.8804,0.8757,0.8753,0.8727,0.8726,0.8725,0.8715,0.8702,0.8633,0.8608,0.8596,0.8578,0.856,0.853,0.8511,0.8501,0.8496,0.8445,0.8444,0.8412,0.8374,0.8354,0.8316,0.8306,0.83,0.8289,0.8267,0.8211,0.8142,0.8129,0.8118,0.8093,0.8089,0.8008,0.7926,0.7921,0.7897,0.784,0.7783,0.7782,0.7774,0.7603,0.7588,0.7587,0.756,0.7557,0.7535,0.7479,0.7281],[0.9766,0.9763,0.9758,0.972,0.963,0.9613,0.9609,0.9543,0.9499,0.9495,0.9481,0.9469,0.9411,0.9388,0.9363,0.9362,0.9356,0.9343,0.9337,0.9285,0.9283,0.9273,0.927,0.9269,0.9267,0.9261,0.9237,0.921,0.9205,0.9203,0.9187,0.9166,0.9156,0.9142,0.9124,0.9107,0.9092,0.9067,0.9061,0.9058,0.9036,0.9016,0.9008,0.9007,0.8998,0.899,0.8981,0.8971,0.8957,0.8952,0.895,0.8945,0.8928,0.8907,0.8904,0.8883,0.8881,0.8876,0.8871,0.887,0.8868,0.8857,0.8842,0.8806,0.876,0.8755,0.873,0.8728,0.8727,0.8717,0.8704,0.8636,0.8611,0.8599,0.8581,0.8563,0.8532,0.8513,0.8504,0.8499,0.8448,0.8446,0.8415,0.8377,0.8357,0.8319,0.831,0.8303,0.8292,0.8271,0.8215,0.8145,0.8132,0.8122,0.8096,0.8093,0.8011,0.793,0.7925,0.7901,0.7844,0.7787,0.7786,0.7778,0.7607,0.7592,0.7591,0.7565,0.7562,0.754,0.7484,0.7286],[0.9618,0.9613,0.9604,0.9543,0.9399,0.9371,0.9364,0.9258,0.9189,0.9183,0.916,0.9141,0.905,0.9012,0.8974,0.8971,0.8961,0.8941,0.8933,0.885,0.8848,0.8831,0.8827,0.8825,0.8821,0.8813,0.8775,0.8733,0.8725,0.8721,0.8698,0.8664,0.8648,0.8626,0.8599,0.8574,0.855,0.8511,0.8501,0.8498,0.8463,0.8432,0.842,0.8419,0.8405,0.8392,0.8378,0.8363,0.8342,0.8334,0.8331,0.8323,0.8297,0.8264,0.8261,0.8229,0.8225,0.8217,0.821,0.8208,0.8206,0.8189,0.8165,0.8111,0.8041,0.8034,0.7996,0.7994,0.7992,0.7977,0.7958,0.7855,0.7817,0.7799,0.7773,0.7746,0.77,0.7672,0.7658,0.7651,0.7575,0.7573,0.7527,0.747,0.7442,0.7386,0.7372,0.7362,0.7347,0.7315,0.7234,0.7134,0.7115,0.71,0.7063,0.7058,0.6942,0.6825,0.6819,0.6785,0.6705,0.6625,0.6623,0.6613,0.6374,0.6354,0.6352,0.6316,0.6312,0.6282,0.6205,0.5938],[0.9785,0.9782,0.9777,0.9743,0.966,0.9644,0.964,0.9579,0.9539,0.9535,0.9522,0.9511,0.9458,0.9436,0.9414,0.9412,0.9406,0.9395,0.939,0.9341,0.934,0.933,0.9328,0.9327,0.9324,0.932,0.9297,0.9272,0.9268,0.9265,0.9251,0.9231,0.9222,0.9209,0.9192,0.9177,0.9163,0.914,0.9134,0.9132,0.9111,0.9092,0.9085,0.9084,0.9076,0.9068,0.906,0.9051,0.9038,0.9034,0.9031,0.9027,0.9011,0.8991,0.8989,0.8969,0.8967,0.8963,0.8958,0.8957,0.8956,0.8945,0.8931,0.8898,0.8855,0.885,0.8827,0.8826,0.8825,0.8816,0.8803,0.874,0.8716,0.8705,0.8689,0.8672,0.8643,0.8626,0.8617,0.8613,0.8565,0.8564,0.8534,0.8498,0.848,0.8445,0.8436,0.843,0.842,0.84,0.8347,0.8283,0.827,0.8261,0.8237,0.8233,0.8157,0.8081,0.8077,0.8054,0.8001,0.7947,0.7946,0.7939,0.7778,0.7765,0.7764,0.7739,0.7736,0.7715,0.7662,0.7477],[0.982,0.9817,0.9813,0.9784,0.9715,0.9701,0.9698,0.9647,0.9613,0.961,0.9598,0.9589,0.9544,0.9526,0.9507,0.9506,0.9501,0.9491,0.9487,0.9445,0.9444,0.9436,0.9434,0.9433,0.9431,0.9427,0.9408,0.9387,0.9383,0.9381,0.9369,0.9352,0.9344,0.9333,0.9319,0.9307,0.9295,0.9275,0.927,0.9268,0.925,0.9234,0.9229,0.9228,0.9221,0.9214,0.9207,0.9199,0.9188,0.9184,0.9183,0.9179,0.9165,0.9148,0.9146,0.913,0.9128,0.9124,0.912,0.9119,0.9118,0.9109,0.9097,0.9069,0.9032,0.9028,0.9008,0.9007,0.9006,0.8999,0.8988,0.8934,0.8914,0.8904,0.889,0.8876,0.8851,0.8836,0.8829,0.8825,0.8784,0.8783,0.8758,0.8727,0.8711,0.8681,0.8673,0.8668,0.8659,0.8642,0.8597,0.8541,0.853,0.8522,0.8501,0.8499,0.8433,0.8367,0.8363,0.8343,0.8297,0.8251,0.825,0.8244,0.8104,0.8091,0.8091,0.8069,0.8067,0.8048,0.8002,0.784],[0.9773,0.977,0.9765,0.9728,0.9641,0.9624,0.962,0.9556,0.9514,0.951,0.9496,0.9484,0.9428,0.9406,0.9382,0.938,0.9374,0.9361,0.9356,0.9305,0.9304,0.9294,0.9291,0.929,0.9287,0.9283,0.9259,0.9233,0.9228,0.9225,0.921,0.9189,0.918,0.9166,0.9149,0.9133,0.9118,0.9094,0.9087,0.9085,0.9063,0.9044,0.9036,0.9035,0.9027,0.9018,0.901,0.9,0.8987,0.8982,0.8979,0.8975,0.8958,0.8937,0.8935,0.8915,0.8912,0.8907,0.8903,0.8901,0.89,0.8889,0.8874,0.8839,0.8794,0.879,0.8765,0.8764,0.8762,0.8753,0.874,0.8673,0.8649,0.8637,0.862,0.8603,0.8573,0.8554,0.8545,0.854,0.849,0.8489,0.8458,0.8421,0.8402,0.8364,0.8355,0.8349,0.8339,0.8317,0.8263,0.8195,0.8182,0.8172,0.8147,0.8144,0.8064,0.7984,0.798,0.7956,0.7901,0.7845,0.7844,0.7837,0.7669,0.7654,0.7653,0.7628,0.7625,0.7603,0.7548,0.7355],[0.986,0.9859,0.9856,0.9833,0.9779,0.9769,0.9766,0.9726,0.97,0.9697,0.9689,0.9681,0.9646,0.9632,0.9617,0.9616,0.9612,0.9605,0.9601,0.9569,0.9568,0.9562,0.956,0.956,0.9558,0.9555,0.954,0.9524,0.952,0.9519,0.951,0.9496,0.949,0.9481,0.9471,0.946,0.9451,0.9436,0.9432,0.943,0.9416,0.9404,0.9399,0.9398,0.9393,0.9388,0.9382,0.9376,0.9368,0.9365,0.9363,0.936,0.9349,0.9336,0.9335,0.9322,0.932,0.9317,0.9314,0.9313,0.9312,0.9305,0.9296,0.9273,0.9244,0.9241,0.9226,0.9225,0.9224,0.9218,0.921,0.9167,0.9151,0.9143,0.9132,0.9121,0.9101,0.9089,0.9083,0.908,0.9048,0.9047,0.9027,0.9002,0.899,0.8965,0.896,0.8955,0.8949,0.8935,0.8899,0.8854,0.8845,0.8839,0.8822,0.882,0.8767,0.8714,0.8711,0.8696,0.8658,0.8621,0.862,0.8615,0.8502,0.8492,0.8491,0.8474,0.8472,0.8457,0.842,0.8287],[0.9829,0.9827,0.9823,0.9796,0.973,0.9717,0.9714,0.9665,0.9633,0.963,0.962,0.9611,0.9568,0.9551,0.9533,0.9532,0.9527,0.9517,0.9514,0.9474,0.9473,0.9466,0.9464,0.9463,0.9461,0.9457,0.9439,0.9419,0.9415,0.9413,0.9402,0.9386,0.9378,0.9368,0.9355,0.9343,0.9331,0.9312,0.9308,0.9306,0.9289,0.9274,0.9269,0.9268,0.9261,0.9255,0.9248,0.9241,0.923,0.9227,0.9225,0.9221,0.9208,0.9192,0.919,0.9175,0.9173,0.9169,0.9165,0.9165,0.9164,0.9155,0.9143,0.9117,0.9082,0.9078,0.9059,0.9058,0.9057,0.905,0.904,0.8988,0.8969,0.896,0.8946,0.8933,0.891,0.8895,0.8888,0.8884,0.8845,0.8844,0.882,0.8791,0.8776,0.8747,0.874,0.8735,0.8727,0.871,0.8667,0.8614,0.8604,0.8596,0.8576,0.8573,0.851,0.8447,0.8444,0.8425,0.8381,0.8336,0.8336,0.833,0.8196,0.8184,0.8183,0.8163,0.816,0.8143,0.8099,0.7943],[0.9862,0.9861,0.9858,0.9835,0.9782,0.9772,0.9769,0.973,0.9704,0.9701,0.9693,0.9686,0.9651,0.9637,0.9622,0.9622,0.9618,0.961,0.9607,0.9575,0.9574,0.9568,0.9566,0.9566,0.9564,0.9561,0.9546,0.953,0.9527,0.9525,0.9516,0.9503,0.9497,0.9488,0.9478,0.9468,0.9459,0.9443,0.9439,0.9438,0.9424,0.9412,0.9407,0.9407,0.9401,0.9396,0.9391,0.9384,0.9376,0.9373,0.9372,0.9368,0.9358,0.9345,0.9343,0.9331,0.9329,0.9326,0.9323,0.9322,0.9322,0.9315,0.9305,0.9283,0.9255,0.9252,0.9236,0.9235,0.9234,0.9228,0.922,0.9178,0.9162,0.9155,0.9143,0.9132,0.9113,0.9101,0.9095,0.9093,0.906,0.9059,0.904,0.9015,0.9003,0.8979,0.8973,0.8969,0.8962,0.8949,0.8913,0.8869,0.886,0.8854,0.8838,0.8835,0.8783,0.8731,0.8728,0.8712,0.8676,0.8639,0.8638,0.8633,0.8521,0.8511,0.8511,0.8493,0.8491,0.8477,0.844,0.8309],[0.9824,0.9822,0.9818,0.9789,0.9721,0.9708,0.9705,0.9655,0.9622,0.9619,0.9608,0.9599,0.9555,0.9537,0.9518,0.9517,0.9512,0.9503,0.9499,0.9458,0.9457,0.9449,0.9447,0.9446,0.9444,0.9441,0.9422,0.9401,0.9397,0.9396,0.9384,0.9367,0.9359,0.9349,0.9335,0.9323,0.9311,0.9292,0.9287,0.9285,0.9268,0.9252,0.9246,0.9245,0.9239,0.9232,0.9225,0.9218,0.9207,0.9203,0.9201,0.9197,0.9184,0.9168,0.9166,0.915,0.9148,0.9144,0.914,0.9139,0.9138,0.913,0.9118,0.909,0.9054,0.9051,0.9031,0.903,0.9029,0.9021,0.9011,0.8958,0.8938,0.8929,0.8915,0.8901,0.8877,0.8862,0.8855,0.8851,0.8811,0.881,0.8785,0.8755,0.874,0.871,0.8703,0.8697,0.8689,0.8672,0.8628,0.8574,0.8563,0.8555,0.8534,0.8532,0.8467,0.8402,0.8399,0.838,0.8335,0.8289,0.8288,0.8282,0.8144,0.8133,0.8132,0.8111,0.8108,0.809,0.8045,0.7885],[0.9858,0.9857,0.9853,0.983,0.9776,0.9765,0.9763,0.9722,0.9695,0.9693,0.9684,0.9677,0.9641,0.9627,0.9612,0.9611,0.9607,0.9599,0.9596,0.9563,0.9562,0.9556,0.9554,0.9553,0.9552,0.9548,0.9533,0.9517,0.9513,0.9512,0.9502,0.9489,0.9483,0.9474,0.9463,0.9453,0.9443,0.9427,0.9423,0.9422,0.9408,0.9395,0.9391,0.939,0.9384,0.9379,0.9373,0.9367,0.9358,0.9355,0.9354,0.9351,0.934,0.9327,0.9325,0.9312,0.931,0.9307,0.9304,0.9303,0.9302,0.9295,0.9285,0.9263,0.9234,0.9231,0.9214,0.9214,0.9213,0.9207,0.9198,0.9155,0.9139,0.9131,0.912,0.9108,0.9088,0.9076,0.907,0.9067,0.9034,0.9033,0.9013,0.8988,0.8975,0.8951,0.8945,0.894,0.8934,0.892,0.8883,0.8838,0.8829,0.8823,0.8806,0.8803,0.875,0.8696,0.8693,0.8677,0.864,0.8602,0.8601,0.8596,0.8481,0.8471,0.8471,0.8453,0.8451,0.8436,0.8398,0.8264],[0.9795,0.9792,0.9787,0.9754,0.9675,0.966,0.9656,0.9598,0.956,0.9556,0.9543,0.9533,0.9482,0.9461,0.944,0.9438,0.9433,0.9421,0.9417,0.937,0.9369,0.936,0.9357,0.9356,0.9354,0.935,0.9328,0.9304,0.93,0.9297,0.9284,0.9265,0.9256,0.9243,0.9228,0.9213,0.92,0.9177,0.9172,0.917,0.915,0.9132,0.9125,0.9124,0.9116,0.9109,0.9101,0.9092,0.908,0.9076,0.9073,0.9069,0.9054,0.9035,0.9033,0.9014,0.9012,0.9007,0.9003,0.9002,0.9001,0.8991,0.8977,0.8945,0.8904,0.89,0.8877,0.8876,0.8875,0.8866,0.8855,0.8794,0.8771,0.876,0.8745,0.8729,0.8701,0.8684,0.8676,0.8672,0.8625,0.8624,0.8596,0.8562,0.8544,0.851,0.8502,0.8495,0.8486,0.8467,0.8416,0.8354,0.8342,0.8333,0.831,0.8307,0.8234,0.816,0.8156,0.8134,0.8083,0.8031,0.803,0.8023,0.7868,0.7855,0.7854,0.783,0.7827,0.7807,0.7756,0.7576],[0.9618,0.9613,0.9604,0.9543,0.9399,0.9371,0.9364,0.9258,0.9189,0.9183,0.916,0.9141,0.905,0.9013,0.8974,0.8972,0.8961,0.8941,0.8933,0.885,0.8848,0.8832,0.8828,0.8826,0.8821,0.8813,0.8775,0.8733,0.8725,0.8722,0.8698,0.8664,0.8648,0.8627,0.8599,0.8574,0.855,0.8511,0.8502,0.8498,0.8463,0.8432,0.8421,0.8419,0.8405,0.8392,0.8378,0.8363,0.8342,0.8335,0.8331,0.8323,0.8297,0.8265,0.8261,0.8229,0.8225,0.8218,0.821,0.8208,0.8206,0.819,0.8165,0.8112,0.8042,0.8034,0.7996,0.7994,0.7992,0.7978,0.7958,0.7855,0.7817,0.78,0.7773,0.7746,0.7701,0.7673,0.7659,0.7652,0.7575,0.7574,0.7527,0.7471,0.7442,0.7386,0.7373,0.7362,0.7347,0.7316,0.7234,0.7134,0.7115,0.71,0.7063,0.7058,0.6942,0.6826,0.682,0.6785,0.6705,0.6625,0.6623,0.6613,0.6375,0.6354,0.6353,0.6317,0.6312,0.6282,0.6205,0.5938],[0.9768,0.9765,0.976,0.9722,0.9633,0.9616,0.9612,0.9546,0.9503,0.9499,0.9484,0.9473,0.9415,0.9392,0.9368,0.9366,0.936,0.9347,0.9342,0.9289,0.9288,0.9278,0.9275,0.9274,0.9272,0.9266,0.9242,0.9216,0.9211,0.9208,0.9193,0.9171,0.9161,0.9147,0.913,0.9114,0.9099,0.9074,0.9067,0.9065,0.9042,0.9023,0.9015,0.9014,0.9005,0.8996,0.8988,0.8978,0.8964,0.8959,0.8957,0.8952,0.8935,0.8914,0.8912,0.8891,0.8888,0.8883,0.8878,0.8877,0.8876,0.8865,0.8849,0.8814,0.8768,0.8763,0.8738,0.8737,0.8736,0.8726,0.8713,0.8645,0.862,0.8608,0.859,0.8573,0.8542,0.8523,0.8514,0.8509,0.8458,0.8457,0.8425,0.8387,0.8368,0.833,0.8321,0.8314,0.8303,0.8282,0.8226,0.8157,0.8144,0.8134,0.8108,0.8105,0.8024,0.7943,0.7938,0.7914,0.7858,0.7801,0.78,0.7792,0.7622,0.7607,0.7606,0.758,0.7577,0.7555,0.7499,0.7303],[0.9877,0.9876,0.9873,0.9853,0.9806,0.9796,0.9794,0.9759,0.9736,0.9734,0.9726,0.972,0.9689,0.9676,0.9663,0.9662,0.9659,0.9652,0.9649,0.9621,0.962,0.9614,0.9613,0.9612,0.9611,0.9608,0.9595,0.958,0.9578,0.9576,0.9568,0.9556,0.9551,0.9543,0.9534,0.9525,0.9516,0.9503,0.9499,0.9498,0.9485,0.9475,0.947,0.947,0.9465,0.946,0.9455,0.945,0.9442,0.944,0.9438,0.9436,0.9426,0.9415,0.9413,0.9402,0.94,0.9398,0.9395,0.9394,0.9394,0.9387,0.9379,0.9359,0.9333,0.9331,0.9317,0.9316,0.9315,0.931,0.9302,0.9264,0.925,0.9244,0.9234,0.9224,0.9206,0.9196,0.919,0.9188,0.9159,0.9158,0.914,0.9118,0.9107,0.9086,0.908,0.9076,0.907,0.9058,0.9026,0.8986,0.8979,0.8973,0.8958,0.8956,0.8909,0.8861,0.8859,0.8845,0.8812,0.8778,0.8777,0.8773,0.8672,0.8663,0.8662,0.8647,0.8645,0.8632,0.8598,0.8479],[0.9816,0.9814,0.981,0.978,0.971,0.9696,0.9693,0.964,0.9606,0.9603,0.9591,0.9582,0.9536,0.9518,0.9498,0.9497,0.9492,0.9482,0.9478,0.9436,0.9435,0.9427,0.9425,0.9424,0.9421,0.9417,0.9398,0.9377,0.9373,0.9371,0.9358,0.9341,0.9333,0.9322,0.9308,0.9295,0.9283,0.9263,0.9258,0.9256,0.9237,0.9221,0.9215,0.9214,0.9208,0.9201,0.9194,0.9186,0.9175,0.9171,0.9169,0.9165,0.9151,0.9134,0.9132,0.9115,0.9113,0.9109,0.9105,0.9104,0.9103,0.9094,0.9082,0.9053,0.9016,0.9012,0.8992,0.8991,0.899,0.8982,0.8971,0.8916,0.8896,0.8886,0.8872,0.8857,0.8832,0.8817,0.8809,0.8806,0.8764,0.8763,0.8737,0.8706,0.869,0.8659,0.8651,0.8646,0.8637,0.862,0.8574,0.8517,0.8506,0.8498,0.8477,0.8474,0.8407,0.834,0.8337,0.8317,0.827,0.8223,0.8222,0.8216,0.8073,0.8061,0.806,0.8039,0.8036,0.8018,0.7971,0.7806],[0.9684,0.9681,0.9673,0.9623,0.9503,0.9479,0.9474,0.9386,0.9328,0.9323,0.9303,0.9288,0.9211,0.918,0.9148,0.9146,0.9137,0.912,0.9113,0.9044,0.9042,0.9028,0.9025,0.9023,0.902,0.9013,0.8981,0.8946,0.8939,0.8936,0.8916,0.8887,0.8874,0.8856,0.8832,0.8811,0.8791,0.8758,0.875,0.8747,0.8717,0.8691,0.8681,0.868,0.8668,0.8657,0.8645,0.8633,0.8615,0.8608,0.8605,0.8599,0.8576,0.8549,0.8546,0.8518,0.8515,0.8509,0.8502,0.8501,0.8499,0.8485,0.8464,0.8418,0.8358,0.8352,0.8319,0.8318,0.8316,0.8304,0.8287,0.8199,0.8166,0.8151,0.8128,0.8105,0.8066,0.8042,0.803,0.8024,0.7958,0.7956,0.7916,0.7867,0.7842,0.7794,0.7782,0.7773,0.776,0.7733,0.7662,0.7575,0.7558,0.7545,0.7512,0.7508,0.7406,0.7304,0.7298,0.7268,0.7198,0.7127,0.7125,0.7116,0.6904,0.6886,0.6885,0.6853,0.6849,0.6822,0.6753,0.6513],[0.9821,0.9819,0.9815,0.9786,0.9717,0.9703,0.97,0.9649,0.9615,0.9612,0.9601,0.9592,0.9548,0.9529,0.951,0.9509,0.9504,0.9494,0.949,0.9449,0.9448,0.944,0.9438,0.9437,0.9435,0.9431,0.9412,0.9391,0.9387,0.9385,0.9374,0.9357,0.9349,0.9338,0.9324,0.9311,0.93,0.928,0.9275,0.9273,0.9255,0.924,0.9234,0.9233,0.9226,0.9219,0.9212,0.9205,0.9194,0.919,0.9188,0.9184,0.9171,0.9154,0.9152,0.9136,0.9134,0.913,0.9126,0.9125,0.9124,0.9116,0.9103,0.9075,0.9039,0.9035,0.9015,0.9014,0.9013,0.9005,0.8995,0.8941,0.8921,0.8912,0.8898,0.8884,0.8859,0.8844,0.8837,0.8833,0.8792,0.8791,0.8766,0.8735,0.872,0.8689,0.8682,0.8677,0.8668,0.8651,0.8606,0.8551,0.854,0.8532,0.8511,0.8509,0.8443,0.8377,0.8374,0.8354,0.8309,0.8262,0.8261,0.8255,0.8116,0.8104,0.8103,0.8082,0.8079,0.8061,0.8015,0.7853],[0.9847,0.9845,0.9842,0.9817,0.9758,0.9747,0.9744,0.97,0.9672,0.9669,0.9659,0.9652,0.9613,0.9598,0.9581,0.9581,0.9576,0.9568,0.9564,0.9529,0.9528,0.9521,0.952,0.9519,0.9517,0.9514,0.9497,0.9479,0.9476,0.9474,0.9464,0.945,0.9443,0.9433,0.9422,0.941,0.94,0.9383,0.9379,0.9378,0.9362,0.9349,0.9344,0.9343,0.9337,0.9331,0.9325,0.9319,0.9309,0.9306,0.9304,0.9301,0.9289,0.9275,0.9273,0.9259,0.9258,0.9254,0.9251,0.925,0.9249,0.9242,0.9231,0.9207,0.9175,0.9172,0.9155,0.9154,0.9153,0.9147,0.9138,0.9091,0.9074,0.9065,0.9053,0.9041,0.902,0.9007,0.9,0.8997,0.8962,0.8961,0.8939,0.8913,0.8899,0.8872,0.8866,0.8861,0.8854,0.8839,0.88,0.8752,0.8742,0.8735,0.8717,0.8715,0.8658,0.86,0.8597,0.858,0.854,0.85,0.8499,0.8493,0.8371,0.8361,0.836,0.8341,0.8339,0.8323,0.8283,0.814],[0.9817,0.9815,0.9811,0.9781,0.9711,0.9697,0.9694,0.9642,0.9608,0.9605,0.9594,0.9584,0.9539,0.952,0.9501,0.95,0.9495,0.9485,0.948,0.9439,0.9438,0.9429,0.9427,0.9426,0.9424,0.942,0.9401,0.938,0.9376,0.9374,0.9362,0.9345,0.9336,0.9325,0.9311,0.9298,0.9286,0.9266,0.9261,0.9259,0.9241,0.9225,0.9219,0.9218,0.9212,0.9205,0.9198,0.919,0.9179,0.9175,0.9173,0.9169,0.9155,0.9138,0.9136,0.912,0.9118,0.9114,0.911,0.9109,0.9108,0.9099,0.9086,0.9058,0.9021,0.9017,0.8997,0.8996,0.8995,0.8987,0.8976,0.8921,0.8901,0.8892,0.8877,0.8863,0.8838,0.8823,0.8815,0.8811,0.877,0.8769,0.8743,0.8712,0.8696,0.8665,0.8658,0.8652,0.8644,0.8626,0.8581,0.8525,0.8514,0.8505,0.8484,0.8482,0.8415,0.8348,0.8345,0.8325,0.8278,0.8231,0.823,0.8224,0.8083,0.807,0.807,0.8048,0.8045,0.8027,0.798,0.7816],[0.9845,0.9844,0.984,0.9815,0.9755,0.9744,0.9741,0.9697,0.9668,0.9665,0.9655,0.9647,0.9609,0.9593,0.9577,0.9576,0.9571,0.9563,0.9559,0.9523,0.9523,0.9516,0.9514,0.9513,0.9511,0.9508,0.9491,0.9473,0.947,0.9468,0.9458,0.9443,0.9436,0.9427,0.9415,0.9404,0.9393,0.9376,0.9372,0.937,0.9355,0.9341,0.9336,0.9335,0.9329,0.9323,0.9318,0.9311,0.9301,0.9298,0.9296,0.9293,0.9281,0.9267,0.9265,0.9251,0.9249,0.9246,0.9242,0.9241,0.9241,0.9233,0.9222,0.9198,0.9166,0.9163,0.9145,0.9144,0.9143,0.9137,0.9128,0.908,0.9063,0.9055,0.9042,0.903,0.9009,0.8996,0.8989,0.8986,0.895,0.8949,0.8927,0.89,0.8886,0.886,0.8853,0.8848,0.8841,0.8826,0.8787,0.8738,0.8728,0.8721,0.8703,0.8701,0.8643,0.8585,0.8582,0.8565,0.8524,0.8483,0.8482,0.8477,0.8353,0.8343,0.8342,0.8323,0.8321,0.8305,0.8264,0.812],[0.9831,0.9829,0.9825,0.9798,0.9733,0.972,0.9717,0.9669,0.9637,0.9635,0.9624,0.9615,0.9573,0.9556,0.9538,0.9537,0.9533,0.9523,0.9519,0.948,0.948,0.9472,0.947,0.9469,0.9467,0.9463,0.9446,0.9426,0.9422,0.942,0.9409,0.9393,0.9386,0.9375,0.9362,0.935,0.9339,0.932,0.9316,0.9314,0.9297,0.9282,0.9277,0.9276,0.927,0.9263,0.9257,0.9249,0.9239,0.9235,0.9234,0.923,0.9217,0.9202,0.92,0.9184,0.9182,0.9179,0.9175,0.9174,0.9173,0.9165,0.9153,0.9127,0.9092,0.9089,0.907,0.9069,0.9068,0.9061,0.9051,0.9,0.8981,0.8972,0.8958,0.8945,0.8922,0.8908,0.8901,0.8897,0.8858,0.8857,0.8834,0.8805,0.879,0.8761,0.8754,0.8749,0.8741,0.8724,0.8682,0.8629,0.8619,0.8611,0.8592,0.8589,0.8527,0.8464,0.8461,0.8442,0.8399,0.8355,0.8354,0.8348,0.8215,0.8204,0.8203,0.8183,0.818,0.8163,0.8119,0.7965],[0.9848,0.9846,0.9842,0.9818,0.9759,0.9747,0.9745,0.9701,0.9672,0.967,0.966,0.9653,0.9614,0.9599,0.9583,0.9582,0.9577,0.9569,0.9565,0.953,0.9529,0.9523,0.9521,0.952,0.9518,0.9515,0.9499,0.9481,0.9477,0.9476,0.9465,0.9451,0.9444,0.9435,0.9423,0.9412,0.9402,0.9385,0.9381,0.9379,0.9364,0.9351,0.9346,0.9345,0.9339,0.9333,0.9327,0.932,0.9311,0.9308,0.9306,0.9303,0.9291,0.9277,0.9275,0.9261,0.926,0.9256,0.9253,0.9252,0.9251,0.9244,0.9233,0.9209,0.9178,0.9174,0.9157,0.9156,0.9155,0.9149,0.914,0.9093,0.9076,0.9068,0.9056,0.9044,0.9022,0.901,0.9003,0.9,0.8964,0.8964,0.8942,0.8915,0.8902,0.8875,0.8869,0.8864,0.8857,0.8842,0.8803,0.8755,0.8746,0.8739,0.8721,0.8718,0.8661,0.8604,0.8601,0.8584,0.8544,0.8503,0.8503,0.8497,0.8375,0.8365,0.8364,0.8345,0.8343,0.8327,0.8287,0.8145],[0.9768,0.9766,0.976,0.9723,0.9634,0.9617,0.9613,0.9547,0.9504,0.95,0.9486,0.9474,0.9417,0.9394,0.937,0.9368,0.9362,0.9349,0.9344,0.9292,0.929,0.928,0.9278,0.9276,0.9274,0.9269,0.9245,0.9218,0.9213,0.9211,0.9195,0.9174,0.9164,0.915,0.9133,0.9116,0.9101,0.9077,0.907,0.9068,0.9045,0.9026,0.9018,0.9017,0.9008,0.9,0.8991,0.8981,0.8968,0.8963,0.896,0.8955,0.8938,0.8917,0.8915,0.8894,0.8892,0.8887,0.8882,0.8881,0.888,0.8869,0.8853,0.8818,0.8772,0.8767,0.8742,0.8741,0.874,0.873,0.8717,0.8649,0.8624,0.8612,0.8595,0.8577,0.8547,0.8528,0.8518,0.8514,0.8463,0.8461,0.843,0.8392,0.8373,0.8335,0.8326,0.8319,0.8309,0.8287,0.8232,0.8163,0.815,0.814,0.8114,0.8111,0.803,0.7949,0.7944,0.7921,0.7864,0.7807,0.7806,0.7799,0.7629,0.7614,0.7613,0.7587,0.7584,0.7562,0.7506,0.731],[0.9843,0.9841,0.9837,0.9812,0.9751,0.9739,0.9736,0.9691,0.9662,0.9659,0.9649,0.9641,0.9602,0.9586,0.9569,0.9568,0.9563,0.9555,0.9551,0.9515,0.9514,0.9507,0.9505,0.9504,0.9502,0.9499,0.9482,0.9464,0.946,0.9458,0.9448,0.9433,0.9426,0.9416,0.9404,0.9393,0.9382,0.9365,0.9361,0.9359,0.9343,0.9329,0.9324,0.9323,0.9317,0.9311,0.9305,0.9298,0.9289,0.9285,0.9284,0.928,0.9268,0.9253,0.9252,0.9237,0.9235,0.9232,0.9229,0.9228,0.9227,0.9219,0.9208,0.9183,0.9151,0.9148,0.913,0.9129,0.9128,0.9121,0.9112,0.9064,0.9046,0.9038,0.9025,0.9013,0.8991,0.8978,0.8971,0.8968,0.8931,0.893,0.8908,0.8881,0.8867,0.884,0.8833,0.8828,0.8821,0.8805,0.8765,0.8716,0.8706,0.8699,0.868,0.8678,0.8619,0.856,0.8557,0.854,0.8499,0.8457,0.8456,0.8451,0.8325,0.8314,0.8314,0.8294,0.8292,0.8276,0.8235,0.8088],[0.981,0.9808,0.9804,0.9773,0.97,0.9686,0.9682,0.9628,0.9593,0.9589,0.9578,0.9568,0.9521,0.9502,0.9481,0.948,0.9475,0.9464,0.946,0.9417,0.9416,0.9407,0.9405,0.9404,0.9402,0.9398,0.9378,0.9356,0.9352,0.9349,0.9337,0.9319,0.9311,0.9299,0.9285,0.9271,0.9259,0.9238,0.9233,0.9231,0.9212,0.9196,0.9189,0.9188,0.9181,0.9174,0.9167,0.9159,0.9147,0.9143,0.9141,0.9137,0.9123,0.9105,0.9103,0.9086,0.9084,0.908,0.9076,0.9075,0.9074,0.9065,0.9051,0.9022,0.8984,0.898,0.8959,0.8958,0.8957,0.8948,0.8937,0.8881,0.886,0.885,0.8835,0.882,0.8794,0.8779,0.8771,0.8767,0.8724,0.8723,0.8696,0.8664,0.8648,0.8616,0.8608,0.8602,0.8594,0.8575,0.8528,0.847,0.8459,0.845,0.8429,0.8426,0.8357,0.8288,0.8284,0.8264,0.8216,0.8167,0.8166,0.816,0.8014,0.8001,0.8,0.7978,0.7975,0.7957,0.7909,0.7739],[0.985,0.9848,0.9845,0.9821,0.9763,0.9752,0.9749,0.9706,0.9678,0.9675,0.9666,0.9658,0.9621,0.9605,0.9589,0.9589,0.9584,0.9576,0.9572,0.9538,0.9537,0.953,0.9529,0.9528,0.9526,0.9523,0.9507,0.9489,0.9486,0.9484,0.9474,0.946,0.9453,0.9444,0.9432,0.9422,0.9412,0.9395,0.9391,0.9389,0.9374,0.9361,0.9356,0.9355,0.9349,0.9344,0.9338,0.9331,0.9322,0.9319,0.9317,0.9314,0.9303,0.9289,0.9287,0.9273,0.9271,0.9268,0.9265,0.9264,0.9263,0.9256,0.9245,0.9222,0.9191,0.9187,0.917,0.917,0.9169,0.9162,0.9153,0.9108,0.9091,0.9083,0.9071,0.9059,0.9038,0.9025,0.9019,0.9016,0.8981,0.898,0.8958,0.8932,0.8919,0.8893,0.8887,0.8882,0.8875,0.886,0.8822,0.8774,0.8765,0.8758,0.874,0.8738,0.8682,0.8625,0.8622,0.8606,0.8566,0.8526,0.8526,0.852,0.84,0.839,0.8389,0.837,0.8368,0.8353,0.8313,0.8173],[0.9839,0.9837,0.9833,0.9807,0.9745,0.9733,0.973,0.9684,0.9653,0.965,0.964,0.9632,0.9592,0.9575,0.9558,0.9557,0.9553,0.9544,0.954,0.9503,0.9502,0.9495,0.9493,0.9492,0.949,0.9487,0.9469,0.9451,0.9447,0.9445,0.9434,0.9419,0.9412,0.9402,0.939,0.9378,0.9367,0.935,0.9345,0.9343,0.9327,0.9313,0.9308,0.9307,0.9301,0.9295,0.9288,0.9281,0.9272,0.9268,0.9266,0.9263,0.925,0.9235,0.9234,0.9219,0.9217,0.9214,0.921,0.9209,0.9208,0.92,0.9189,0.9164,0.9131,0.9127,0.9109,0.9108,0.9107,0.91,0.9091,0.9042,0.9024,0.9015,0.9002,0.8989,0.8967,0.8953,0.8947,0.8943,0.8906,0.8905,0.8882,0.8854,0.884,0.8812,0.8806,0.8801,0.8793,0.8777,0.8736,0.8686,0.8676,0.8668,0.865,0.8647,0.8587,0.8527,0.8524,0.8506,0.8464,0.8421,0.8421,0.8415,0.8287,0.8276,0.8275,0.8256,0.8253,0.8237,0.8195,0.8045],[0.975,0.9747,0.9742,0.9701,0.9606,0.9587,0.9583,0.9512,0.9466,0.9462,0.9447,0.9434,0.9373,0.9348,0.9322,0.932,0.9313,0.93,0.9294,0.9238,0.9237,0.9226,0.9223,0.9221,0.9219,0.9213,0.9187,0.9159,0.9154,0.9151,0.9135,0.9112,0.9101,0.9086,0.9067,0.905,0.9034,0.9007,0.9001,0.8998,0.8974,0.8953,0.8945,0.8943,0.8934,0.8925,0.8916,0.8905,0.8891,0.8885,0.8883,0.8878,0.8859,0.8837,0.8834,0.8812,0.881,0.8804,0.8799,0.8798,0.8797,0.8785,0.8768,0.873,0.8682,0.8676,0.8649,0.8648,0.8647,0.8637,0.8623,0.855,0.8524,0.8511,0.8492,0.8473,0.8441,0.8421,0.8411,0.8406,0.8352,0.835,0.8317,0.8277,0.8256,0.8216,0.8206,0.8199,0.8188,0.8165,0.8106,0.8033,0.8019,0.8008,0.7981,0.7977,0.7892,0.7806,0.7801,0.7776,0.7716,0.7656,0.7655,0.7647,0.7467,0.7452,0.745,0.7423,0.742,0.7397,0.7338,0.7131],[0.9797,0.9795,0.979,0.9758,0.968,0.9665,0.9661,0.9603,0.9566,0.9562,0.955,0.9539,0.9489,0.9469,0.9447,0.9446,0.944,0.9429,0.9425,0.9379,0.9377,0.9368,0.9366,0.9365,0.9363,0.9358,0.9337,0.9314,0.9309,0.9307,0.9294,0.9275,0.9266,0.9254,0.9238,0.9224,0.9211,0.9189,0.9183,0.9181,0.9161,0.9144,0.9137,0.9136,0.9128,0.9121,0.9113,0.9104,0.9092,0.9088,0.9086,0.9081,0.9066,0.9048,0.9046,0.9027,0.9025,0.9021,0.9016,0.9015,0.9014,0.9004,0.899,0.8959,0.8919,0.8914,0.8892,0.8891,0.889,0.8881,0.887,0.8809,0.8787,0.8777,0.8761,0.8745,0.8718,0.8701,0.8693,0.8689,0.8643,0.8642,0.8614,0.858,0.8563,0.8529,0.8521,0.8515,0.8506,0.8486,0.8437,0.8375,0.8363,0.8354,0.8331,0.8328,0.8256,0.8183,0.8179,0.8158,0.8107,0.8056,0.8055,0.8048,0.7894,0.7881,0.788,0.7857,0.7854,0.7834,0.7784,0.7606],[0.9899,0.9897,0.9895,0.9879,0.9839,0.9831,0.983,0.98,0.9781,0.9779,0.9773,0.9768,0.9742,0.9732,0.9721,0.972,0.9717,0.9711,0.9709,0.9685,0.9685,0.968,0.9679,0.9679,0.9677,0.9675,0.9664,0.9652,0.965,0.9649,0.9642,0.9632,0.9627,0.9621,0.9613,0.9606,0.9599,0.9587,0.9584,0.9583,0.9573,0.9564,0.956,0.956,0.9556,0.9552,0.9548,0.9543,0.9537,0.9535,0.9534,0.9531,0.9523,0.9514,0.9513,0.9503,0.9502,0.95,0.9497,0.9497,0.9496,0.9491,0.9484,0.9467,0.9446,0.9444,0.9432,0.9431,0.9431,0.9426,0.942,0.9388,0.9376,0.9371,0.9362,0.9354,0.9339,0.9331,0.9326,0.9324,0.9299,0.9299,0.9284,0.9266,0.9256,0.9238,0.9234,0.923,0.9225,0.9215,0.9188,0.9155,0.9148,0.9143,0.9131,0.9129,0.909,0.9049,0.9047,0.9035,0.9007,0.8979,0.8979,0.8975,0.8889,0.8882,0.8881,0.8868,0.8866,0.8855,0.8827,0.8726],[0.9854,0.9853,0.9849,0.9826,0.9769,0.9759,0.9756,0.9714,0.9687,0.9684,0.9675,0.9668,0.9631,0.9616,0.9601,0.96,0.9596,0.9588,0.9584,0.9551,0.955,0.9543,0.9542,0.9541,0.9539,0.9536,0.952,0.9503,0.95,0.9498,0.9489,0.9475,0.9468,0.9459,0.9448,0.9437,0.9428,0.9412,0.9408,0.9406,0.9391,0.9379,0.9374,0.9373,0.9367,0.9362,0.9356,0.935,0.9341,0.9338,0.9336,0.9333,0.9322,0.9308,0.9306,0.9293,0.9291,0.9288,0.9285,0.9284,0.9283,0.9276,0.9266,0.9243,0.9213,0.921,0.9193,0.9192,0.9191,0.9185,0.9176,0.9132,0.9115,0.9107,0.9096,0.9084,0.9064,0.9051,0.9045,0.9042,0.9008,0.9007,0.8986,0.8961,0.8948,0.8923,0.8917,0.8912,0.8905,0.8891,0.8853,0.8807,0.8798,0.8791,0.8774,0.8772,0.8717,0.8662,0.8659,0.8642,0.8604,0.8565,0.8564,0.8559,0.8442,0.8432,0.8431,0.8413,0.8411,0.8395,0.8357,0.8219],[0.9821,0.9819,0.9815,0.9786,0.9717,0.9704,0.9701,0.965,0.9617,0.9614,0.9602,0.9593,0.9549,0.9531,0.9512,0.9511,0.9506,0.9496,0.9492,0.9451,0.945,0.9442,0.944,0.9439,0.9437,0.9433,0.9414,0.9393,0.9389,0.9387,0.9376,0.9359,0.9351,0.934,0.9326,0.9313,0.9302,0.9282,0.9277,0.9275,0.9258,0.9242,0.9236,0.9235,0.9228,0.9222,0.9215,0.9207,0.9196,0.9193,0.9191,0.9187,0.9173,0.9157,0.9155,0.9139,0.9137,0.9133,0.9129,0.9128,0.9127,0.9118,0.9106,0.9078,0.9042,0.9038,0.9018,0.9017,0.9016,0.9008,0.8998,0.8944,0.8924,0.8915,0.8901,0.8887,0.8863,0.8848,0.884,0.8836,0.8796,0.8795,0.877,0.8739,0.8724,0.8693,0.8686,0.868,0.8672,0.8655,0.861,0.8555,0.8544,0.8536,0.8516,0.8513,0.8448,0.8382,0.8379,0.8359,0.8313,0.8267,0.8266,0.826,0.8121,0.8109,0.8108,0.8087,0.8085,0.8067,0.8021,0.7859],[0.9827,0.9825,0.9821,0.9793,0.9726,0.9713,0.9711,0.9661,0.9629,0.9626,0.9615,0.9606,0.9563,0.9546,0.9527,0.9526,0.9521,0.9512,0.9508,0.9468,0.9467,0.9459,0.9457,0.9456,0.9454,0.9451,0.9432,0.9412,0.9408,0.9406,0.9395,0.9379,0.9371,0.936,0.9347,0.9335,0.9323,0.9304,0.93,0.9298,0.9281,0.9265,0.926,0.9259,0.9252,0.9246,0.9239,0.9231,0.9221,0.9217,0.9215,0.9212,0.9199,0.9183,0.9181,0.9165,0.9163,0.9159,0.9156,0.9155,0.9154,0.9145,0.9133,0.9106,0.9071,0.9067,0.9048,0.9047,0.9046,0.9039,0.9028,0.8976,0.8957,0.8948,0.8934,0.892,0.8897,0.8882,0.8875,0.8871,0.8832,0.8831,0.8807,0.8777,0.8762,0.8732,0.8725,0.872,0.8712,0.8695,0.8652,0.8598,0.8587,0.858,0.8559,0.8557,0.8493,0.8429,0.8426,0.8407,0.8363,0.8318,0.8317,0.8311,0.8175,0.8164,0.8163,0.8142,0.814,0.8122,0.8078,0.792],[0.9822,0.982,0.9816,0.9787,0.9719,0.9706,0.9703,0.9652,0.9619,0.9616,0.9604,0.9595,0.9551,0.9533,0.9514,0.9513,0.9508,0.9498,0.9494,0.9454,0.9453,0.9445,0.9443,0.9442,0.944,0.9436,0.9417,0.9396,0.9392,0.939,0.9379,0.9362,0.9354,0.9343,0.933,0.9317,0.9305,0.9286,0.9281,0.9279,0.9261,0.9246,0.924,0.9239,0.9232,0.9226,0.9219,0.9211,0.92,0.9197,0.9195,0.9191,0.9177,0.9161,0.9159,0.9143,0.9141,0.9137,0.9133,0.9132,0.9131,0.9123,0.911,0.9083,0.9046,0.9043,0.9023,0.9022,0.9021,0.9013,0.9003,0.8949,0.893,0.892,0.8906,0.8892,0.8868,0.8853,0.8846,0.8842,0.8801,0.88,0.8776,0.8745,0.873,0.87,0.8692,0.8687,0.8679,0.8661,0.8617,0.8562,0.8551,0.8543,0.8523,0.852,0.8455,0.839,0.8386,0.8367,0.8321,0.8275,0.8274,0.8268,0.813,0.8118,0.8117,0.8096,0.8093,0.8076,0.803,0.7869],[0.9822,0.982,0.9816,0.9787,0.9718,0.9705,0.9702,0.9651,0.9617,0.9614,0.9603,0.9594,0.955,0.9532,0.9513,0.9512,0.9507,0.9497,0.9493,0.9452,0.9451,0.9443,0.9441,0.944,0.9438,0.9434,0.9415,0.9395,0.9391,0.9389,0.9377,0.936,0.9352,0.9341,0.9328,0.9315,0.9303,0.9284,0.9279,0.9277,0.9259,0.9244,0.9238,0.9237,0.923,0.9223,0.9217,0.9209,0.9198,0.9194,0.9192,0.9189,0.9175,0.9159,0.9157,0.914,0.9138,0.9135,0.9131,0.913,0.9129,0.912,0.9108,0.908,0.9044,0.904,0.902,0.9019,0.9018,0.9011,0.9,0.8946,0.8927,0.8917,0.8903,0.8889,0.8865,0.885,0.8843,0.8839,0.8798,0.8797,0.8772,0.8742,0.8726,0.8696,0.8689,0.8683,0.8675,0.8658,0.8613,0.8558,0.8547,0.8539,0.8519,0.8516,0.8451,0.8385,0.8382,0.8363,0.8317,0.8271,0.827,0.8264,0.8125,0.8113,0.8112,0.8091,0.8088,0.8071,0.8025,0.7864],[0.9845,0.9843,0.984,0.9814,0.9755,0.9743,0.974,0.9696,0.9667,0.9664,0.9654,0.9646,0.9608,0.9592,0.9575,0.9574,0.957,0.9561,0.9558,0.9522,0.9521,0.9514,0.9513,0.9512,0.951,0.9506,0.949,0.9472,0.9468,0.9467,0.9456,0.9442,0.9435,0.9425,0.9413,0.9402,0.9392,0.9374,0.937,0.9368,0.9353,0.9339,0.9334,0.9333,0.9327,0.9322,0.9316,0.9309,0.9299,0.9296,0.9294,0.9291,0.9279,0.9265,0.9263,0.9249,0.9247,0.9243,0.924,0.9239,0.9238,0.9231,0.922,0.9195,0.9164,0.916,0.9143,0.9142,0.9141,0.9134,0.9125,0.9078,0.906,0.9052,0.904,0.9027,0.9006,0.8993,0.8986,0.8983,0.8947,0.8946,0.8924,0.8897,0.8883,0.8857,0.885,0.8845,0.8838,0.8823,0.8783,0.8734,0.8725,0.8718,0.8699,0.8697,0.8639,0.8581,0.8578,0.8561,0.852,0.8479,0.8478,0.8473,0.8349,0.8338,0.8338,0.8318,0.8316,0.83,0.8259,0.8115],[0.9857,0.9855,0.9852,0.9829,0.9773,0.9763,0.976,0.9719,0.9692,0.969,0.9681,0.9673,0.9638,0.9623,0.9608,0.9607,0.9603,0.9595,0.9591,0.9558,0.9558,0.9551,0.9549,0.9549,0.9547,0.9544,0.9529,0.9512,0.9509,0.9507,0.9497,0.9484,0.9477,0.9469,0.9457,0.9447,0.9437,0.9422,0.9418,0.9416,0.9402,0.9389,0.9384,0.9384,0.9378,0.9372,0.9367,0.9361,0.9352,0.9349,0.9347,0.9344,0.9333,0.932,0.9318,0.9305,0.9303,0.93,0.9297,0.9296,0.9295,0.9288,0.9278,0.9256,0.9226,0.9223,0.9207,0.9206,0.9205,0.9199,0.919,0.9146,0.913,0.9122,0.9111,0.9099,0.9079,0.9067,0.9061,0.9058,0.9024,0.9024,0.9003,0.8978,0.8965,0.894,0.8934,0.893,0.8923,0.8909,0.8872,0.8827,0.8818,0.8811,0.8794,0.8792,0.8738,0.8683,0.8681,0.8664,0.8627,0.8588,0.8587,0.8582,0.8467,0.8457,0.8456,0.8438,0.8436,0.8421,0.8383,0.8248],[0.9818,0.9816,0.9812,0.9783,0.9713,0.9699,0.9696,0.9644,0.961,0.9607,0.9596,0.9587,0.9541,0.9523,0.9504,0.9503,0.9498,0.9487,0.9483,0.9442,0.9441,0.9433,0.9431,0.943,0.9428,0.9424,0.9404,0.9383,0.9379,0.9377,0.9365,0.9348,0.934,0.9329,0.9315,0.9302,0.929,0.927,0.9265,0.9263,0.9245,0.923,0.9224,0.9223,0.9216,0.9209,0.9202,0.9194,0.9183,0.9179,0.9177,0.9173,0.916,0.9143,0.9141,0.9124,0.9122,0.9118,0.9115,0.9114,0.9113,0.9104,0.9091,0.9063,0.9026,0.9022,0.9002,0.9001,0.9,0.8992,0.8982,0.8927,0.8907,0.8897,0.8883,0.8869,0.8844,0.8829,0.8821,0.8818,0.8776,0.8775,0.875,0.8719,0.8703,0.8672,0.8665,0.8659,0.8651,0.8633,0.8588,0.8532,0.8521,0.8513,0.8492,0.8489,0.8423,0.8357,0.8353,0.8333,0.8287,0.824,0.8239,0.8233,0.8092,0.808,0.8079,0.8058,0.8055,0.8037,0.7991,0.7827],[0.986,0.9858,0.9855,0.9832,0.9778,0.9768,0.9765,0.9725,0.9699,0.9696,0.9688,0.968,0.9645,0.9631,0.9616,0.9615,0.9611,0.9603,0.96,0.9568,0.9567,0.9561,0.9559,0.9558,0.9557,0.9554,0.9539,0.9522,0.9519,0.9518,0.9508,0.9495,0.9489,0.948,0.9469,0.9459,0.945,0.9434,0.943,0.9429,0.9415,0.9402,0.9397,0.9397,0.9391,0.9386,0.938,0.9374,0.9366,0.9363,0.9361,0.9358,0.9347,0.9334,0.9333,0.932,0.9318,0.9315,0.9312,0.9311,0.931,0.9303,0.9294,0.9271,0.9242,0.9239,0.9223,0.9223,0.9222,0.9216,0.9207,0.9164,0.9148,0.9141,0.913,0.9118,0.9099,0.9087,0.9081,0.9078,0.9045,0.9044,0.9024,0.9,0.8987,0.8963,0.8957,0.8952,0.8946,0.8932,0.8896,0.8851,0.8842,0.8836,0.8819,0.8817,0.8764,0.8711,0.8708,0.8692,0.8655,0.8617,0.8616,0.8611,0.8498,0.8488,0.8487,0.847,0.8468,0.8453,0.8416,0.8283],[0.9873,0.9871,0.9868,0.9848,0.9798,0.9789,0.9787,0.975,0.9726,0.9724,0.9716,0.9709,0.9677,0.9664,0.9651,0.965,0.9646,0.9639,0.9636,0.9607,0.9606,0.96,0.9599,0.9598,0.9597,0.9594,0.958,0.9565,0.9562,0.9561,0.9552,0.954,0.9534,0.9526,0.9516,0.9507,0.9499,0.9484,0.9481,0.9479,0.9467,0.9455,0.9451,0.945,0.9445,0.944,0.9435,0.943,0.9422,0.9419,0.9418,0.9415,0.9405,0.9393,0.9392,0.938,0.9378,0.9376,0.9373,0.9372,0.9371,0.9365,0.9356,0.9336,0.9309,0.9306,0.9292,0.9291,0.929,0.9285,0.9277,0.9238,0.9223,0.9216,0.9206,0.9196,0.9178,0.9167,0.9161,0.9158,0.9128,0.9128,0.9109,0.9087,0.9075,0.9053,0.9047,0.9043,0.9037,0.9024,0.8991,0.895,0.8942,0.8936,0.8921,0.8919,0.887,0.8821,0.8819,0.8804,0.877,0.8735,0.8734,0.873,0.8625,0.8616,0.8616,0.8599,0.8597,0.8584,0.8549,0.8427],[0.809,0.807,0.803,0.7757,0.7139,0.7024,0.6998,0.6578,0.6314,0.6291,0.6206,0.6137,0.5811,0.5683,0.5551,0.5544,0.551,0.5442,0.5415,0.5147,0.514,0.509,0.5077,0.5071,0.5058,0.5033,0.4916,0.479,0.4766,0.4754,0.4684,0.4586,0.4541,0.448,0.4403,0.4332,0.4268,0.4164,0.4138,0.4128,0.4037,0.3958,0.3928,0.3923,0.389,0.3856,0.3823,0.3785,0.3734,0.3715,0.3706,0.3688,0.3624,0.3549,0.354,0.3466,0.3458,0.344,0.3423,0.3419,0.3415,0.3377,0.3323,0.3206,0.3058,0.3043,0.2965,0.2961,0.2958,0.2929,0.2889,0.2692,0.2623,0.259,0.2543,0.2496,0.2417,0.2369,0.2346,0.2334,0.221,0.2208,0.2135,0.205,0.2007,0.1926,0.1907,0.1893,0.1872,0.1829,0.1721,0.1596,0.1572,0.1555,0.1511,0.1505,0.1375,0.1255,0.1248,0.1215,0.1139,0.1067,0.1065,0.1056,0.0865,0.085,0.0849,0.0823,0.082,0.0799,0.0747,0.0588],[0.9865,0.9863,0.986,0.9838,0.9786,0.9776,0.9773,0.9735,0.9709,0.9707,0.9698,0.9691,0.9657,0.9644,0.9629,0.9628,0.9624,0.9617,0.9614,0.9582,0.9582,0.9576,0.9574,0.9573,0.9572,0.9569,0.9554,0.9538,0.9535,0.9534,0.9525,0.9512,0.9506,0.9497,0.9487,0.9477,0.9468,0.9453,0.9449,0.9448,0.9434,0.9422,0.9418,0.9417,0.9412,0.9406,0.9401,0.9395,0.9387,0.9384,0.9382,0.9379,0.9369,0.9356,0.9355,0.9342,0.9341,0.9338,0.9335,0.9334,0.9333,0.9327,0.9317,0.9295,0.9267,0.9264,0.9249,0.9248,0.9247,0.9242,0.9233,0.9192,0.9176,0.9169,0.9158,0.9147,0.9128,0.9117,0.9111,0.9108,0.9076,0.9075,0.9056,0.9032,0.902,0.8996,0.8991,0.8986,0.898,0.8966,0.8931,0.8888,0.888,0.8873,0.8857,0.8855,0.8804,0.8752,0.8749,0.8734,0.8698,0.8661,0.866,0.8656,0.8545,0.8536,0.8535,0.8518,0.8516,0.8502,0.8466,0.8336],[0.9878,0.9877,0.9874,0.9854,0.9807,0.9798,0.9796,0.9761,0.9738,0.9736,0.9728,0.9722,0.9691,0.9679,0.9666,0.9665,0.9662,0.9655,0.9652,0.9624,0.9623,0.9617,0.9616,0.9615,0.9614,0.9611,0.9598,0.9584,0.9581,0.958,0.9571,0.956,0.9554,0.9547,0.9537,0.9528,0.952,0.9506,0.9503,0.9502,0.9489,0.9479,0.9475,0.9474,0.9469,0.9464,0.946,0.9454,0.9447,0.9444,0.9443,0.944,0.9431,0.9419,0.9418,0.9406,0.9405,0.9402,0.94,0.9399,0.9398,0.9392,0.9383,0.9364,0.9338,0.9336,0.9322,0.9321,0.932,0.9315,0.9308,0.927,0.9256,0.9249,0.9239,0.9229,0.9212,0.9202,0.9197,0.9194,0.9165,0.9164,0.9147,0.9125,0.9114,0.9092,0.9087,0.9083,0.9077,0.9065,0.9033,0.8994,0.8986,0.8981,0.8966,0.8964,0.8917,0.887,0.8867,0.8853,0.8821,0.8787,0.8787,0.8782,0.8682,0.8673,0.8672,0.8657,0.8655,0.8642,0.8608,0.849],[0.9774,0.9771,0.9766,0.973,0.9643,0.9626,0.9622,0.9558,0.9516,0.9512,0.9498,0.9487,0.9431,0.9408,0.9385,0.9383,0.9377,0.9364,0.9359,0.9308,0.9307,0.9297,0.9295,0.9293,0.9291,0.9286,0.9262,0.9236,0.9231,0.9229,0.9214,0.9193,0.9183,0.917,0.9153,0.9137,0.9122,0.9098,0.9092,0.9089,0.9067,0.9048,0.9041,0.904,0.9031,0.9023,0.9014,0.9005,0.8991,0.8987,0.8984,0.8979,0.8963,0.8942,0.894,0.892,0.8917,0.8912,0.8908,0.8906,0.8905,0.8895,0.8879,0.8845,0.88,0.8795,0.877,0.8769,0.8768,0.8759,0.8746,0.8679,0.8655,0.8644,0.8626,0.8609,0.8579,0.8561,0.8552,0.8547,0.8497,0.8496,0.8465,0.8428,0.8409,0.8372,0.8363,0.8356,0.8346,0.8325,0.827,0.8203,0.819,0.818,0.8155,0.8152,0.8073,0.7993,0.7989,0.7965,0.791,0.7854,0.7853,0.7846,0.7679,0.7664,0.7663,0.7638,0.7635,0.7613,0.7559,0.7366],[0.9833,0.9831,0.9827,0.98,0.9736,0.9723,0.972,0.9673,0.9641,0.9638,0.9628,0.9619,0.9578,0.9561,0.9543,0.9542,0.9537,0.9528,0.9524,0.9486,0.9485,0.9478,0.9476,0.9475,0.9473,0.9469,0.9451,0.9432,0.9428,0.9426,0.9415,0.9399,0.9392,0.9382,0.9369,0.9357,0.9346,0.9328,0.9323,0.9321,0.9305,0.929,0.9284,0.9284,0.9277,0.9271,0.9264,0.9257,0.9247,0.9243,0.9242,0.9238,0.9225,0.921,0.9208,0.9193,0.9191,0.9187,0.9184,0.9183,0.9182,0.9174,0.9162,0.9136,0.9102,0.9098,0.9079,0.9078,0.9077,0.907,0.9061,0.901,0.8991,0.8982,0.8969,0.8956,0.8933,0.8919,0.8912,0.8908,0.887,0.8869,0.8845,0.8817,0.8802,0.8773,0.8767,0.8761,0.8754,0.8737,0.8695,0.8643,0.8633,0.8625,0.8606,0.8603,0.8542,0.848,0.8476,0.8458,0.8415,0.8371,0.837,0.8364,0.8233,0.8221,0.8221,0.82,0.8198,0.8181,0.8138,0.7984],[0.9892,0.9891,0.9888,0.9871,0.9829,0.9821,0.9819,0.9788,0.9767,0.9765,0.9759,0.9753,0.9726,0.9715,0.9703,0.9702,0.9699,0.9693,0.9691,0.9666,0.9665,0.966,0.9659,0.9658,0.9657,0.9655,0.9643,0.963,0.9628,0.9626,0.9619,0.9609,0.9604,0.9597,0.9589,0.9581,0.9573,0.9561,0.9558,0.9557,0.9546,0.9536,0.9533,0.9532,0.9528,0.9524,0.9519,0.9515,0.9508,0.9506,0.9504,0.9502,0.9493,0.9483,0.9482,0.9472,0.9471,0.9468,0.9466,0.9465,0.9465,0.9459,0.9451,0.9434,0.9411,0.9409,0.9396,0.9396,0.9395,0.939,0.9384,0.935,0.9338,0.9332,0.9323,0.9314,0.9298,0.9289,0.9284,0.9282,0.9256,0.9256,0.924,0.922,0.921,0.9191,0.9186,0.9183,0.9178,0.9167,0.9138,0.9103,0.9096,0.9091,0.9077,0.9076,0.9034,0.8991,0.8989,0.8977,0.8947,0.8917,0.8916,0.8913,0.8822,0.8814,0.8814,0.88,0.8798,0.8786,0.8756,0.8649],[0.9868,0.9867,0.9864,0.9842,0.9791,0.9781,0.9779,0.9741,0.9716,0.9714,0.9706,0.9699,0.9666,0.9653,0.9638,0.9638,0.9634,0.9627,0.9624,0.9593,0.9592,0.9586,0.9585,0.9584,0.9583,0.958,0.9566,0.955,0.9547,0.9546,0.9537,0.9524,0.9518,0.951,0.95,0.949,0.9481,0.9467,0.9463,0.9462,0.9448,0.9437,0.9432,0.9432,0.9426,0.9421,0.9416,0.941,0.9402,0.9399,0.9398,0.9395,0.9385,0.9372,0.9371,0.9359,0.9357,0.9354,0.9351,0.9351,0.935,0.9343,0.9334,0.9313,0.9286,0.9283,0.9268,0.9267,0.9266,0.9261,0.9253,0.9212,0.9197,0.919,0.9179,0.9168,0.915,0.9139,0.9133,0.913,0.9099,0.9098,0.9079,0.9056,0.9044,0.9021,0.9015,0.9011,0.9005,0.8992,0.8958,0.8915,0.8907,0.8901,0.8885,0.8883,0.8833,0.8782,0.878,0.8765,0.8729,0.8694,0.8693,0.8688,0.858,0.8571,0.857,0.8554,0.8552,0.8538,0.8502,0.8376],[0.9863,0.9862,0.9859,0.9836,0.9783,0.9773,0.9771,0.9732,0.9706,0.9703,0.9695,0.9688,0.9654,0.964,0.9625,0.9624,0.962,0.9613,0.9609,0.9578,0.9577,0.9571,0.9569,0.9569,0.9567,0.9564,0.9549,0.9533,0.953,0.9529,0.9519,0.9506,0.95,0.9492,0.9481,0.9471,0.9462,0.9447,0.9443,0.9442,0.9428,0.9416,0.9411,0.941,0.9405,0.94,0.9395,0.9388,0.938,0.9377,0.9376,0.9373,0.9362,0.9349,0.9348,0.9335,0.9333,0.933,0.9327,0.9327,0.9326,0.9319,0.9309,0.9288,0.9259,0.9256,0.9241,0.924,0.9239,0.9233,0.9225,0.9183,0.9167,0.916,0.9149,0.9138,0.9119,0.9107,0.9101,0.9098,0.9066,0.9065,0.9046,0.9022,0.9009,0.8986,0.898,0.8975,0.8969,0.8955,0.892,0.8876,0.8868,0.8861,0.8845,0.8843,0.8791,0.8739,0.8736,0.8721,0.8684,0.8647,0.8646,0.8642,0.853,0.8521,0.852,0.8503,0.8501,0.8486,0.845,0.8319],[0.9898,0.9897,0.9894,0.9878,0.9838,0.983,0.9828,0.9799,0.978,0.9778,0.9771,0.9766,0.974,0.973,0.9719,0.9718,0.9715,0.9709,0.9707,0.9683,0.9682,0.9678,0.9677,0.9676,0.9675,0.9673,0.9662,0.9649,0.9647,0.9646,0.9639,0.9629,0.9624,0.9618,0.961,0.9602,0.9596,0.9584,0.9581,0.958,0.957,0.956,0.9557,0.9556,0.9552,0.9548,0.9544,0.954,0.9533,0.9531,0.953,0.9528,0.952,0.951,0.9509,0.9499,0.9498,0.9496,0.9493,0.9493,0.9492,0.9487,0.948,0.9463,0.9442,0.9439,0.9428,0.9427,0.9426,0.9422,0.9416,0.9383,0.9372,0.9366,0.9358,0.9349,0.9335,0.9326,0.9321,0.9319,0.9294,0.9294,0.9279,0.926,0.9251,0.9232,0.9228,0.9225,0.922,0.9209,0.9182,0.9148,0.9142,0.9137,0.9124,0.9123,0.9083,0.9042,0.904,0.9028,0.9,0.8972,0.8971,0.8967,0.8881,0.8873,0.8873,0.886,0.8858,0.8847,0.8818,0.8716],[0.9623,0.9619,0.961,0.955,0.9407,0.938,0.9374,0.9269,0.9201,0.9194,0.9172,0.9153,0.9063,0.9027,0.8988,0.8986,0.8976,0.8956,0.8948,0.8866,0.8864,0.8848,0.8844,0.8842,0.8838,0.883,0.8792,0.8751,0.8743,0.8739,0.8716,0.8683,0.8667,0.8646,0.8618,0.8593,0.857,0.8532,0.8522,0.8518,0.8484,0.8454,0.8442,0.844,0.8427,0.8414,0.8401,0.8386,0.8365,0.8357,0.8354,0.8346,0.832,0.8288,0.8284,0.8253,0.8249,0.8242,0.8234,0.8233,0.8231,0.8214,0.819,0.8137,0.8068,0.8061,0.8023,0.8021,0.8019,0.8005,0.7985,0.7883,0.7846,0.7829,0.7802,0.7776,0.7731,0.7703,0.7689,0.7682,0.7607,0.7605,0.7559,0.7503,0.7475,0.7419,0.7406,0.7396,0.7381,0.735,0.7269,0.717,0.7151,0.7137,0.71,0.7095,0.698,0.6865,0.6859,0.6825,0.6746,0.6666,0.6664,0.6654,0.6417,0.6397,0.6396,0.636,0.6356,0.6326,0.625,0.5985],[0.9886,0.9885,0.9883,0.9864,0.982,0.9812,0.981,0.9777,0.9755,0.9753,0.9746,0.974,0.9712,0.97,0.9688,0.9687,0.9684,0.9677,0.9675,0.9648,0.9648,0.9643,0.9641,0.9641,0.9639,0.9637,0.9625,0.9611,0.9609,0.9607,0.96,0.9589,0.9584,0.9577,0.9568,0.9559,0.9552,0.9539,0.9536,0.9534,0.9523,0.9513,0.9509,0.9508,0.9504,0.9499,0.9495,0.949,0.9483,0.948,0.9479,0.9477,0.9468,0.9457,0.9456,0.9445,0.9444,0.9441,0.9439,0.9438,0.9438,0.9432,0.9424,0.9405,0.9382,0.9379,0.9366,0.9365,0.9365,0.936,0.9353,0.9317,0.9304,0.9298,0.9289,0.9279,0.9263,0.9253,0.9249,0.9246,0.9219,0.9218,0.9202,0.9181,0.9171,0.9151,0.9146,0.9142,0.9137,0.9125,0.9095,0.9058,0.9051,0.9046,0.9032,0.903,0.8986,0.8942,0.8939,0.8926,0.8895,0.8864,0.8863,0.8859,0.8765,0.8756,0.8756,0.8741,0.8739,0.8727,0.8696,0.8584],[0.989,0.9889,0.9886,0.9868,0.9825,0.9817,0.9815,0.9784,0.9763,0.9761,0.9754,0.9748,0.972,0.9709,0.9697,0.9696,0.9693,0.9687,0.9685,0.9659,0.9658,0.9653,0.9652,0.9651,0.965,0.9648,0.9636,0.9623,0.962,0.9619,0.9611,0.9601,0.9596,0.9589,0.958,0.9572,0.9565,0.9553,0.9549,0.9548,0.9537,0.9527,0.9524,0.9523,0.9519,0.9514,0.951,0.9505,0.9498,0.9496,0.9495,0.9492,0.9484,0.9473,0.9472,0.9461,0.946,0.9458,0.9455,0.9455,0.9454,0.9449,0.9441,0.9423,0.94,0.9397,0.9385,0.9384,0.9383,0.9378,0.9372,0.9337,0.9325,0.9319,0.931,0.93,0.9285,0.9275,0.927,0.9268,0.9242,0.9241,0.9225,0.9205,0.9195,0.9175,0.9171,0.9167,0.9162,0.9151,0.9122,0.9086,0.9079,0.9073,0.906,0.9058,0.9015,0.8972,0.897,0.8957,0.8927,0.8896,0.8896,0.8892,0.88,0.8792,0.8791,0.8777,0.8775,0.8763,0.8733,0.8624],[0.9837,0.9835,0.9831,0.9805,0.9742,0.973,0.9727,0.968,0.965,0.9647,0.9637,0.9629,0.9588,0.9571,0.9554,0.9553,0.9548,0.9539,0.9536,0.9498,0.9497,0.949,0.9488,0.9487,0.9485,0.9482,0.9464,0.9445,0.9442,0.944,0.9429,0.9414,0.9406,0.9396,0.9384,0.9372,0.9361,0.9343,0.9339,0.9337,0.9321,0.9307,0.9301,0.93,0.9294,0.9288,0.9282,0.9274,0.9265,0.9261,0.9259,0.9256,0.9243,0.9228,0.9226,0.9211,0.921,0.9206,0.9202,0.9202,0.9201,0.9193,0.9181,0.9156,0.9122,0.9119,0.91,0.91,0.9099,0.9092,0.9082,0.9033,0.9014,0.9006,0.8993,0.898,0.8957,0.8944,0.8937,0.8933,0.8896,0.8895,0.8872,0.8844,0.8829,0.8801,0.8794,0.8789,0.8782,0.8766,0.8725,0.8674,0.8664,0.8656,0.8637,0.8635,0.8574,0.8513,0.851,0.8492,0.845,0.8407,0.8406,0.8401,0.8272,0.826,0.826,0.824,0.8237,0.8221,0.8178,0.8028],[0.9872,0.9871,0.9868,0.9847,0.9797,0.9788,0.9785,0.9749,0.9724,0.9722,0.9714,0.9708,0.9675,0.9662,0.9649,0.9648,0.9644,0.9637,0.9634,0.9604,0.9604,0.9598,0.9596,0.9596,0.9594,0.9591,0.9578,0.9562,0.956,0.9558,0.955,0.9537,0.9532,0.9524,0.9514,0.9504,0.9496,0.9481,0.9478,0.9476,0.9464,0.9452,0.9448,0.9447,0.9442,0.9437,0.9432,0.9427,0.9419,0.9416,0.9415,0.9412,0.9402,0.939,0.9388,0.9376,0.9375,0.9372,0.9369,0.9369,0.9368,0.9362,0.9352,0.9332,0.9305,0.9302,0.9288,0.9287,0.9286,0.9281,0.9273,0.9233,0.9219,0.9212,0.9201,0.9191,0.9173,0.9162,0.9157,0.9154,0.9123,0.9123,0.9104,0.9082,0.907,0.9048,0.9042,0.9038,0.9032,0.9019,0.8986,0.8945,0.8936,0.893,0.8915,0.8913,0.8864,0.8815,0.8812,0.8798,0.8763,0.8728,0.8728,0.8723,0.8618,0.8609,0.8608,0.8592,0.859,0.8576,0.8542,0.8418],[0.9886,0.9884,0.9882,0.9863,0.9819,0.981,0.9808,0.9775,0.9754,0.9752,0.9744,0.9739,0.971,0.9698,0.9686,0.9685,0.9682,0.9675,0.9673,0.9646,0.9645,0.964,0.9639,0.9638,0.9637,0.9634,0.9622,0.9608,0.9606,0.9605,0.9597,0.9586,0.9581,0.9574,0.9565,0.9556,0.9549,0.9536,0.9533,0.9531,0.952,0.951,0.9506,0.9505,0.9501,0.9496,0.9492,0.9487,0.948,0.9477,0.9476,0.9473,0.9464,0.9453,0.9452,0.9441,0.944,0.9438,0.9435,0.9434,0.9434,0.9428,0.942,0.9401,0.9377,0.9375,0.9362,0.9361,0.936,0.9355,0.9348,0.9313,0.93,0.9293,0.9284,0.9275,0.9258,0.9248,0.9243,0.9241,0.9214,0.9213,0.9196,0.9176,0.9165,0.9145,0.914,0.9137,0.9131,0.9119,0.9089,0.9052,0.9045,0.9039,0.9025,0.9024,0.8979,0.8935,0.8932,0.8919,0.8888,0.8857,0.8856,0.8852,0.8756,0.8748,0.8748,0.8733,0.8731,0.8719,0.8687,0.8575],[0.987,0.9868,0.9865,0.9844,0.9794,0.9784,0.9782,0.9744,0.972,0.9717,0.9709,0.9702,0.967,0.9656,0.9642,0.9642,0.9638,0.963,0.9628,0.9597,0.9597,0.9591,0.9589,0.9588,0.9587,0.9584,0.957,0.9555,0.9552,0.955,0.9542,0.9529,0.9523,0.9515,0.9505,0.9496,0.9487,0.9472,0.9469,0.9467,0.9454,0.9443,0.9438,0.9437,0.9432,0.9427,0.9422,0.9417,0.9409,0.9406,0.9404,0.9401,0.9391,0.9379,0.9378,0.9365,0.9364,0.9361,0.9358,0.9357,0.9357,0.935,0.9341,0.932,0.9293,0.929,0.9275,0.9275,0.9274,0.9268,0.926,0.922,0.9205,0.9198,0.9188,0.9177,0.9159,0.9147,0.9142,0.9139,0.9108,0.9108,0.9089,0.9066,0.9054,0.9031,0.9026,0.9021,0.9015,0.9002,0.8968,0.8926,0.8918,0.8912,0.8896,0.8894,0.8845,0.8795,0.8792,0.8777,0.8742,0.8707,0.8706,0.8701,0.8595,0.8585,0.8585,0.8568,0.8566,0.8553,0.8517,0.8392],[0.9832,0.983,0.9826,0.9799,0.9734,0.9721,0.9718,0.967,0.9639,0.9636,0.9625,0.9617,0.9575,0.9558,0.954,0.9539,0.9534,0.9524,0.9521,0.9482,0.9481,0.9474,0.9472,0.9471,0.9469,0.9465,0.9447,0.9428,0.9424,0.9422,0.9411,0.9395,0.9387,0.9377,0.9364,0.9352,0.9341,0.9322,0.9318,0.9316,0.9299,0.9285,0.9279,0.9278,0.9272,0.9265,0.9259,0.9252,0.9241,0.9238,0.9236,0.9232,0.9219,0.9204,0.9202,0.9187,0.9185,0.9181,0.9177,0.9177,0.9176,0.9167,0.9156,0.9129,0.9095,0.9091,0.9072,0.9072,0.9071,0.9063,0.9054,0.9002,0.8984,0.8975,0.8961,0.8948,0.8925,0.8911,0.8904,0.89,0.8862,0.8861,0.8837,0.8808,0.8793,0.8764,0.8758,0.8752,0.8744,0.8728,0.8686,0.8633,0.8623,0.8615,0.8596,0.8593,0.8531,0.8469,0.8465,0.8447,0.8403,0.8359,0.8358,0.8353,0.822,0.8209,0.8208,0.8188,0.8185,0.8168,0.8125,0.797],[0.9887,0.9886,0.9883,0.9864,0.9821,0.9812,0.981,0.9778,0.9756,0.9754,0.9747,0.9741,0.9713,0.9701,0.9689,0.9688,0.9685,0.9679,0.9676,0.965,0.9649,0.9644,0.9643,0.9642,0.9641,0.9638,0.9626,0.9612,0.961,0.9609,0.9601,0.959,0.9585,0.9578,0.9569,0.9561,0.9553,0.954,0.9537,0.9536,0.9525,0.9514,0.9511,0.951,0.9506,0.9501,0.9497,0.9492,0.9485,0.9482,0.9481,0.9478,0.947,0.9459,0.9458,0.9447,0.9446,0.9443,0.9441,0.944,0.9439,0.9434,0.9426,0.9407,0.9384,0.9381,0.9368,0.9367,0.9367,0.9362,0.9355,0.9319,0.9306,0.93,0.9291,0.9282,0.9266,0.9256,0.9251,0.9248,0.9221,0.9221,0.9204,0.9184,0.9174,0.9154,0.9149,0.9145,0.914,0.9128,0.9098,0.9061,0.9054,0.9049,0.9035,0.9033,0.8989,0.8945,0.8943,0.893,0.8899,0.8868,0.8867,0.8863,0.8768,0.876,0.876,0.8745,0.8743,0.8731,0.87,0.8589],[0.9673,0.9669,0.9661,0.9609,0.9484,0.946,0.9455,0.9363,0.9303,0.9298,0.9278,0.9262,0.9183,0.9151,0.9117,0.9115,0.9106,0.9088,0.9081,0.9009,0.9007,0.8993,0.899,0.8988,0.8985,0.8978,0.8944,0.8908,0.8901,0.8898,0.8877,0.8847,0.8834,0.8815,0.8791,0.8769,0.8748,0.8714,0.8706,0.8702,0.8672,0.8645,0.8635,0.8633,0.8621,0.861,0.8598,0.8585,0.8566,0.8559,0.8556,0.8549,0.8526,0.8498,0.8495,0.8467,0.8463,0.8457,0.845,0.8449,0.8447,0.8432,0.8411,0.8363,0.8302,0.8295,0.8262,0.826,0.8258,0.8245,0.8228,0.8137,0.8104,0.8088,0.8064,0.8041,0.8,0.7975,0.7963,0.7957,0.7889,0.7887,0.7846,0.7796,0.777,0.772,0.7708,0.7699,0.7686,0.7657,0.7585,0.7495,0.7478,0.7465,0.7431,0.7427,0.7322,0.7217,0.7212,0.7181,0.7109,0.7036,0.7034,0.7025,0.6808,0.6789,0.6788,0.6755,0.6751,0.6724,0.6653,0.6408],[0.9909,0.9908,0.9906,0.9891,0.9855,0.9848,0.9847,0.9821,0.9803,0.9802,0.9796,0.9791,0.9768,0.9759,0.9749,0.9748,0.9746,0.974,0.9738,0.9717,0.9716,0.9712,0.9711,0.9711,0.971,0.9708,0.9698,0.9687,0.9685,0.9684,0.9677,0.9669,0.9664,0.9659,0.9651,0.9645,0.9639,0.9628,0.9626,0.9625,0.9615,0.9607,0.9604,0.9604,0.96,0.9596,0.9593,0.9589,0.9583,0.9581,0.958,0.9578,0.9571,0.9562,0.9561,0.9552,0.9551,0.9549,0.9547,0.9547,0.9546,0.9541,0.9535,0.952,0.9501,0.9499,0.9488,0.9487,0.9487,0.9483,0.9477,0.9448,0.9438,0.9433,0.9425,0.9418,0.9404,0.9396,0.9392,0.939,0.9368,0.9368,0.9354,0.9338,0.9329,0.9313,0.9309,0.9306,0.9301,0.9292,0.9267,0.9237,0.9231,0.9227,0.9215,0.9214,0.9178,0.9142,0.914,0.9129,0.9103,0.9078,0.9077,0.9074,0.8996,0.8989,0.8989,0.8977,0.8975,0.8965,0.8939,0.8847],[0.9898,0.9896,0.9894,0.9877,0.9837,0.983,0.9828,0.9798,0.9779,0.9777,0.9771,0.9765,0.974,0.9729,0.9718,0.9717,0.9714,0.9709,0.9706,0.9682,0.9682,0.9677,0.9676,0.9675,0.9674,0.9672,0.9661,0.9648,0.9646,0.9645,0.9638,0.9628,0.9624,0.9617,0.9609,0.9602,0.9595,0.9583,0.958,0.9579,0.9569,0.9559,0.9556,0.9555,0.9551,0.9547,0.9543,0.9539,0.9532,0.953,0.9529,0.9527,0.9519,0.9509,0.9508,0.9498,0.9497,0.9495,0.9492,0.9492,0.9491,0.9486,0.9479,0.9462,0.944,0.9438,0.9426,0.9426,0.9425,0.942,0.9414,0.9382,0.937,0.9364,0.9356,0.9348,0.9333,0.9324,0.9319,0.9317,0.9293,0.9292,0.9277,0.9258,0.9249,0.9231,0.9226,0.9223,0.9218,0.9207,0.918,0.9146,0.914,0.9135,0.9122,0.9121,0.9081,0.904,0.9038,0.9026,0.8998,0.8969,0.8969,0.8965,0.8878,0.8871,0.887,0.8857,0.8855,0.8844,0.8815,0.8713],[0.9917,0.9916,0.9915,0.9901,0.9869,0.9863,0.9861,0.9837,0.9822,0.982,0.9815,0.9811,0.979,0.9781,0.9772,0.9772,0.9769,0.9765,0.9763,0.9743,0.9743,0.9739,0.9738,0.9738,0.9737,0.9735,0.9726,0.9716,0.9714,0.9713,0.9708,0.97,0.9696,0.9691,0.9684,0.9678,0.9672,0.9663,0.9661,0.966,0.9651,0.9644,0.9641,0.964,0.9637,0.9634,0.9631,0.9627,0.9622,0.962,0.9619,0.9617,0.9611,0.9603,0.9602,0.9594,0.9593,0.9591,0.9589,0.9589,0.9588,0.9584,0.9578,0.9565,0.9547,0.9545,0.9535,0.9535,0.9534,0.9531,0.9526,0.9499,0.949,0.9485,0.9478,0.9471,0.9459,0.9452,0.9448,0.9447,0.9426,0.9426,0.9414,0.9399,0.9391,0.9376,0.9372,0.9369,0.9365,0.9357,0.9334,0.9307,0.9301,0.9297,0.9287,0.9286,0.9253,0.922,0.9218,0.9208,0.9185,0.9161,0.9161,0.9158,0.9087,0.908,0.908,0.9069,0.9068,0.9058,0.9035,0.8951],[0.9898,0.9897,0.9894,0.9878,0.9838,0.983,0.9829,0.9799,0.978,0.9778,0.9772,0.9766,0.9741,0.973,0.9719,0.9719,0.9716,0.971,0.9707,0.9684,0.9683,0.9678,0.9677,0.9677,0.9675,0.9673,0.9662,0.965,0.9648,0.9646,0.964,0.963,0.9625,0.9619,0.9611,0.9603,0.9596,0.9585,0.9582,0.9581,0.957,0.9561,0.9558,0.9557,0.9553,0.9549,0.9545,0.9541,0.9534,0.9532,0.9531,0.9529,0.9521,0.9511,0.951,0.95,0.9499,0.9497,0.9494,0.9494,0.9493,0.9488,0.9481,0.9464,0.9443,0.944,0.9429,0.9428,0.9427,0.9423,0.9417,0.9385,0.9373,0.9367,0.9359,0.935,0.9336,0.9327,0.9322,0.932,0.9295,0.9295,0.928,0.9261,0.9252,0.9234,0.9229,0.9226,0.9221,0.9211,0.9183,0.915,0.9143,0.9138,0.9126,0.9124,0.9084,0.9044,0.9042,0.903,0.9002,0.8973,0.8973,0.8969,0.8883,0.8875,0.8875,0.8861,0.886,0.8849,0.882,0.8719],[0.9755,0.9752,0.9747,0.9707,0.9613,0.9595,0.9591,0.9522,0.9476,0.9472,0.9457,0.9445,0.9385,0.936,0.9335,0.9333,0.9327,0.9313,0.9308,0.9253,0.9251,0.924,0.9238,0.9236,0.9234,0.9228,0.9203,0.9175,0.917,0.9167,0.9151,0.9129,0.9118,0.9104,0.9085,0.9068,0.9052,0.9026,0.902,0.9017,0.8993,0.8973,0.8965,0.8963,0.8954,0.8945,0.8936,0.8926,0.8912,0.8907,0.8904,0.8899,0.8881,0.8859,0.8856,0.8835,0.8832,0.8827,0.8822,0.882,0.8819,0.8808,0.8791,0.8754,0.8706,0.8701,0.8675,0.8673,0.8672,0.8662,0.8648,0.8577,0.8551,0.8539,0.852,0.8502,0.847,0.845,0.844,0.8435,0.8382,0.8381,0.8348,0.8308,0.8288,0.8248,0.8238,0.8231,0.8221,0.8198,0.814,0.8068,0.8054,0.8044,0.8017,0.8013,0.7929,0.7845,0.784,0.7815,0.7756,0.7697,0.7696,0.7688,0.7511,0.7496,0.7494,0.7467,0.7464,0.7441,0.7383,0.718],[0.9907,0.9906,0.9904,0.9889,0.9853,0.9846,0.9845,0.9818,0.98,0.9799,0.9793,0.9788,0.9765,0.9755,0.9745,0.9744,0.9742,0.9737,0.9734,0.9713,0.9712,0.9708,0.9707,0.9706,0.9705,0.9703,0.9693,0.9682,0.968,0.9679,0.9673,0.9664,0.966,0.9654,0.9646,0.964,0.9633,0.9623,0.962,0.9619,0.961,0.9601,0.9598,0.9598,0.9594,0.959,0.9587,0.9583,0.9577,0.9575,0.9574,0.9572,0.9564,0.9556,0.9555,0.9546,0.9545,0.9543,0.9541,0.954,0.954,0.9535,0.9528,0.9513,0.9493,0.9491,0.9481,0.948,0.948,0.9475,0.947,0.944,0.943,0.9425,0.9417,0.9409,0.9396,0.9388,0.9384,0.9382,0.9359,0.9359,0.9345,0.9328,0.932,0.9303,0.9299,0.9296,0.9291,0.9282,0.9257,0.9226,0.922,0.9216,0.9204,0.9203,0.9166,0.9129,0.9127,0.9117,0.9091,0.9065,0.9064,0.9061,0.8982,0.8975,0.8974,0.8962,0.8961,0.8951,0.8924,0.8831],[0.9855,0.9853,0.985,0.9826,0.977,0.9759,0.9757,0.9715,0.9688,0.9685,0.9676,0.9669,0.9633,0.9618,0.9602,0.9601,0.9597,0.9589,0.9586,0.9552,0.9552,0.9545,0.9543,0.9543,0.9541,0.9538,0.9522,0.9505,0.9502,0.95,0.9491,0.9477,0.947,0.9461,0.945,0.944,0.943,0.9414,0.941,0.9408,0.9394,0.9381,0.9376,0.9375,0.937,0.9364,0.9358,0.9352,0.9343,0.934,0.9338,0.9335,0.9324,0.9311,0.9309,0.9295,0.9294,0.9291,0.9288,0.9287,0.9286,0.9279,0.9269,0.9246,0.9216,0.9212,0.9196,0.9195,0.9194,0.9188,0.9179,0.9135,0.9118,0.9111,0.9099,0.9087,0.9067,0.9055,0.9049,0.9046,0.9012,0.9011,0.899,0.8965,0.8952,0.8927,0.892,0.8916,0.8909,0.8895,0.8857,0.8811,0.8802,0.8796,0.8778,0.8776,0.8721,0.8666,0.8664,0.8647,0.8609,0.857,0.8569,0.8564,0.8447,0.8437,0.8436,0.8418,0.8416,0.8401,0.8362,0.8226],[0.9872,0.987,0.9868,0.9847,0.9797,0.9788,0.9785,0.9749,0.9724,0.9722,0.9714,0.9707,0.9675,0.9662,0.9648,0.9648,0.9644,0.9637,0.9634,0.9604,0.9603,0.9598,0.9596,0.9595,0.9594,0.9591,0.9577,0.9562,0.9559,0.9558,0.9549,0.9537,0.9531,0.9523,0.9513,0.9504,0.9496,0.9481,0.9478,0.9476,0.9463,0.9452,0.9448,0.9447,0.9442,0.9437,0.9432,0.9426,0.9419,0.9416,0.9414,0.9411,0.9402,0.939,0.9388,0.9376,0.9375,0.9372,0.9369,0.9368,0.9368,0.9361,0.9352,0.9332,0.9305,0.9302,0.9287,0.9287,0.9286,0.928,0.9273,0.9233,0.9218,0.9212,0.9201,0.9191,0.9173,0.9162,0.9156,0.9153,0.9123,0.9122,0.9104,0.9081,0.907,0.9047,0.9042,0.9038,0.9031,0.9019,0.8985,0.8944,0.8936,0.893,0.8914,0.8912,0.8864,0.8814,0.8812,0.8797,0.8763,0.8728,0.8727,0.8722,0.8617,0.8608,0.8608,0.8591,0.8589,0.8576,0.8541,0.8418],[0.9908,0.9907,0.9905,0.989,0.9854,0.9847,0.9845,0.9819,0.9801,0.9799,0.9794,0.9789,0.9766,0.9756,0.9746,0.9745,0.9743,0.9738,0.9735,0.9714,0.9713,0.9709,0.9708,0.9708,0.9706,0.9704,0.9694,0.9683,0.9681,0.968,0.9674,0.9665,0.9661,0.9655,0.9648,0.9641,0.9635,0.9624,0.9622,0.9621,0.9611,0.9603,0.96,0.9599,0.9596,0.9592,0.9588,0.9584,0.9578,0.9576,0.9575,0.9573,0.9566,0.9557,0.9556,0.9547,0.9546,0.9544,0.9542,0.9542,0.9541,0.9537,0.953,0.9515,0.9495,0.9493,0.9482,0.9482,0.9481,0.9477,0.9472,0.9442,0.9432,0.9427,0.9419,0.9411,0.9398,0.939,0.9386,0.9384,0.9361,0.9361,0.9347,0.9331,0.9322,0.9305,0.9301,0.9298,0.9294,0.9284,0.926,0.9229,0.9223,0.9219,0.9207,0.9206,0.9169,0.9133,0.9131,0.912,0.9094,0.9068,0.9067,0.9064,0.8985,0.8979,0.8978,0.8966,0.8964,0.8954,0.8928,0.8835],[0.9918,0.9917,0.9915,0.9902,0.987,0.9864,0.9863,0.9839,0.9823,0.9822,0.9817,0.9813,0.9792,0.9783,0.9774,0.9774,0.9772,0.9767,0.9765,0.9746,0.9745,0.9742,0.9741,0.974,0.9739,0.9737,0.9728,0.9719,0.9717,0.9716,0.971,0.9702,0.9699,0.9694,0.9687,0.9681,0.9675,0.9666,0.9664,0.9663,0.9654,0.9647,0.9644,0.9644,0.9641,0.9637,0.9634,0.963,0.9625,0.9623,0.9623,0.9621,0.9614,0.9606,0.9605,0.9598,0.9597,0.9595,0.9593,0.9593,0.9592,0.9588,0.9582,0.9569,0.9551,0.9549,0.954,0.9539,0.9539,0.9535,0.953,0.9504,0.9494,0.949,0.9483,0.9476,0.9464,0.9457,0.9453,0.9452,0.9432,0.9431,0.9419,0.9404,0.9396,0.9382,0.9378,0.9375,0.9371,0.9363,0.9341,0.9313,0.9308,0.9304,0.9294,0.9292,0.926,0.9227,0.9225,0.9215,0.9192,0.9169,0.9169,0.9165,0.9095,0.9089,0.9088,0.9077,0.9076,0.9067,0.9043,0.896],[0.9909,0.9907,0.9905,0.989,0.9855,0.9848,0.9846,0.982,0.9803,0.9801,0.9795,0.979,0.9767,0.9758,0.9748,0.9747,0.9745,0.974,0.9737,0.9716,0.9716,0.9711,0.971,0.971,0.9709,0.9707,0.9697,0.9686,0.9684,0.9683,0.9676,0.9668,0.9663,0.9658,0.965,0.9644,0.9638,0.9627,0.9625,0.9624,0.9614,0.9606,0.9603,0.9602,0.9599,0.9595,0.9592,0.9587,0.9582,0.958,0.9579,0.9577,0.9569,0.9561,0.956,0.9551,0.955,0.9548,0.9546,0.9545,0.9545,0.954,0.9533,0.9519,0.9499,0.9497,0.9486,0.9486,0.9485,0.9481,0.9476,0.9447,0.9436,0.9431,0.9423,0.9416,0.9403,0.9395,0.9391,0.9389,0.9366,0.9366,0.9352,0.9336,0.9327,0.9311,0.9307,0.9304,0.9299,0.929,0.9265,0.9235,0.9229,0.9224,0.9213,0.9212,0.9176,0.9139,0.9137,0.9126,0.9101,0.9075,0.9075,0.9071,0.8993,0.8986,0.8986,0.8974,0.8972,0.8962,0.8936,0.8844],[0.9789,0.9787,0.9782,0.9748,0.9667,0.9651,0.9648,0.9588,0.9548,0.9545,0.9532,0.9521,0.9469,0.9448,0.9426,0.9424,0.9419,0.9407,0.9402,0.9354,0.9353,0.9344,0.9341,0.934,0.9338,0.9333,0.9311,0.9287,0.9282,0.928,0.9266,0.9247,0.9237,0.9225,0.9209,0.9194,0.918,0.9157,0.9151,0.9149,0.9129,0.9111,0.9104,0.9103,0.9095,0.9087,0.9079,0.907,0.9057,0.9053,0.9051,0.9046,0.903,0.9011,0.9009,0.899,0.8988,0.8983,0.8979,0.8978,0.8977,0.8966,0.8952,0.892,0.8878,0.8873,0.885,0.8849,0.8848,0.8839,0.8827,0.8764,0.8742,0.8731,0.8714,0.8698,0.867,0.8653,0.8644,0.864,0.8593,0.8592,0.8563,0.8528,0.851,0.8475,0.8466,0.846,0.845,0.843,0.8379,0.8316,0.8303,0.8294,0.827,0.8267,0.8192,0.8117,0.8113,0.8091,0.8039,0.7986,0.7985,0.7978,0.782,0.7806,0.7805,0.7781,0.7778,0.7757,0.7705,0.7522],[0.9911,0.991,0.9908,0.9893,0.9858,0.9852,0.985,0.9824,0.9807,0.9806,0.98,0.9796,0.9773,0.9764,0.9754,0.9754,0.9751,0.9746,0.9744,0.9723,0.9722,0.9718,0.9717,0.9717,0.9716,0.9714,0.9704,0.9693,0.9691,0.969,0.9684,0.9676,0.9672,0.9666,0.9659,0.9652,0.9646,0.9636,0.9634,0.9633,0.9624,0.9616,0.9613,0.9612,0.9609,0.9605,0.9601,0.9597,0.9592,0.959,0.9589,0.9587,0.958,0.9571,0.957,0.9562,0.9561,0.9559,0.9557,0.9556,0.9556,0.9551,0.9545,0.953,0.9511,0.9509,0.9499,0.9498,0.9498,0.9494,0.9488,0.946,0.945,0.9445,0.9437,0.943,0.9417,0.9409,0.9405,0.9403,0.9382,0.9381,0.9368,0.9352,0.9343,0.9327,0.9323,0.932,0.9316,0.9307,0.9283,0.9253,0.9247,0.9243,0.9232,0.923,0.9195,0.916,0.9158,0.9147,0.9122,0.9097,0.9096,0.9093,0.9017,0.901,0.901,0.8998,0.8996,0.8987,0.8961,0.8871],[0.993,0.9929,0.9928,0.9916,0.9889,0.9884,0.9883,0.9862,0.9849,0.9848,0.9843,0.984,0.9822,0.9815,0.9807,0.9807,0.9805,0.9801,0.9799,0.9783,0.9782,0.9779,0.9778,0.9778,0.9777,0.9775,0.9768,0.9759,0.9758,0.9757,0.9752,0.9745,0.9742,0.9738,0.9732,0.9727,0.9722,0.9714,0.9712,0.9712,0.9704,0.9698,0.9696,0.9695,0.9692,0.969,0.9687,0.9684,0.9679,0.9678,0.9677,0.9675,0.967,0.9663,0.9662,0.9656,0.9655,0.9653,0.9652,0.9651,0.9651,0.9647,0.9642,0.9631,0.9616,0.9614,0.9606,0.9605,0.9605,0.9602,0.9598,0.9575,0.9567,0.9563,0.9557,0.9551,0.9541,0.9535,0.9532,0.953,0.9513,0.9513,0.9502,0.9489,0.9483,0.947,0.9467,0.9464,0.9461,0.9453,0.9435,0.9411,0.9406,0.9403,0.9394,0.9393,0.9365,0.9336,0.9335,0.9326,0.9307,0.9286,0.9286,0.9283,0.9222,0.9217,0.9217,0.9207,0.9206,0.9198,0.9178,0.9105],[0.9916,0.9915,0.9913,0.99,0.9867,0.9861,0.986,0.9835,0.982,0.9818,0.9813,0.9808,0.9787,0.9779,0.977,0.9769,0.9767,0.9762,0.976,0.974,0.974,0.9736,0.9735,0.9735,0.9734,0.9732,0.9723,0.9713,0.9711,0.971,0.9704,0.9696,0.9692,0.9687,0.968,0.9674,0.9668,0.9659,0.9657,0.9656,0.9647,0.9639,0.9637,0.9636,0.9633,0.963,0.9626,0.9622,0.9617,0.9615,0.9614,0.9613,0.9606,0.9598,0.9597,0.9589,0.9588,0.9586,0.9584,0.9584,0.9583,0.9579,0.9573,0.9559,0.9542,0.954,0.953,0.9529,0.9529,0.9525,0.952,0.9493,0.9484,0.9479,0.9472,0.9465,0.9453,0.9446,0.9442,0.944,0.942,0.9419,0.9407,0.9391,0.9384,0.9368,0.9365,0.9362,0.9358,0.9349,0.9327,0.9299,0.9293,0.9289,0.9279,0.9277,0.9244,0.9211,0.9209,0.9199,0.9175,0.9152,0.9151,0.9148,0.9076,0.907,0.9069,0.9058,0.9057,0.9048,0.9024,0.8939],[0.9916,0.9915,0.9913,0.9899,0.9867,0.986,0.9859,0.9834,0.9818,0.9817,0.9812,0.9807,0.9786,0.9777,0.9768,0.9768,0.9765,0.976,0.9758,0.9739,0.9738,0.9734,0.9733,0.9733,0.9732,0.973,0.9721,0.9711,0.9709,0.9708,0.9702,0.9694,0.969,0.9685,0.9678,0.9672,0.9666,0.9657,0.9654,0.9653,0.9645,0.9637,0.9634,0.9634,0.9631,0.9627,0.9624,0.962,0.9615,0.9613,0.9612,0.961,0.9603,0.9595,0.9594,0.9586,0.9585,0.9584,0.9582,0.9581,0.9581,0.9576,0.957,0.9557,0.9539,0.9537,0.9527,0.9526,0.9526,0.9522,0.9517,0.949,0.948,0.9476,0.9469,0.9462,0.945,0.9442,0.9438,0.9437,0.9416,0.9416,0.9403,0.9388,0.938,0.9365,0.9361,0.9358,0.9354,0.9345,0.9323,0.9295,0.9289,0.9285,0.9274,0.9273,0.924,0.9206,0.9204,0.9194,0.917,0.9146,0.9146,0.9143,0.907,0.9064,0.9064,0.9053,0.9051,0.9042,0.9018,0.8932],[0.992,0.9919,0.9918,0.9905,0.9874,0.9868,0.9866,0.9843,0.9828,0.9827,0.9821,0.9817,0.9797,0.9789,0.978,0.978,0.9777,0.9773,0.9771,0.9752,0.9752,0.9748,0.9747,0.9747,0.9746,0.9744,0.9735,0.9726,0.9724,0.9723,0.9718,0.971,0.9706,0.9701,0.9695,0.9689,0.9684,0.9675,0.9672,0.9671,0.9663,0.9656,0.9653,0.9653,0.965,0.9647,0.9643,0.964,0.9635,0.9633,0.9632,0.963,0.9624,0.9616,0.9615,0.9608,0.9607,0.9605,0.9603,0.9603,0.9602,0.9598,0.9593,0.958,0.9563,0.9561,0.9551,0.9551,0.955,0.9547,0.9542,0.9517,0.9507,0.9503,0.9496,0.9489,0.9478,0.9471,0.9467,0.9465,0.9446,0.9446,0.9434,0.9419,0.9412,0.9397,0.9394,0.9391,0.9387,0.9379,0.9357,0.9331,0.9325,0.9321,0.9311,0.931,0.9278,0.9246,0.9244,0.9235,0.9213,0.919,0.9189,0.9186,0.9117,0.9111,0.9111,0.91,0.9099,0.909,0.9067,0.8986],[0.9948,0.9948,0.9946,0.9938,0.9918,0.9914,0.9913,0.9898,0.9888,0.9887,0.9884,0.9881,0.9868,0.9863,0.9857,0.9857,0.9855,0.9852,0.9851,0.9839,0.9838,0.9836,0.9835,0.9835,0.9834,0.9833,0.9828,0.9821,0.982,0.982,0.9816,0.9811,0.9808,0.9805,0.9801,0.9797,0.9794,0.9788,0.9786,0.9786,0.978,0.9776,0.9774,0.9773,0.9771,0.9769,0.9767,0.9765,0.9762,0.976,0.976,0.9759,0.9754,0.9749,0.9749,0.9744,0.9743,0.9742,0.9741,0.9741,0.974,0.9738,0.9734,0.9725,0.9714,0.9713,0.9707,0.9706,0.9706,0.9704,0.97,0.9684,0.9677,0.9675,0.967,0.9666,0.9658,0.9653,0.9651,0.965,0.9637,0.9637,0.9629,0.9619,0.9614,0.9605,0.9602,0.9601,0.9598,0.9592,0.9578,0.956,0.9557,0.9554,0.9548,0.9547,0.9526,0.9504,0.9503,0.9497,0.9482,0.9467,0.9466,0.9464,0.9418,0.9414,0.9414,0.9407,0.9406,0.94,0.9384,0.933],[0.9924,0.9923,0.9922,0.9909,0.988,0.9874,0.9873,0.9851,0.9836,0.9835,0.983,0.9826,0.9807,0.9799,0.9791,0.9791,0.9788,0.9784,0.9782,0.9764,0.9764,0.9761,0.976,0.9759,0.9758,0.9757,0.9748,0.9739,0.9738,0.9737,0.9732,0.9724,0.9721,0.9716,0.971,0.9704,0.9699,0.969,0.9688,0.9687,0.968,0.9673,0.967,0.967,0.9667,0.9664,0.9661,0.9657,0.9653,0.9651,0.965,0.9648,0.9642,0.9635,0.9634,0.9627,0.9626,0.9624,0.9623,0.9622,0.9622,0.9618,0.9612,0.96,0.9584,0.9582,0.9573,0.9573,0.9572,0.9569,0.9564,0.954,0.9531,0.9527,0.952,0.9514,0.9503,0.9496,0.9493,0.9491,0.9473,0.9472,0.9461,0.9447,0.944,0.9426,0.9423,0.942,0.9416,0.9409,0.9388,0.9363,0.9358,0.9354,0.9344,0.9343,0.9313,0.9282,0.9281,0.9271,0.925,0.9228,0.9228,0.9225,0.9159,0.9153,0.9153,0.9143,0.9142,0.9133,0.9111,0.9033],[0.9937,0.9937,0.9935,0.9925,0.99,0.9896,0.9895,0.9876,0.9864,0.9863,0.9859,0.9856,0.984,0.9834,0.9827,0.9826,0.9824,0.9821,0.9819,0.9805,0.9804,0.9801,0.9801,0.98,0.98,0.9798,0.9791,0.9784,0.9782,0.9782,0.9777,0.9771,0.9768,0.9764,0.9759,0.9755,0.975,0.9743,0.9741,0.9741,0.9734,0.9728,0.9726,0.9726,0.9723,0.9721,0.9718,0.9715,0.9712,0.971,0.9709,0.9708,0.9703,0.9697,0.9696,0.969,0.9689,0.9688,0.9687,0.9686,0.9686,0.9683,0.9678,0.9668,0.9654,0.9653,0.9645,0.9645,0.9645,0.9642,0.9638,0.9618,0.961,0.9607,0.9601,0.9596,0.9587,0.9581,0.9578,0.9577,0.9561,0.9561,0.9552,0.954,0.9534,0.9522,0.952,0.9518,0.9514,0.9508,0.9491,0.9469,0.9465,0.9462,0.9454,0.9453,0.9428,0.9402,0.9401,0.9393,0.9375,0.9357,0.9356,0.9354,0.9299,0.9294,0.9294,0.9285,0.9284,0.9277,0.9258,0.9193],[0.9918,0.9917,0.9915,0.9902,0.987,0.9864,0.9862,0.9838,0.9823,0.9821,0.9816,0.9812,0.9791,0.9783,0.9774,0.9773,0.9771,0.9766,0.9764,0.9745,0.9744,0.9741,0.974,0.9739,0.9738,0.9736,0.9728,0.9718,0.9716,0.9715,0.9709,0.9701,0.9698,0.9692,0.9686,0.968,0.9674,0.9665,0.9663,0.9662,0.9653,0.9646,0.9643,0.9643,0.9639,0.9636,0.9633,0.9629,0.9624,0.9622,0.9621,0.9619,0.9613,0.9605,0.9604,0.9596,0.9595,0.9593,0.9592,0.9591,0.9591,0.9586,0.958,0.9567,0.955,0.9548,0.9538,0.9538,0.9537,0.9533,0.9528,0.9502,0.9493,0.9488,0.9481,0.9474,0.9462,0.9455,0.9452,0.945,0.943,0.9429,0.9417,0.9402,0.9394,0.9379,0.9376,0.9373,0.9369,0.936,0.9338,0.9311,0.9305,0.9301,0.9291,0.929,0.9257,0.9224,0.9222,0.9213,0.919,0.9166,0.9166,0.9163,0.9092,0.9086,0.9085,0.9074,0.9073,0.9064,0.904,0.8956],[0.9935,0.9934,0.9933,0.9922,0.9897,0.9892,0.9891,0.9872,0.986,0.9859,0.9854,0.9851,0.9835,0.9828,0.9821,0.982,0.9819,0.9815,0.9813,0.9798,0.9798,0.9795,0.9794,0.9794,0.9793,0.9791,0.9784,0.9776,0.9775,0.9774,0.977,0.9763,0.976,0.9756,0.9751,0.9746,0.9742,0.9734,0.9733,0.9732,0.9725,0.9719,0.9717,0.9717,0.9714,0.9711,0.9709,0.9706,0.9702,0.97,0.97,0.9698,0.9693,0.9687,0.9686,0.968,0.9679,0.9677,0.9676,0.9676,0.9675,0.9672,0.9667,0.9657,0.9643,0.9641,0.9633,0.9633,0.9633,0.963,0.9626,0.9605,0.9597,0.9593,0.9588,0.9583,0.9573,0.9567,0.9564,0.9563,0.9547,0.9546,0.9537,0.9525,0.9519,0.9507,0.9504,0.9502,0.9498,0.9491,0.9474,0.9452,0.9447,0.9444,0.9436,0.9435,0.9409,0.9382,0.9381,0.9373,0.9354,0.9335,0.9335,0.9333,0.9276,0.9271,0.927,0.9262,0.926,0.9253,0.9234,0.9166],[0.9937,0.9936,0.9934,0.9924,0.99,0.9895,0.9894,0.9875,0.9863,0.9862,0.9858,0.9855,0.9839,0.9832,0.9825,0.9825,0.9823,0.9819,0.9818,0.9803,0.9803,0.98,0.9799,0.9799,0.9798,0.9796,0.9789,0.9782,0.978,0.978,0.9775,0.9769,0.9766,0.9762,0.9757,0.9752,0.9748,0.9741,0.9739,0.9738,0.9732,0.9726,0.9724,0.9724,0.9721,0.9719,0.9716,0.9713,0.9709,0.9708,0.9707,0.9706,0.97,0.9694,0.9694,0.9688,0.9687,0.9685,0.9684,0.9684,0.9683,0.968,0.9675,0.9665,0.9651,0.965,0.9642,0.9642,0.9642,0.9639,0.9635,0.9614,0.9607,0.9603,0.9598,0.9593,0.9583,0.9578,0.9575,0.9573,0.9558,0.9557,0.9548,0.9536,0.953,0.9519,0.9516,0.9514,0.951,0.9504,0.9486,0.9465,0.9461,0.9458,0.945,0.9448,0.9423,0.9397,0.9396,0.9388,0.937,0.9351,0.9351,0.9349,0.9293,0.9288,0.9288,0.9279,0.9278,0.9271,0.9252,0.9186],[0.9942,0.9942,0.994,0.9931,0.9908,0.9904,0.9903,0.9886,0.9875,0.9874,0.9871,0.9868,0.9853,0.9847,0.9841,0.984,0.9839,0.9835,0.9834,0.982,0.982,0.9817,0.9817,0.9816,0.9816,0.9814,0.9808,0.9801,0.98,0.9799,0.9795,0.979,0.9787,0.9783,0.9779,0.9774,0.977,0.9764,0.9762,0.9761,0.9755,0.975,0.9748,0.9748,0.9746,0.9743,0.9741,0.9738,0.9735,0.9733,0.9733,0.9731,0.9727,0.9721,0.9721,0.9715,0.9714,0.9713,0.9712,0.9711,0.9711,0.9708,0.9704,0.9694,0.9682,0.9681,0.9674,0.9673,0.9673,0.967,0.9667,0.9648,0.9641,0.9638,0.9633,0.9628,0.962,0.9615,0.9612,0.9611,0.9596,0.9596,0.9587,0.9577,0.9571,0.956,0.9558,0.9556,0.9553,0.9547,0.9531,0.9511,0.9508,0.9505,0.9497,0.9496,0.9473,0.9449,0.9448,0.9441,0.9424,0.9407,0.9407,0.9405,0.9354,0.9349,0.9349,0.9341,0.934,0.9334,0.9317,0.9256],[0.9882,0.9881,0.9878,0.9859,0.9813,0.9804,0.9802,0.9768,0.9746,0.9744,0.9737,0.973,0.9701,0.9689,0.9676,0.9675,0.9672,0.9665,0.9663,0.9635,0.9634,0.9629,0.9628,0.9627,0.9626,0.9623,0.961,0.9596,0.9594,0.9592,0.9584,0.9573,0.9568,0.9561,0.9551,0.9543,0.9535,0.9521,0.9518,0.9517,0.9505,0.9494,0.949,0.949,0.9485,0.9481,0.9476,0.9471,0.9464,0.9461,0.946,0.9457,0.9448,0.9437,0.9435,0.9424,0.9423,0.942,0.9418,0.9417,0.9416,0.9411,0.9402,0.9383,0.9358,0.9356,0.9342,0.9342,0.9341,0.9336,0.9329,0.9292,0.9278,0.9272,0.9262,0.9253,0.9236,0.9226,0.9221,0.9218,0.919,0.9189,0.9172,0.9151,0.914,0.9119,0.9114,0.9111,0.9105,0.9093,0.9062,0.9024,0.9016,0.9011,0.8996,0.8994,0.8949,0.8903,0.8901,0.8887,0.8855,0.8823,0.8822,0.8818,0.872,0.8711,0.8711,0.8696,0.8694,0.8681,0.8649,0.8534],[0.9943,0.9942,0.9941,0.9931,0.9909,0.9905,0.9904,0.9887,0.9876,0.9875,0.9871,0.9868,0.9854,0.9848,0.9841,0.9841,0.984,0.9836,0.9835,0.9821,0.9821,0.9818,0.9818,0.9817,0.9817,0.9815,0.9809,0.9802,0.9801,0.98,0.9796,0.9791,0.9788,0.9784,0.978,0.9776,0.9772,0.9765,0.9763,0.9763,0.9757,0.9752,0.975,0.9749,0.9747,0.9745,0.9742,0.974,0.9736,0.9735,0.9734,0.9733,0.9728,0.9723,0.9722,0.9716,0.9716,0.9715,0.9713,0.9713,0.9713,0.971,0.9705,0.9696,0.9684,0.9682,0.9675,0.9675,0.9675,0.9672,0.9669,0.965,0.9643,0.964,0.9635,0.963,0.9622,0.9617,0.9614,0.9613,0.9599,0.9598,0.959,0.9579,0.9573,0.9563,0.956,0.9558,0.9555,0.9549,0.9534,0.9514,0.951,0.9507,0.95,0.9499,0.9476,0.9452,0.9451,0.9444,0.9427,0.9411,0.941,0.9408,0.9357,0.9353,0.9353,0.9345,0.9344,0.9337,0.932,0.926],[0.9894,0.9893,0.9891,0.9873,0.9832,0.9824,0.9823,0.9792,0.9772,0.977,0.9764,0.9758,0.9731,0.9721,0.9709,0.9709,0.9706,0.9699,0.9697,0.9672,0.9672,0.9667,0.9666,0.9665,0.9664,0.9662,0.965,0.9638,0.9635,0.9634,0.9627,0.9617,0.9612,0.9605,0.9597,0.9589,0.9582,0.957,0.9567,0.9566,0.9555,0.9546,0.9542,0.9542,0.9538,0.9533,0.9529,0.9524,0.9518,0.9516,0.9514,0.9512,0.9504,0.9494,0.9493,0.9483,0.9481,0.9479,0.9477,0.9476,0.9475,0.947,0.9463,0.9446,0.9423,0.9421,0.9409,0.9408,0.9407,0.9403,0.9396,0.9363,0.9351,0.9345,0.9336,0.9328,0.9313,0.9303,0.9299,0.9296,0.9271,0.927,0.9255,0.9236,0.9226,0.9207,0.9203,0.9199,0.9194,0.9183,0.9155,0.9121,0.9114,0.9109,0.9096,0.9094,0.9053,0.9011,0.9009,0.8997,0.8968,0.8938,0.8938,0.8934,0.8845,0.8837,0.8837,0.8823,0.8821,0.881,0.878,0.8676],[0.9958,0.9957,0.9956,0.995,0.9933,0.993,0.9929,0.9917,0.9909,0.9908,0.9906,0.9903,0.9893,0.9888,0.9884,0.9883,0.9882,0.988,0.9879,0.9869,0.9869,0.9867,0.9866,0.9866,0.9865,0.9864,0.986,0.9855,0.9854,0.9853,0.985,0.9846,0.9844,0.9842,0.9838,0.9835,0.9832,0.9827,0.9826,0.9826,0.9821,0.9817,0.9816,0.9816,0.9814,0.9812,0.9811,0.9809,0.9806,0.9805,0.9805,0.9804,0.98,0.9796,0.9796,0.9792,0.9791,0.979,0.9789,0.9789,0.9789,0.9787,0.9783,0.9776,0.9767,0.9766,0.9761,0.9761,0.9761,0.9759,0.9756,0.9743,0.9737,0.9735,0.9731,0.9728,0.9722,0.9718,0.9716,0.9715,0.9704,0.9704,0.9698,0.969,0.9686,0.9678,0.9676,0.9675,0.9672,0.9668,0.9656,0.9642,0.9639,0.9637,0.9631,0.9631,0.9613,0.9596,0.9595,0.959,0.9577,0.9565,0.9565,0.9563,0.9525,0.9522,0.9522,0.9516,0.9515,0.951,0.9497,0.9452],[0.9938,0.9937,0.9936,0.9926,0.9902,0.9897,0.9896,0.9878,0.9866,0.9865,0.9861,0.9858,0.9842,0.9836,0.9829,0.9829,0.9827,0.9824,0.9822,0.9808,0.9807,0.9804,0.9804,0.9803,0.9803,0.9801,0.9794,0.9787,0.9786,0.9785,0.9781,0.9775,0.9772,0.9768,0.9763,0.9758,0.9754,0.9747,0.9745,0.9744,0.9738,0.9732,0.973,0.973,0.9728,0.9725,0.9723,0.972,0.9716,0.9714,0.9714,0.9712,0.9707,0.9701,0.9701,0.9695,0.9694,0.9693,0.9691,0.9691,0.9691,0.9687,0.9683,0.9673,0.9659,0.9658,0.9651,0.965,0.965,0.9647,0.9643,0.9623,0.9616,0.9613,0.9607,0.9602,0.9593,0.9587,0.9585,0.9583,0.9568,0.9568,0.9558,0.9547,0.9541,0.953,0.9527,0.9525,0.9522,0.9515,0.9498,0.9477,0.9473,0.947,0.9462,0.9461,0.9436,0.9411,0.9409,0.9402,0.9384,0.9366,0.9366,0.9363,0.9309,0.9304,0.9304,0.9295,0.9294,0.9287,0.9269,0.9205],[0.9949,0.9948,0.9947,0.9938,0.9918,0.9914,0.9913,0.9899,0.9889,0.9888,0.9884,0.9882,0.9869,0.9863,0.9858,0.9857,0.9856,0.9853,0.9852,0.984,0.9839,0.9837,0.9836,0.9836,0.9835,0.9834,0.9829,0.9822,0.9821,0.9821,0.9817,0.9812,0.981,0.9806,0.9802,0.9798,0.9795,0.9789,0.9787,0.9787,0.9782,0.9777,0.9775,0.9775,0.9773,0.9771,0.9769,0.9766,0.9763,0.9762,0.9761,0.976,0.9756,0.9751,0.975,0.9745,0.9745,0.9744,0.9742,0.9742,0.9742,0.9739,0.9735,0.9727,0.9716,0.9714,0.9708,0.9708,0.9708,0.9705,0.9702,0.9685,0.9679,0.9676,0.9672,0.9668,0.966,0.9655,0.9653,0.9652,0.9639,0.9639,0.9631,0.9621,0.9616,0.9607,0.9605,0.9603,0.96,0.9595,0.9581,0.9563,0.9559,0.9557,0.955,0.9549,0.9528,0.9507,0.9506,0.95,0.9485,0.947,0.9469,0.9467,0.9421,0.9417,0.9417,0.941,0.9409,0.9403,0.9388,0.9333],[0.9947,0.9946,0.9945,0.9936,0.9916,0.9912,0.9911,0.9895,0.9885,0.9884,0.9881,0.9878,0.9865,0.9859,0.9853,0.9853,0.9852,0.9849,0.9847,0.9835,0.9834,0.9832,0.9831,0.9831,0.983,0.9829,0.9823,0.9817,0.9816,0.9815,0.9812,0.9806,0.9804,0.9801,0.9796,0.9792,0.9789,0.9783,0.9781,0.978,0.9775,0.977,0.9768,0.9768,0.9766,0.9764,0.9762,0.9759,0.9756,0.9755,0.9754,0.9753,0.9749,0.9743,0.9743,0.9738,0.9737,0.9736,0.9735,0.9734,0.9734,0.9731,0.9727,0.9719,0.9707,0.9706,0.97,0.9699,0.9699,0.9697,0.9693,0.9676,0.967,0.9667,0.9662,0.9658,0.965,0.9645,0.9643,0.9642,0.9628,0.9628,0.962,0.961,0.9605,0.9595,0.9593,0.9591,0.9588,0.9583,0.9568,0.955,0.9547,0.9544,0.9537,0.9536,0.9515,0.9493,0.9491,0.9485,0.947,0.9454,0.9454,0.9452,0.9405,0.94,0.94,0.9393,0.9392,0.9386,0.937,0.9314],[0.995,0.9949,0.9948,0.994,0.9921,0.9917,0.9916,0.9901,0.9892,0.9891,0.9888,0.9885,0.9873,0.9867,0.9862,0.9862,0.986,0.9857,0.9856,0.9844,0.9844,0.9842,0.9841,0.9841,0.984,0.9839,0.9834,0.9827,0.9826,0.9826,0.9822,0.9817,0.9815,0.9812,0.9808,0.9804,0.9801,0.9795,0.9794,0.9793,0.9788,0.9783,0.9782,0.9781,0.9779,0.9777,0.9775,0.9773,0.977,0.9769,0.9768,0.9767,0.9763,0.9758,0.9757,0.9753,0.9752,0.9751,0.975,0.9749,0.9749,0.9747,0.9743,0.9735,0.9724,0.9723,0.9717,0.9716,0.9716,0.9714,0.9711,0.9695,0.9689,0.9686,0.9681,0.9677,0.967,0.9665,0.9663,0.9662,0.9649,0.9649,0.9642,0.9632,0.9627,0.9618,0.9616,0.9614,0.9612,0.9606,0.9593,0.9575,0.9572,0.957,0.9563,0.9562,0.9542,0.9521,0.952,0.9514,0.9499,0.9485,0.9484,0.9482,0.9438,0.9434,0.9434,0.9427,0.9426,0.942,0.9405,0.9352],[0.9931,0.993,0.9928,0.9917,0.989,0.9885,0.9884,0.9864,0.985,0.9849,0.9845,0.9841,0.9824,0.9817,0.9809,0.9809,0.9807,0.9803,0.9801,0.9785,0.9784,0.9781,0.978,0.978,0.9779,0.9778,0.977,0.9762,0.976,0.9759,0.9755,0.9748,0.9745,0.974,0.9735,0.973,0.9725,0.9717,0.9715,0.9714,0.9707,0.9701,0.9698,0.9698,0.9695,0.9693,0.969,0.9687,0.9682,0.9681,0.968,0.9678,0.9673,0.9666,0.9665,0.9659,0.9658,0.9656,0.9655,0.9654,0.9654,0.9651,0.9645,0.9634,0.9619,0.9618,0.9609,0.9609,0.9609,0.9606,0.9601,0.9579,0.9571,0.9567,0.9561,0.9555,0.9545,0.9539,0.9536,0.9534,0.9517,0.9517,0.9507,0.9494,0.9487,0.9475,0.9472,0.9469,0.9466,0.9459,0.944,0.9416,0.9412,0.9408,0.94,0.9398,0.9371,0.9342,0.9341,0.9333,0.9313,0.9293,0.9293,0.929,0.9229,0.9224,0.9224,0.9214,0.9213,0.9205,0.9185,0.9114],[0.9899,0.9898,0.9896,0.9879,0.984,0.9833,0.9831,0.9802,0.9783,0.9781,0.9775,0.977,0.9744,0.9734,0.9723,0.9722,0.9719,0.9714,0.9711,0.9688,0.9687,0.9683,0.9682,0.9681,0.968,0.9678,0.9667,0.9655,0.9652,0.9651,0.9644,0.9635,0.963,0.9624,0.9616,0.9609,0.9602,0.959,0.9588,0.9586,0.9576,0.9567,0.9564,0.9563,0.9559,0.9555,0.9551,0.9547,0.9541,0.9538,0.9537,0.9535,0.9527,0.9517,0.9516,0.9507,0.9506,0.9503,0.9501,0.9501,0.95,0.9495,0.9488,0.9471,0.945,0.9448,0.9436,0.9436,0.9435,0.9431,0.9424,0.9393,0.9381,0.9376,0.9367,0.9359,0.9345,0.9336,0.9331,0.9329,0.9305,0.9304,0.9289,0.9271,0.9262,0.9244,0.924,0.9236,0.9231,0.9221,0.9194,0.9161,0.9155,0.915,0.9137,0.9136,0.9096,0.9057,0.9054,0.9043,0.9015,0.8987,0.8986,0.8982,0.8897,0.889,0.8889,0.8876,0.8875,0.8864,0.8835,0.8735],[0.9944,0.9943,0.9942,0.9933,0.9911,0.9907,0.9906,0.989,0.9879,0.9878,0.9874,0.9871,0.9857,0.9851,0.9845,0.9845,0.9843,0.984,0.9839,0.9826,0.9825,0.9823,0.9822,0.9822,0.9821,0.982,0.9814,0.9807,0.9806,0.9805,0.9801,0.9796,0.9793,0.979,0.9785,0.9781,0.9777,0.9771,0.9769,0.9768,0.9763,0.9757,0.9756,0.9755,0.9753,0.9751,0.9748,0.9746,0.9742,0.9741,0.974,0.9739,0.9735,0.9729,0.9729,0.9723,0.9723,0.9721,0.972,0.972,0.9719,0.9717,0.9712,0.9703,0.9691,0.969,0.9683,0.9683,0.9682,0.968,0.9676,0.9658,0.9652,0.9649,0.9644,0.9639,0.9631,0.9626,0.9623,0.9622,0.9608,0.9608,0.9599,0.9589,0.9583,0.9573,0.9571,0.9569,0.9566,0.956,0.9545,0.9525,0.9522,0.9519,0.9512,0.9511,0.9488,0.9465,0.9464,0.9457,0.9441,0.9424,0.9424,0.9422,0.9372,0.9368,0.9368,0.936,0.9359,0.9353,0.9336,0.9277],[0.9948,0.9948,0.9947,0.9938,0.9918,0.9914,0.9913,0.9898,0.9889,0.9888,0.9884,0.9882,0.9869,0.9863,0.9857,0.9857,0.9856,0.9853,0.9852,0.9839,0.9839,0.9837,0.9836,0.9836,0.9835,0.9834,0.9828,0.9822,0.9821,0.982,0.9817,0.9812,0.9809,0.9806,0.9802,0.9798,0.9795,0.9789,0.9787,0.9787,0.9781,0.9777,0.9775,0.9774,0.9772,0.977,0.9768,0.9766,0.9763,0.9761,0.9761,0.976,0.9756,0.9751,0.975,0.9745,0.9744,0.9743,0.9742,0.9742,0.9741,0.9739,0.9735,0.9726,0.9715,0.9714,0.9708,0.9708,0.9707,0.9705,0.9702,0.9685,0.9679,0.9676,0.9672,0.9667,0.966,0.9655,0.9653,0.9651,0.9639,0.9638,0.9631,0.9621,0.9616,0.9606,0.9604,0.9602,0.96,0.9594,0.958,0.9562,0.9559,0.9556,0.955,0.9549,0.9528,0.9506,0.9505,0.9499,0.9484,0.9469,0.9469,0.9467,0.9421,0.9417,0.9416,0.9409,0.9408,0.9402,0.9387,0.9333],[0.9958,0.9958,0.9957,0.995,0.9934,0.993,0.993,0.9918,0.991,0.9909,0.9906,0.9904,0.9893,0.9889,0.9884,0.9884,0.9883,0.9881,0.988,0.987,0.9869,0.9867,0.9867,0.9867,0.9866,0.9865,0.9861,0.9856,0.9855,0.9854,0.9851,0.9847,0.9845,0.9843,0.9839,0.9836,0.9833,0.9828,0.9827,0.9827,0.9822,0.9819,0.9817,0.9817,0.9815,0.9814,0.9812,0.981,0.9807,0.9806,0.9806,0.9805,0.9802,0.9797,0.9797,0.9793,0.9792,0.9791,0.9791,0.979,0.979,0.9788,0.9785,0.9778,0.9769,0.9768,0.9763,0.9763,0.9762,0.976,0.9758,0.9744,0.9739,0.9737,0.9733,0.973,0.9723,0.972,0.9718,0.9717,0.9706,0.9706,0.97,0.9692,0.9688,0.968,0.9678,0.9677,0.9674,0.967,0.9658,0.9644,0.9641,0.9639,0.9634,0.9633,0.9616,0.9598,0.9597,0.9592,0.958,0.9568,0.9567,0.9566,0.9528,0.9525,0.9525,0.9519,0.9518,0.9513,0.9501,0.9456],[0.9934,0.9934,0.9932,0.9921,0.9896,0.9891,0.989,0.9871,0.9858,0.9857,0.9853,0.985,0.9833,0.9826,0.9819,0.9819,0.9817,0.9813,0.9811,0.9796,0.9796,0.9793,0.9792,0.9791,0.9791,0.9789,0.9782,0.9774,0.9773,0.9772,0.9767,0.9761,0.9758,0.9754,0.9749,0.9744,0.9739,0.9732,0.973,0.9729,0.9722,0.9716,0.9714,0.9714,0.9711,0.9709,0.9706,0.9703,0.9699,0.9697,0.9697,0.9695,0.969,0.9684,0.9683,0.9677,0.9676,0.9674,0.9673,0.9672,0.9672,0.9669,0.9664,0.9653,0.9639,0.9638,0.963,0.9629,0.9629,0.9626,0.9622,0.9601,0.9593,0.9589,0.9584,0.9578,0.9569,0.9563,0.956,0.9559,0.9542,0.9542,0.9532,0.952,0.9514,0.9502,0.9499,0.9497,0.9493,0.9486,0.9469,0.9446,0.9442,0.9439,0.943,0.9429,0.9403,0.9376,0.9375,0.9367,0.9348,0.9329,0.9329,0.9326,0.9269,0.9264,0.9263,0.9254,0.9253,0.9246,0.9227,0.9158],[0.9931,0.993,0.9928,0.9917,0.989,0.9885,0.9884,0.9864,0.9851,0.9849,0.9845,0.9841,0.9824,0.9817,0.9809,0.9809,0.9807,0.9803,0.9801,0.9785,0.9785,0.9781,0.9781,0.978,0.9779,0.9778,0.977,0.9762,0.976,0.976,0.9755,0.9748,0.9745,0.9741,0.9735,0.973,0.9725,0.9717,0.9715,0.9715,0.9708,0.9701,0.9699,0.9698,0.9696,0.9693,0.969,0.9687,0.9683,0.9681,0.968,0.9679,0.9673,0.9667,0.9666,0.9659,0.9658,0.9657,0.9655,0.9655,0.9655,0.9651,0.9646,0.9635,0.962,0.9618,0.961,0.961,0.9609,0.9606,0.9602,0.958,0.9571,0.9568,0.9562,0.9556,0.9546,0.954,0.9537,0.9535,0.9518,0.9518,0.9507,0.9495,0.9488,0.9475,0.9472,0.947,0.9467,0.9459,0.944,0.9417,0.9413,0.9409,0.94,0.9399,0.9371,0.9343,0.9342,0.9333,0.9314,0.9294,0.9293,0.9291,0.923,0.9225,0.9225,0.9215,0.9214,0.9206,0.9186,0.9115],[0.997,0.997,0.9969,0.9965,0.9953,0.9951,0.995,0.9942,0.9936,0.9936,0.9934,0.9932,0.9925,0.9921,0.9918,0.9918,0.9917,0.9915,0.9915,0.9908,0.9908,0.9906,0.9906,0.9906,0.9905,0.9905,0.9901,0.9898,0.9897,0.9897,0.9895,0.9892,0.989,0.9889,0.9886,0.9884,0.9882,0.9878,0.9878,0.9877,0.9874,0.9871,0.987,0.987,0.9869,0.9868,0.9867,0.9865,0.9863,0.9863,0.9862,0.9862,0.9859,0.9856,0.9856,0.9853,0.9853,0.9852,0.9852,0.9851,0.9851,0.985,0.9847,0.9842,0.9836,0.9835,0.9832,0.9832,0.9831,0.983,0.9828,0.9819,0.9815,0.9813,0.9811,0.9808,0.9804,0.9801,0.98,0.9799,0.9792,0.9791,0.9787,0.9781,0.9778,0.9773,0.9771,0.977,0.9769,0.9766,0.9757,0.9747,0.9745,0.9744,0.974,0.9739,0.9727,0.9714,0.9714,0.971,0.9701,0.9693,0.9692,0.9691,0.9664,0.9662,0.9662,0.9658,0.9657,0.9654,0.9645,0.9612],[0.9852,0.9851,0.9847,0.9823,0.9766,0.9755,0.9753,0.971,0.9683,0.968,0.9671,0.9663,0.9626,0.9611,0.9595,0.9595,0.959,0.9582,0.9579,0.9545,0.9544,0.9537,0.9536,0.9535,0.9533,0.953,0.9514,0.9497,0.9493,0.9492,0.9482,0.9468,0.9461,0.9452,0.9441,0.943,0.942,0.9404,0.94,0.9398,0.9383,0.937,0.9366,0.9365,0.9359,0.9353,0.9348,0.9341,0.9332,0.9329,0.9327,0.9324,0.9313,0.9299,0.9297,0.9284,0.9282,0.9279,0.9276,0.9275,0.9274,0.9267,0.9256,0.9233,0.9203,0.9199,0.9183,0.9182,0.9181,0.9175,0.9166,0.912,0.9104,0.9096,0.9084,0.9072,0.9052,0.9039,0.9033,0.903,0.8995,0.8994,0.8973,0.8948,0.8934,0.8909,0.8903,0.8898,0.8891,0.8876,0.8839,0.8792,0.8783,0.8776,0.8758,0.8756,0.8701,0.8645,0.8642,0.8625,0.8586,0.8547,0.8546,0.8541,0.8422,0.8412,0.8411,0.8393,0.8391,0.8376,0.8336,0.8198],[0.9947,0.9947,0.9946,0.9937,0.9917,0.9913,0.9912,0.9896,0.9886,0.9885,0.9882,0.9879,0.9866,0.986,0.9855,0.9854,0.9853,0.985,0.9849,0.9836,0.9836,0.9833,0.9833,0.9832,0.9832,0.9831,0.9825,0.9819,0.9817,0.9817,0.9813,0.9808,0.9806,0.9802,0.9798,0.9794,0.979,0.9784,0.9783,0.9782,0.9777,0.9772,0.977,0.977,0.9768,0.9766,0.9764,0.9761,0.9758,0.9757,0.9756,0.9755,0.9751,0.9746,0.9745,0.974,0.9739,0.9738,0.9737,0.9737,0.9736,0.9734,0.973,0.9721,0.971,0.9708,0.9702,0.9702,0.9702,0.9699,0.9696,0.9679,0.9673,0.967,0.9665,0.9661,0.9653,0.9648,0.9646,0.9645,0.9632,0.9631,0.9623,0.9613,0.9608,0.9599,0.9596,0.9594,0.9592,0.9586,0.9572,0.9554,0.955,0.9548,0.9541,0.954,0.9518,0.9497,0.9496,0.9489,0.9474,0.9459,0.9458,0.9456,0.9409,0.9405,0.9405,0.9398,0.9397,0.9391,0.9375,0.932],[0.994,0.9939,0.9938,0.9928,0.9905,0.99,0.9899,0.9882,0.9871,0.987,0.9866,0.9863,0.9847,0.9841,0.9835,0.9834,0.9833,0.9829,0.9828,0.9814,0.9813,0.9811,0.981,0.981,0.9809,0.9807,0.9801,0.9794,0.9792,0.9792,0.9788,0.9782,0.9779,0.9775,0.977,0.9766,0.9762,0.9755,0.9753,0.9753,0.9746,0.9741,0.9739,0.9739,0.9736,0.9734,0.9731,0.9729,0.9725,0.9724,0.9723,0.9721,0.9717,0.9711,0.971,0.9704,0.9704,0.9702,0.9701,0.9701,0.97,0.9697,0.9693,0.9683,0.967,0.9669,0.9662,0.9661,0.9661,0.9658,0.9654,0.9635,0.9628,0.9625,0.962,0.9615,0.9606,0.96,0.9598,0.9596,0.9582,0.9581,0.9572,0.9561,0.9555,0.9544,0.9542,0.954,0.9537,0.953,0.9514,0.9494,0.949,0.9487,0.9479,0.9478,0.9454,0.9429,0.9428,0.9421,0.9403,0.9386,0.9386,0.9383,0.933,0.9326,0.9326,0.9317,0.9316,0.9309,0.9292,0.9229],[0.9954,0.9954,0.9953,0.9945,0.9927,0.9924,0.9923,0.9909,0.9901,0.99,0.9897,0.9895,0.9883,0.9878,0.9873,0.9873,0.9871,0.9869,0.9868,0.9857,0.9857,0.9854,0.9854,0.9854,0.9853,0.9852,0.9847,0.9842,0.984,0.984,0.9837,0.9832,0.983,0.9827,0.9824,0.982,0.9817,0.9812,0.981,0.981,0.9805,0.9801,0.9799,0.9799,0.9797,0.9795,0.9793,0.9791,0.9788,0.9787,0.9787,0.9786,0.9782,0.9778,0.9777,0.9773,0.9772,0.9771,0.977,0.977,0.977,0.9767,0.9764,0.9756,0.9746,0.9745,0.974,0.9739,0.9739,0.9737,0.9734,0.9719,0.9714,0.9711,0.9707,0.9703,0.9696,0.9692,0.969,0.9689,0.9678,0.9677,0.967,0.9662,0.9657,0.9649,0.9647,0.9645,0.9643,0.9638,0.9625,0.9609,0.9606,0.9604,0.9598,0.9597,0.9579,0.9559,0.9558,0.9553,0.9539,0.9526,0.9526,0.9524,0.9483,0.9479,0.9479,0.9472,0.9472,0.9466,0.9453,0.9404],[0.995,0.9949,0.9948,0.994,0.992,0.9917,0.9916,0.9901,0.9892,0.9891,0.9888,0.9885,0.9872,0.9867,0.9862,0.9861,0.986,0.9857,0.9856,0.9844,0.9844,0.9841,0.9841,0.984,0.984,0.9839,0.9833,0.9827,0.9826,0.9825,0.9822,0.9817,0.9815,0.9812,0.9808,0.9804,0.98,0.9795,0.9793,0.9793,0.9787,0.9783,0.9781,0.9781,0.9779,0.9777,0.9775,0.9773,0.9769,0.9768,0.9768,0.9767,0.9763,0.9758,0.9757,0.9752,0.9752,0.9751,0.9749,0.9749,0.9749,0.9746,0.9742,0.9734,0.9723,0.9722,0.9716,0.9716,0.9716,0.9713,0.971,0.9694,0.9688,0.9685,0.9681,0.9677,0.9669,0.9665,0.9662,0.9661,0.9649,0.9649,0.9641,0.9632,0.9627,0.9618,0.9615,0.9614,0.9611,0.9606,0.9592,0.9575,0.9571,0.9569,0.9562,0.9562,0.9541,0.952,0.9519,0.9513,0.9499,0.9484,0.9484,0.9482,0.9437,0.9433,0.9433,0.9426,0.9425,0.9419,0.9404,0.9351],[0.9919,0.9918,0.9916,0.9903,0.9871,0.9865,0.9864,0.984,0.9825,0.9823,0.9818,0.9814,0.9793,0.9785,0.9776,0.9776,0.9773,0.9769,0.9767,0.9748,0.9747,0.9744,0.9743,0.9742,0.9741,0.9739,0.9731,0.9721,0.9719,0.9718,0.9713,0.9705,0.9701,0.9696,0.9689,0.9683,0.9678,0.9669,0.9666,0.9665,0.9657,0.965,0.9647,0.9647,0.9643,0.964,0.9637,0.9633,0.9628,0.9626,0.9625,0.9624,0.9617,0.9609,0.9608,0.9601,0.96,0.9598,0.9596,0.9596,0.9595,0.9591,0.9585,0.9572,0.9555,0.9553,0.9543,0.9543,0.9542,0.9539,0.9534,0.9508,0.9498,0.9494,0.9487,0.948,0.9468,0.9461,0.9458,0.9456,0.9436,0.9436,0.9423,0.9409,0.9401,0.9386,0.9383,0.938,0.9376,0.9367,0.9346,0.9318,0.9313,0.9309,0.9299,0.9298,0.9265,0.9233,0.9231,0.9221,0.9198,0.9175,0.9175,0.9172,0.9102,0.9096,0.9095,0.9084,0.9083,0.9074,0.9051,0.8968],[0.9897,0.9896,0.9893,0.9876,0.9836,0.9829,0.9827,0.9797,0.9777,0.9776,0.9769,0.9764,0.9738,0.9727,0.9716,0.9715,0.9712,0.9706,0.9704,0.968,0.9679,0.9675,0.9673,0.9673,0.9672,0.9669,0.9658,0.9646,0.9644,0.9642,0.9635,0.9625,0.9621,0.9614,0.9606,0.9599,0.9592,0.958,0.9577,0.9576,0.9565,0.9556,0.9553,0.9552,0.9548,0.9544,0.954,0.9535,0.9529,0.9527,0.9526,0.9523,0.9515,0.9505,0.9504,0.9494,0.9493,0.9491,0.9489,0.9488,0.9487,0.9482,0.9475,0.9458,0.9436,0.9434,0.9422,0.9421,0.9421,0.9416,0.941,0.9378,0.9366,0.936,0.9351,0.9343,0.9328,0.9319,0.9315,0.9312,0.9287,0.9287,0.9272,0.9253,0.9244,0.9225,0.9221,0.9217,0.9212,0.9202,0.9174,0.914,0.9134,0.9129,0.9116,0.9114,0.9074,0.9033,0.9031,0.9019,0.8991,0.8962,0.8961,0.8958,0.887,0.8863,0.8862,0.8849,0.8847,0.8836,0.8807,0.8705],[0.9941,0.9941,0.9939,0.993,0.9907,0.9902,0.9901,0.9884,0.9873,0.9872,0.9868,0.9865,0.985,0.9844,0.9838,0.9837,0.9835,0.9832,0.9831,0.9817,0.9817,0.9814,0.9813,0.9813,0.9812,0.9811,0.9804,0.9797,0.9796,0.9795,0.9791,0.9785,0.9783,0.9779,0.9774,0.977,0.9766,0.9759,0.9757,0.9757,0.9751,0.9745,0.9743,0.9743,0.9741,0.9738,0.9736,0.9733,0.973,0.9728,0.9728,0.9726,0.9722,0.9716,0.9715,0.9709,0.9709,0.9707,0.9706,0.9706,0.9705,0.9702,0.9698,0.9688,0.9676,0.9674,0.9667,0.9667,0.9667,0.9664,0.966,0.9641,0.9634,0.9631,0.9626,0.9621,0.9613,0.9607,0.9605,0.9603,0.9589,0.9588,0.9579,0.9569,0.9563,0.9552,0.9549,0.9547,0.9544,0.9538,0.9522,0.9502,0.9498,0.9495,0.9488,0.9487,0.9463,0.9439,0.9437,0.943,0.9413,0.9396,0.9396,0.9394,0.9342,0.9337,0.9337,0.9329,0.9328,0.9321,0.9304,0.9242],[0.9951,0.995,0.9949,0.9941,0.9922,0.9918,0.9917,0.9903,0.9893,0.9893,0.9889,0.9887,0.9874,0.9869,0.9864,0.9864,0.9862,0.9859,0.9858,0.9846,0.9846,0.9844,0.9843,0.9843,0.9842,0.9841,0.9836,0.983,0.9829,0.9828,0.9825,0.982,0.9818,0.9815,0.9811,0.9807,0.9804,0.9798,0.9797,0.9796,0.9791,0.9786,0.9785,0.9784,0.9782,0.978,0.9778,0.9776,0.9773,0.9772,0.9771,0.977,0.9766,0.9762,0.9761,0.9756,0.9756,0.9754,0.9753,0.9753,0.9753,0.975,0.9747,0.9738,0.9728,0.9727,0.9721,0.972,0.972,0.9718,0.9715,0.9699,0.9693,0.969,0.9686,0.9682,0.9675,0.967,0.9668,0.9667,0.9654,0.9654,0.9647,0.9637,0.9633,0.9624,0.9621,0.962,0.9617,0.9612,0.9598,0.9581,0.9578,0.9576,0.9569,0.9568,0.9548,0.9528,0.9527,0.9521,0.9506,0.9492,0.9492,0.949,0.9446,0.9442,0.9442,0.9435,0.9434,0.9428,0.9414,0.9361],[0.9964,0.9963,0.9962,0.9956,0.9942,0.9939,0.9939,0.9928,0.9921,0.9921,0.9918,0.9916,0.9907,0.9903,0.9899,0.9899,0.9898,0.9896,0.9895,0.9886,0.9886,0.9885,0.9884,0.9884,0.9883,0.9883,0.9879,0.9874,0.9873,0.9873,0.987,0.9867,0.9865,0.9863,0.986,0.9857,0.9855,0.985,0.9849,0.9849,0.9845,0.9842,0.9841,0.984,0.9839,0.9837,0.9836,0.9834,0.9832,0.9831,0.9831,0.983,0.9827,0.9823,0.9823,0.9819,0.9819,0.9818,0.9817,0.9817,0.9817,0.9815,0.9812,0.9806,0.9798,0.9797,0.9793,0.9793,0.9793,0.9791,0.9789,0.9777,0.9772,0.977,0.9767,0.9764,0.9759,0.9755,0.9754,0.9753,0.9744,0.9744,0.9738,0.9731,0.9728,0.9721,0.9719,0.9718,0.9716,0.9712,0.9702,0.9689,0.9687,0.9685,0.968,0.968,0.9665,0.9649,0.9648,0.9644,0.9633,0.9622,0.9622,0.9621,0.9588,0.9585,0.9585,0.958,0.9579,0.9575,0.9564,0.9524],[0.9957,0.9957,0.9956,0.9949,0.9932,0.9929,0.9928,0.9915,0.9907,0.9906,0.9904,0.9901,0.989,0.9886,0.9881,0.9881,0.988,0.9877,0.9876,0.9866,0.9866,0.9864,0.9863,0.9863,0.9863,0.9862,0.9857,0.9852,0.9851,0.985,0.9847,0.9843,0.9841,0.9838,0.9835,0.9832,0.9829,0.9824,0.9822,0.9822,0.9817,0.9813,0.9812,0.9812,0.981,0.9808,0.9807,0.9805,0.9802,0.9801,0.98,0.9799,0.9796,0.9792,0.9791,0.9787,0.9787,0.9786,0.9785,0.9784,0.9784,0.9782,0.9779,0.9772,0.9762,0.9761,0.9756,0.9756,0.9756,0.9754,0.9751,0.9737,0.9732,0.9729,0.9726,0.9722,0.9716,0.9712,0.971,0.9709,0.9698,0.9698,0.9691,0.9683,0.9679,0.9671,0.9669,0.9668,0.9665,0.9661,0.9649,0.9634,0.9631,0.9629,0.9623,0.9623,0.9605,0.9587,0.9586,0.9581,0.9568,0.9556,0.9555,0.9554,0.9515,0.9512,0.9511,0.9505,0.9505,0.95,0.9487,0.9441],[0.997,0.997,0.9969,0.9965,0.9953,0.9951,0.995,0.9942,0.9936,0.9935,0.9934,0.9932,0.9924,0.9921,0.9918,0.9918,0.9917,0.9915,0.9915,0.9908,0.9907,0.9906,0.9906,0.9906,0.9905,0.9905,0.9901,0.9898,0.9897,0.9897,0.9895,0.9892,0.989,0.9888,0.9886,0.9884,0.9882,0.9878,0.9877,0.9877,0.9874,0.9871,0.987,0.987,0.9869,0.9868,0.9867,0.9865,0.9863,0.9863,0.9862,0.9862,0.9859,0.9856,0.9856,0.9853,0.9853,0.9852,0.9851,0.9851,0.9851,0.9849,0.9847,0.9842,0.9836,0.9835,0.9832,0.9831,0.9831,0.983,0.9828,0.9818,0.9815,0.9813,0.981,0.9808,0.9803,0.9801,0.9799,0.9799,0.9791,0.9791,0.9787,0.9781,0.9778,0.9772,0.9771,0.977,0.9769,0.9765,0.9757,0.9747,0.9745,0.9743,0.9739,0.9739,0.9727,0.9714,0.9713,0.971,0.9701,0.9692,0.9692,0.9691,0.9664,0.9661,0.9661,0.9657,0.9657,0.9653,0.9644,0.9612],[0.9956,0.9956,0.9955,0.9948,0.9931,0.9927,0.9927,0.9914,0.9906,0.9905,0.9902,0.99,0.9889,0.9884,0.9879,0.9879,0.9878,0.9875,0.9874,0.9864,0.9864,0.9861,0.9861,0.9861,0.986,0.9859,0.9854,0.9849,0.9848,0.9848,0.9845,0.984,0.9838,0.9836,0.9832,0.9829,0.9826,0.9821,0.9819,0.9819,0.9814,0.981,0.9809,0.9809,0.9807,0.9805,0.9803,0.9801,0.9799,0.9798,0.9797,0.9796,0.9793,0.9788,0.9788,0.9784,0.9783,0.9782,0.9781,0.9781,0.9781,0.9778,0.9775,0.9768,0.9758,0.9757,0.9752,0.9752,0.9752,0.975,0.9747,0.9733,0.9727,0.9725,0.9721,0.9717,0.9711,0.9707,0.9705,0.9704,0.9693,0.9693,0.9686,0.9678,0.9674,0.9666,0.9664,0.9662,0.966,0.9655,0.9643,0.9628,0.9625,0.9623,0.9617,0.9616,0.9599,0.958,0.9579,0.9574,0.9561,0.9548,0.9548,0.9546,0.9507,0.9504,0.9503,0.9497,0.9497,0.9492,0.9478,0.9432],[0.9944,0.9944,0.9942,0.9933,0.9912,0.9907,0.9906,0.989,0.988,0.9879,0.9875,0.9872,0.9858,0.9852,0.9846,0.9846,0.9844,0.9841,0.984,0.9826,0.9826,0.9824,0.9823,0.9823,0.9822,0.9821,0.9815,0.9808,0.9807,0.9806,0.9802,0.9797,0.9794,0.9791,0.9786,0.9782,0.9778,0.9772,0.977,0.9769,0.9764,0.9759,0.9757,0.9756,0.9754,0.9752,0.975,0.9747,0.9744,0.9742,0.9742,0.974,0.9736,0.9731,0.973,0.9725,0.9724,0.9723,0.9721,0.9721,0.9721,0.9718,0.9714,0.9705,0.9693,0.9691,0.9685,0.9684,0.9684,0.9681,0.9678,0.966,0.9653,0.965,0.9645,0.9641,0.9633,0.9628,0.9625,0.9624,0.961,0.961,0.9601,0.9591,0.9585,0.9575,0.9573,0.9571,0.9568,0.9562,0.9547,0.9528,0.9524,0.9521,0.9514,0.9513,0.949,0.9468,0.9466,0.9459,0.9443,0.9427,0.9427,0.9425,0.9375,0.9371,0.9371,0.9363,0.9362,0.9356,0.9339,0.928],[0.9963,0.9962,0.9961,0.9955,0.9941,0.9938,0.9937,0.9926,0.9919,0.9918,0.9916,0.9914,0.9905,0.9901,0.9897,0.9896,0.9895,0.9893,0.9892,0.9883,0.9883,0.9881,0.9881,0.9881,0.988,0.9879,0.9875,0.9871,0.987,0.9869,0.9867,0.9863,0.9861,0.9859,0.9856,0.9853,0.9851,0.9846,0.9845,0.9845,0.9841,0.9838,0.9836,0.9836,0.9835,0.9833,0.9831,0.983,0.9827,0.9827,0.9826,0.9825,0.9822,0.9819,0.9818,0.9815,0.9814,0.9813,0.9812,0.9812,0.9812,0.981,0.9807,0.9801,0.9793,0.9792,0.9787,0.9787,0.9787,0.9785,0.9783,0.9771,0.9766,0.9764,0.9761,0.9758,0.9752,0.9749,0.9747,0.9746,0.9737,0.9737,0.9731,0.9724,0.972,0.9713,0.9711,0.971,0.9708,0.9704,0.9694,0.9681,0.9678,0.9676,0.9672,0.9671,0.9655,0.964,0.9639,0.9634,0.9623,0.9612,0.9612,0.9611,0.9577,0.9574,0.9574,0.9568,0.9568,0.9563,0.9552,0.9512],[0.9971,0.997,0.997,0.9965,0.9953,0.9951,0.9951,0.9942,0.9937,0.9936,0.9934,0.9933,0.9925,0.9922,0.9919,0.9919,0.9918,0.9916,0.9915,0.9908,0.9908,0.9907,0.9907,0.9906,0.9906,0.9905,0.9902,0.9899,0.9898,0.9898,0.9896,0.9893,0.9891,0.9889,0.9887,0.9885,0.9883,0.9879,0.9879,0.9878,0.9875,0.9873,0.9872,0.9871,0.987,0.9869,0.9868,0.9866,0.9865,0.9864,0.9864,0.9863,0.9861,0.9858,0.9857,0.9854,0.9854,0.9853,0.9853,0.9853,0.9852,0.9851,0.9849,0.9844,0.9837,0.9837,0.9833,0.9833,0.9833,0.9831,0.983,0.982,0.9816,0.9815,0.9812,0.981,0.9805,0.9803,0.9801,0.9801,0.9793,0.9793,0.9789,0.9783,0.978,0.9775,0.9773,0.9772,0.9771,0.9768,0.9759,0.9749,0.9747,0.9746,0.9742,0.9741,0.9729,0.9717,0.9716,0.9712,0.9704,0.9695,0.9695,0.9694,0.9667,0.9665,0.9664,0.966,0.966,0.9656,0.9647,0.9615],[0.9966,0.9965,0.9964,0.9959,0.9945,0.9943,0.9942,0.9932,0.9926,0.9925,0.9923,0.9921,0.9912,0.9909,0.9905,0.9905,0.9904,0.9902,0.9901,0.9893,0.9892,0.9891,0.989,0.989,0.989,0.9889,0.9885,0.9881,0.988,0.988,0.9877,0.9874,0.9872,0.987,0.9867,0.9865,0.9863,0.9859,0.9858,0.9857,0.9854,0.985,0.9849,0.9849,0.9848,0.9846,0.9845,0.9843,0.9841,0.984,0.984,0.9839,0.9836,0.9833,0.9833,0.9829,0.9829,0.9828,0.9827,0.9827,0.9827,0.9825,0.9822,0.9817,0.9809,0.9808,0.9804,0.9804,0.9804,0.9802,0.98,0.9789,0.9785,0.9783,0.978,0.9777,0.9772,0.9769,0.9767,0.9766,0.9758,0.9757,0.9752,0.9746,0.9742,0.9736,0.9734,0.9733,0.9731,0.9728,0.9718,0.9706,0.9704,0.9702,0.9697,0.9697,0.9683,0.9668,0.9667,0.9663,0.9653,0.9643,0.9642,0.9641,0.961,0.9607,0.9607,0.9602,0.9602,0.9597,0.9587,0.955],[0.9976,0.9975,0.9975,0.9971,0.9961,0.9959,0.9959,0.9952,0.9947,0.9947,0.9945,0.9944,0.9938,0.9935,0.9932,0.9932,0.9931,0.993,0.9929,0.9924,0.9923,0.9922,0.9922,0.9922,0.9922,0.9921,0.9918,0.9915,0.9915,0.9915,0.9913,0.991,0.9909,0.9908,0.9906,0.9904,0.9902,0.9899,0.9899,0.9898,0.9896,0.9894,0.9893,0.9893,0.9892,0.9891,0.989,0.9888,0.9887,0.9886,0.9886,0.9885,0.9883,0.9881,0.9881,0.9878,0.9878,0.9878,0.9877,0.9877,0.9877,0.9875,0.9874,0.9869,0.9864,0.9864,0.9861,0.986,0.986,0.9859,0.9858,0.985,0.9847,0.9845,0.9843,0.9841,0.9837,0.9835,0.9834,0.9833,0.9827,0.9827,0.9823,0.9819,0.9816,0.9812,0.981,0.981,0.9808,0.9806,0.9799,0.979,0.9789,0.9787,0.9784,0.9784,0.9773,0.9763,0.9763,0.976,0.9752,0.9745,0.9745,0.9744,0.9721,0.9719,0.9719,0.9716,0.9715,0.9712,0.9705,0.9678],[0.9966,0.9965,0.9965,0.9959,0.9946,0.9943,0.9942,0.9932,0.9926,0.9925,0.9923,0.9921,0.9913,0.9909,0.9905,0.9905,0.9904,0.9902,0.9901,0.9893,0.9893,0.9891,0.9891,0.9891,0.989,0.989,0.9886,0.9882,0.9881,0.988,0.9878,0.9875,0.9873,0.9871,0.9868,0.9866,0.9863,0.9859,0.9858,0.9858,0.9854,0.9851,0.985,0.985,0.9848,0.9847,0.9846,0.9844,0.9842,0.9841,0.9841,0.984,0.9837,0.9834,0.9833,0.983,0.983,0.9829,0.9828,0.9828,0.9828,0.9826,0.9823,0.9818,0.981,0.9809,0.9805,0.9805,0.9805,0.9803,0.9801,0.979,0.9786,0.9784,0.9781,0.9778,0.9773,0.977,0.9768,0.9767,0.9759,0.9759,0.9753,0.9747,0.9744,0.9737,0.9736,0.9734,0.9733,0.9729,0.9719,0.9708,0.9705,0.9703,0.9699,0.9698,0.9684,0.967,0.9669,0.9665,0.9655,0.9645,0.9644,0.9643,0.9612,0.9609,0.9609,0.9604,0.9604,0.96,0.9589,0.9552],[0.9967,0.9966,0.9965,0.996,0.9947,0.9944,0.9944,0.9934,0.9928,0.9927,0.9925,0.9923,0.9915,0.9911,0.9908,0.9907,0.9906,0.9904,0.9904,0.9896,0.9895,0.9894,0.9894,0.9893,0.9893,0.9892,0.9889,0.9884,0.9884,0.9883,0.9881,0.9878,0.9876,0.9874,0.9871,0.9869,0.9866,0.9863,0.9862,0.9861,0.9858,0.9855,0.9854,0.9853,0.9852,0.9851,0.9849,0.9848,0.9846,0.9845,0.9845,0.9844,0.9841,0.9838,0.9837,0.9834,0.9834,0.9833,0.9832,0.9832,0.9832,0.983,0.9828,0.9822,0.9815,0.9814,0.981,0.981,0.981,0.9808,0.9806,0.9795,0.9791,0.9789,0.9786,0.9783,0.9778,0.9775,0.9774,0.9773,0.9765,0.9764,0.9759,0.9753,0.975,0.9743,0.9742,0.9741,0.9739,0.9735,0.9726,0.9714,0.9712,0.971,0.9706,0.9705,0.9692,0.9678,0.9677,0.9673,0.9663,0.9653,0.9653,0.9651,0.9621,0.9618,0.9618,0.9613,0.9613,0.9609,0.9599,0.9563],[0.9977,0.9976,0.9976,0.9972,0.9963,0.9961,0.9961,0.9954,0.995,0.9949,0.9948,0.9946,0.994,0.9938,0.9935,0.9935,0.9935,0.9933,0.9933,0.9927,0.9927,0.9926,0.9926,0.9926,0.9925,0.9925,0.9922,0.9919,0.9919,0.9918,0.9917,0.9915,0.9913,0.9912,0.991,0.9908,0.9907,0.9904,0.9903,0.9903,0.9901,0.9898,0.9898,0.9898,0.9897,0.9896,0.9895,0.9894,0.9892,0.9892,0.9891,0.9891,0.9889,0.9887,0.9886,0.9884,0.9884,0.9883,0.9883,0.9883,0.9882,0.9881,0.9879,0.9876,0.987,0.987,0.9867,0.9867,0.9867,0.9866,0.9864,0.9857,0.9854,0.9852,0.985,0.9848,0.9845,0.9843,0.9842,0.9841,0.9835,0.9835,0.9831,0.9827,0.9825,0.982,0.9819,0.9818,0.9817,0.9815,0.9808,0.98,0.9798,0.9797,0.9794,0.9794,0.9784,0.9774,0.9774,0.9771,0.9764,0.9757,0.9756,0.9756,0.9734,0.9732,0.9732,0.9729,0.9728,0.9726,0.9718,0.9693],[0.9976,0.9976,0.9976,0.9972,0.9963,0.9961,0.996,0.9954,0.9949,0.9949,0.9947,0.9946,0.994,0.9937,0.9935,0.9935,0.9934,0.9933,0.9932,0.9927,0.9926,0.9925,0.9925,0.9925,0.9925,0.9924,0.9921,0.9919,0.9918,0.9918,0.9916,0.9914,0.9913,0.9911,0.9909,0.9908,0.9906,0.9903,0.9903,0.9902,0.99,0.9898,0.9897,0.9897,0.9896,0.9895,0.9894,0.9893,0.9891,0.9891,0.989,0.989,0.9888,0.9886,0.9885,0.9883,0.9883,0.9882,0.9882,0.9882,0.9881,0.988,0.9878,0.9874,0.9869,0.9869,0.9866,0.9866,0.9866,0.9865,0.9863,0.9855,0.9852,0.9851,0.9849,0.9847,0.9844,0.9841,0.984,0.984,0.9834,0.9834,0.983,0.9826,0.9823,0.9819,0.9818,0.9817,0.9816,0.9813,0.9807,0.9798,0.9797,0.9795,0.9792,0.9792,0.9782,0.9772,0.9772,0.9769,0.9762,0.9755,0.9754,0.9753,0.9732,0.973,0.973,0.9727,0.9726,0.9723,0.9716,0.969],[0.9975,0.9975,0.9974,0.997,0.996,0.9958,0.9958,0.9951,0.9946,0.9945,0.9944,0.9942,0.9936,0.9933,0.9931,0.9931,0.993,0.9928,0.9928,0.9922,0.9922,0.9921,0.992,0.992,0.992,0.9919,0.9916,0.9913,0.9913,0.9913,0.9911,0.9908,0.9907,0.9906,0.9904,0.9902,0.99,0.9897,0.9896,0.9896,0.9893,0.9891,0.989,0.989,0.9889,0.9888,0.9887,0.9886,0.9884,0.9884,0.9883,0.9883,0.9881,0.9878,0.9878,0.9876,0.9875,0.9875,0.9874,0.9874,0.9874,0.9873,0.9871,0.9867,0.9861,0.986,0.9857,0.9857,0.9857,0.9856,0.9854,0.9846,0.9843,0.9842,0.984,0.9837,0.9834,0.9831,0.983,0.983,0.9823,0.9823,0.9819,0.9814,0.9812,0.9807,0.9806,0.9805,0.9804,0.9801,0.9794,0.9786,0.9784,0.9783,0.9779,0.9779,0.9768,0.9758,0.9757,0.9754,0.9747,0.9739,0.9739,0.9738,0.9715,0.9713,0.9713,0.9709,0.9709,0.9706,0.9698,0.9671],[0.9978,0.9978,0.9978,0.9974,0.9966,0.9964,0.9964,0.9957,0.9953,0.9953,0.9951,0.995,0.9945,0.9942,0.994,0.994,0.9939,0.9938,0.9938,0.9932,0.9932,0.9931,0.9931,0.9931,0.9931,0.993,0.9928,0.9925,0.9925,0.9924,0.9923,0.9921,0.992,0.9918,0.9917,0.9915,0.9913,0.9911,0.991,0.991,0.9908,0.9906,0.9905,0.9905,0.9904,0.9903,0.9902,0.9901,0.99,0.9899,0.9899,0.9899,0.9897,0.9895,0.9895,0.9892,0.9892,0.9892,0.9891,0.9891,0.9891,0.989,0.9888,0.9885,0.988,0.9879,0.9877,0.9877,0.9876,0.9875,0.9874,0.9867,0.9864,0.9863,0.9861,0.9859,0.9856,0.9854,0.9853,0.9853,0.9847,0.9847,0.9844,0.9839,0.9837,0.9833,0.9832,0.9832,0.983,0.9828,0.9822,0.9814,0.9813,0.9812,0.9809,0.9809,0.9799,0.979,0.979,0.9787,0.9781,0.9774,0.9774,0.9773,0.9753,0.9751,0.9751,0.9748,0.9748,0.9745,0.9739,0.9715],[0.9983,0.9982,0.9982,0.9979,0.9972,0.9971,0.9971,0.9966,0.9962,0.9962,0.9961,0.996,0.9956,0.9954,0.9952,0.9952,0.9951,0.995,0.995,0.9946,0.9945,0.9945,0.9944,0.9944,0.9944,0.9944,0.9942,0.994,0.9939,0.9939,0.9938,0.9936,0.9935,0.9934,0.9933,0.9932,0.993,0.9928,0.9928,0.9928,0.9926,0.9924,0.9924,0.9923,0.9923,0.9922,0.9921,0.9921,0.9919,0.9919,0.9919,0.9918,0.9917,0.9915,0.9915,0.9913,0.9913,0.9913,0.9912,0.9912,0.9912,0.9911,0.991,0.9907,0.9903,0.9903,0.9901,0.9901,0.99,0.99,0.9899,0.9893,0.9891,0.989,0.9888,0.9887,0.9884,0.9882,0.9882,0.9881,0.9877,0.9877,0.9874,0.9871,0.9869,0.9866,0.9865,0.9864,0.9863,0.9861,0.9856,0.985,0.9849,0.9848,0.9846,0.9846,0.9838,0.9831,0.9831,0.9828,0.9823,0.9818,0.9818,0.9817,0.9801,0.98,0.9799,0.9797,0.9797,0.9795,0.9789,0.977],[0.9985,0.9984,0.9984,0.9982,0.9975,0.9974,0.9974,0.997,0.9967,0.9966,0.9965,0.9965,0.9961,0.9959,0.9957,0.9957,0.9957,0.9956,0.9955,0.9952,0.9952,0.9951,0.9951,0.9951,0.9951,0.995,0.9948,0.9947,0.9946,0.9946,0.9945,0.9943,0.9943,0.9942,0.994,0.9939,0.9938,0.9936,0.9936,0.9936,0.9934,0.9933,0.9932,0.9932,0.9931,0.9931,0.993,0.993,0.9929,0.9928,0.9928,0.9928,0.9926,0.9925,0.9925,0.9923,0.9923,0.9923,0.9922,0.9922,0.9922,0.9921,0.992,0.9918,0.9914,0.9914,0.9912,0.9912,0.9912,0.9911,0.991,0.9905,0.9903,0.9902,0.9901,0.9899,0.9897,0.9896,0.9895,0.9895,0.9891,0.9891,0.9888,0.9885,0.9884,0.9881,0.988,0.988,0.9879,0.9877,0.9873,0.9867,0.9866,0.9865,0.9863,0.9863,0.9857,0.985,0.985,0.9848,0.9843,0.9838,0.9838,0.9838,0.9823,0.9822,0.9822,0.982,0.982,0.9818,0.9813,0.9796],[0.9978,0.9977,0.9977,0.9973,0.9965,0.9963,0.9962,0.9956,0.9952,0.9951,0.995,0.9949,0.9943,0.9941,0.9938,0.9938,0.9937,0.9936,0.9936,0.993,0.993,0.9929,0.9929,0.9929,0.9928,0.9928,0.9925,0.9923,0.9922,0.9922,0.992,0.9918,0.9917,0.9916,0.9914,0.9912,0.9911,0.9908,0.9907,0.9907,0.9905,0.9903,0.9902,0.9902,0.9901,0.99,0.9899,0.9898,0.9897,0.9896,0.9896,0.9895,0.9894,0.9891,0.9891,0.9889,0.9889,0.9888,0.9888,0.9887,0.9887,0.9886,0.9884,0.9881,0.9876,0.9875,0.9873,0.9872,0.9872,0.9871,0.987,0.9863,0.986,0.9859,0.9857,0.9855,0.9851,0.9849,0.9848,0.9848,0.9842,0.9842,0.9838,0.9834,0.9832,0.9828,0.9827,0.9826,0.9825,0.9822,0.9816,0.9808,0.9807,0.9806,0.9803,0.9802,0.9793,0.9783,0.9783,0.978,0.9773,0.9767,0.9767,0.9766,0.9745,0.9743,0.9743,0.974,0.974,0.9737,0.973,0.9706],[0.9978,0.9978,0.9978,0.9974,0.9966,0.9964,0.9964,0.9957,0.9953,0.9953,0.9951,0.995,0.9945,0.9942,0.994,0.994,0.9939,0.9938,0.9937,0.9932,0.9932,0.9931,0.9931,0.9931,0.993,0.993,0.9928,0.9925,0.9924,0.9924,0.9923,0.992,0.9919,0.9918,0.9916,0.9915,0.9913,0.9911,0.991,0.991,0.9907,0.9905,0.9905,0.9905,0.9904,0.9903,0.9902,0.9901,0.99,0.9899,0.9899,0.9898,0.9897,0.9894,0.9894,0.9892,0.9892,0.9891,0.9891,0.9891,0.9891,0.9889,0.9888,0.9884,0.9879,0.9879,0.9876,0.9876,0.9876,0.9875,0.9874,0.9866,0.9864,0.9863,0.9861,0.9859,0.9856,0.9854,0.9853,0.9852,0.9847,0.9846,0.9843,0.9839,0.9837,0.9833,0.9832,0.9831,0.983,0.9827,0.9821,0.9814,0.9812,0.9811,0.9808,0.9808,0.9799,0.979,0.9789,0.9786,0.978,0.9773,0.9773,0.9772,0.9752,0.9751,0.9751,0.9747,0.9747,0.9744,0.9738,0.9714],[0.9977,0.9977,0.9976,0.9972,0.9963,0.9961,0.9961,0.9954,0.995,0.9949,0.9948,0.9947,0.9941,0.9938,0.9936,0.9936,0.9935,0.9934,0.9933,0.9928,0.9928,0.9926,0.9926,0.9926,0.9926,0.9925,0.9923,0.992,0.9919,0.9919,0.9917,0.9915,0.9914,0.9913,0.9911,0.9909,0.9907,0.9905,0.9904,0.9904,0.9901,0.9899,0.9898,0.9898,0.9897,0.9896,0.9896,0.9894,0.9893,0.9892,0.9892,0.9892,0.989,0.9887,0.9887,0.9885,0.9885,0.9884,0.9884,0.9883,0.9883,0.9882,0.988,0.9876,0.9871,0.9871,0.9868,0.9868,0.9868,0.9867,0.9865,0.9858,0.9855,0.9854,0.9852,0.985,0.9846,0.9844,0.9843,0.9842,0.9836,0.9836,0.9833,0.9828,0.9826,0.9822,0.9821,0.982,0.9819,0.9816,0.981,0.9802,0.98,0.9799,0.9796,0.9795,0.9786,0.9776,0.9775,0.9772,0.9765,0.9758,0.9758,0.9757,0.9736,0.9734,0.9734,0.9731,0.9731,0.9728,0.9721,0.9695],[0.998,0.998,0.9979,0.9976,0.9968,0.9966,0.9966,0.996,0.9956,0.9956,0.9955,0.9954,0.9948,0.9946,0.9944,0.9944,0.9943,0.9942,0.9942,0.9937,0.9937,0.9936,0.9936,0.9935,0.9935,0.9935,0.9932,0.993,0.993,0.9929,0.9928,0.9926,0.9925,0.9924,0.9922,0.9921,0.9919,0.9917,0.9916,0.9916,0.9914,0.9912,0.9911,0.9911,0.991,0.9909,0.9909,0.9908,0.9906,0.9906,0.9906,0.9905,0.9904,0.9902,0.9901,0.9899,0.9899,0.9899,0.9898,0.9898,0.9898,0.9897,0.9895,0.9892,0.9888,0.9887,0.9885,0.9885,0.9884,0.9884,0.9882,0.9876,0.9873,0.9872,0.987,0.9868,0.9865,0.9864,0.9863,0.9862,0.9857,0.9857,0.9854,0.985,0.9848,0.9844,0.9843,0.9842,0.9841,0.9839,0.9834,0.9826,0.9825,0.9824,0.9821,0.9821,0.9812,0.9804,0.9803,0.9801,0.9795,0.9789,0.9789,0.9788,0.9769,0.9768,0.9767,0.9765,0.9764,0.9762,0.9756,0.9733],[0.9974,0.9974,0.9974,0.9969,0.9959,0.9957,0.9957,0.995,0.9945,0.9944,0.9943,0.9941,0.9935,0.9932,0.9929,0.9929,0.9928,0.9927,0.9926,0.992,0.992,0.9919,0.9918,0.9918,0.9918,0.9917,0.9915,0.9911,0.9911,0.9911,0.9909,0.9906,0.9905,0.9903,0.9901,0.9899,0.9898,0.9895,0.9894,0.9894,0.9891,0.9889,0.9888,0.9888,0.9887,0.9886,0.9885,0.9883,0.9882,0.9881,0.9881,0.988,0.9878,0.9876,0.9875,0.9873,0.9873,0.9872,0.9871,0.9871,0.9871,0.987,0.9868,0.9864,0.9858,0.9857,0.9854,0.9854,0.9854,0.9853,0.9851,0.9843,0.984,0.9838,0.9836,0.9834,0.983,0.9828,0.9826,0.9826,0.9819,0.9819,0.9815,0.981,0.9808,0.9803,0.9802,0.9801,0.98,0.9797,0.979,0.9781,0.9779,0.9778,0.9774,0.9774,0.9763,0.9752,0.9752,0.9749,0.9741,0.9733,0.9733,0.9732,0.9709,0.9707,0.9707,0.9703,0.9702,0.9699,0.9692,0.9664],[0.9984,0.9984,0.9984,0.9981,0.9975,0.9974,0.9973,0.9969,0.9966,0.9965,0.9964,0.9964,0.996,0.9958,0.9956,0.9956,0.9956,0.9955,0.9954,0.995,0.995,0.995,0.9949,0.9949,0.9949,0.9949,0.9947,0.9945,0.9945,0.9945,0.9943,0.9942,0.9941,0.994,0.9939,0.9938,0.9937,0.9935,0.9934,0.9934,0.9932,0.9931,0.993,0.993,0.993,0.9929,0.9928,0.9928,0.9927,0.9926,0.9926,0.9926,0.9924,0.9923,0.9923,0.9921,0.9921,0.9921,0.992,0.992,0.992,0.9919,0.9918,0.9915,0.9912,0.9911,0.991,0.9909,0.9909,0.9909,0.9908,0.9902,0.99,0.99,0.9898,0.9897,0.9894,0.9893,0.9892,0.9892,0.9888,0.9888,0.9885,0.9882,0.9881,0.9878,0.9877,0.9876,0.9876,0.9874,0.9869,0.9864,0.9863,0.9862,0.986,0.9859,0.9853,0.9846,0.9846,0.9844,0.9839,0.9834,0.9834,0.9833,0.9819,0.9817,0.9817,0.9815,0.9815,0.9813,0.9808,0.979],[0.9976,0.9976,0.9976,0.9972,0.9963,0.9961,0.996,0.9953,0.9949,0.9949,0.9947,0.9946,0.994,0.9937,0.9935,0.9935,0.9934,0.9932,0.9932,0.9926,0.9926,0.9925,0.9925,0.9925,0.9924,0.9924,0.9921,0.9918,0.9918,0.9918,0.9916,0.9914,0.9912,0.9911,0.9909,0.9907,0.9906,0.9903,0.9902,0.9902,0.9899,0.9897,0.9896,0.9896,0.9895,0.9894,0.9893,0.9892,0.9891,0.989,0.989,0.9889,0.9888,0.9885,0.9885,0.9883,0.9882,0.9882,0.9881,0.9881,0.9881,0.988,0.9878,0.9874,0.9869,0.9868,0.9866,0.9865,0.9865,0.9864,0.9863,0.9855,0.9852,0.9851,0.9849,0.9847,0.9843,0.9841,0.984,0.9839,0.9833,0.9833,0.9829,0.9825,0.9823,0.9818,0.9817,0.9816,0.9815,0.9813,0.9806,0.9798,0.9796,0.9795,0.9792,0.9791,0.9781,0.9771,0.9771,0.9768,0.9761,0.9754,0.9754,0.9753,0.9731,0.9729,0.9729,0.9726,0.9725,0.9722,0.9715,0.9689],[0.998,0.998,0.9979,0.9976,0.9968,0.9967,0.9966,0.996,0.9956,0.9956,0.9955,0.9954,0.9949,0.9947,0.9944,0.9944,0.9944,0.9942,0.9942,0.9937,0.9937,0.9936,0.9936,0.9936,0.9936,0.9935,0.9933,0.993,0.993,0.993,0.9928,0.9926,0.9925,0.9924,0.9922,0.9921,0.992,0.9917,0.9917,0.9916,0.9914,0.9912,0.9912,0.9912,0.9911,0.991,0.9909,0.9908,0.9907,0.9907,0.9906,0.9906,0.9904,0.9902,0.9902,0.99,0.99,0.9899,0.9899,0.9899,0.9899,0.9898,0.9896,0.9893,0.9888,0.9888,0.9885,0.9885,0.9885,0.9884,0.9883,0.9876,0.9874,0.9873,0.9871,0.9869,0.9866,0.9864,0.9863,0.9863,0.9858,0.9858,0.9855,0.9851,0.9849,0.9845,0.9844,0.9843,0.9842,0.984,0.9834,0.9827,0.9826,0.9825,0.9822,0.9822,0.9814,0.9805,0.9805,0.9802,0.9796,0.979,0.979,0.9789,0.9771,0.9769,0.9769,0.9766,0.9766,0.9763,0.9757,0.9735],[0.9986,0.9986,0.9985,0.9983,0.9978,0.9977,0.9976,0.9972,0.997,0.9969,0.9968,0.9968,0.9964,0.9963,0.9961,0.9961,0.9961,0.996,0.9959,0.9956,0.9956,0.9955,0.9955,0.9955,0.9955,0.9955,0.9953,0.9951,0.9951,0.9951,0.995,0.9948,0.9948,0.9947,0.9946,0.9945,0.9944,0.9942,0.9942,0.9941,0.994,0.9939,0.9938,0.9938,0.9938,0.9937,0.9936,0.9936,0.9935,0.9935,0.9934,0.9934,0.9933,0.9931,0.9931,0.993,0.993,0.9929,0.9929,0.9929,0.9929,0.9928,0.9927,0.9925,0.9922,0.9921,0.992,0.992,0.9919,0.9919,0.9918,0.9913,0.9912,0.9911,0.991,0.9908,0.9906,0.9905,0.9904,0.9904,0.99,0.99,0.9898,0.9895,0.9894,0.9891,0.9891,0.989,0.9889,0.9888,0.9884,0.9879,0.9878,0.9877,0.9875,0.9875,0.9869,0.9863,0.9863,0.9861,0.9857,0.9853,0.9853,0.9852,0.9839,0.9838,0.9838,0.9836,0.9835,0.9834,0.9829,0.9814],[0.9974,0.9973,0.9973,0.9968,0.9958,0.9956,0.9956,0.9948,0.9943,0.9942,0.9941,0.9939,0.9932,0.993,0.9927,0.9927,0.9926,0.9924,0.9924,0.9917,0.9917,0.9916,0.9916,0.9916,0.9915,0.9915,0.9912,0.9909,0.9908,0.9908,0.9906,0.9903,0.9902,0.99,0.9898,0.9896,0.9894,0.9891,0.989,0.989,0.9887,0.9885,0.9884,0.9884,0.9883,0.9882,0.9881,0.9879,0.9878,0.9877,0.9877,0.9876,0.9874,0.9871,0.9871,0.9869,0.9868,0.9868,0.9867,0.9867,0.9867,0.9865,0.9863,0.9859,0.9853,0.9853,0.9849,0.9849,0.9849,0.9848,0.9846,0.9837,0.9834,0.9833,0.983,0.9828,0.9824,0.9822,0.9821,0.982,0.9813,0.9813,0.9809,0.9804,0.9801,0.9796,0.9795,0.9794,0.9793,0.979,0.9783,0.9773,0.9772,0.977,0.9767,0.9766,0.9755,0.9744,0.9744,0.974,0.9732,0.9724,0.9724,0.9723,0.9699,0.9697,0.9697,0.9693,0.9693,0.9689,0.9681,0.9652],[0.9983,0.9983,0.9982,0.9979,0.9973,0.9971,0.9971,0.9966,0.9963,0.9962,0.9961,0.996,0.9956,0.9954,0.9952,0.9952,0.9952,0.9951,0.995,0.9946,0.9946,0.9945,0.9945,0.9945,0.9945,0.9944,0.9942,0.994,0.994,0.994,0.9938,0.9937,0.9936,0.9935,0.9933,0.9932,0.9931,0.9929,0.9928,0.9928,0.9926,0.9925,0.9924,0.9924,0.9923,0.9923,0.9922,0.9921,0.992,0.992,0.992,0.9919,0.9918,0.9916,0.9916,0.9914,0.9914,0.9914,0.9913,0.9913,0.9913,0.9912,0.9911,0.9908,0.9904,0.9904,0.9902,0.9901,0.9901,0.9901,0.9899,0.9894,0.9892,0.9891,0.9889,0.9888,0.9885,0.9883,0.9883,0.9882,0.9878,0.9878,0.9875,0.9872,0.987,0.9867,0.9866,0.9865,0.9865,0.9863,0.9858,0.9852,0.9851,0.985,0.9847,0.9847,0.984,0.9832,0.9832,0.983,0.9825,0.9819,0.9819,0.9819,0.9803,0.9801,0.9801,0.9799,0.9798,0.9796,0.9791,0.9772],[0.9985,0.9985,0.9985,0.9982,0.9977,0.9976,0.9975,0.9971,0.9968,0.9968,0.9967,0.9966,0.9962,0.9961,0.9959,0.9959,0.9959,0.9958,0.9958,0.9954,0.9954,0.9953,0.9953,0.9953,0.9953,0.9953,0.9951,0.9949,0.9949,0.9949,0.9948,0.9946,0.9945,0.9945,0.9943,0.9942,0.9941,0.994,0.9939,0.9939,0.9937,0.9936,0.9935,0.9935,0.9935,0.9934,0.9934,0.9933,0.9932,0.9932,0.9931,0.9931,0.993,0.9929,0.9928,0.9927,0.9927,0.9926,0.9926,0.9926,0.9926,0.9925,0.9924,0.9922,0.9918,0.9918,0.9916,0.9916,0.9916,0.9915,0.9914,0.991,0.9908,0.9907,0.9906,0.9904,0.9902,0.9901,0.99,0.99,0.9896,0.9896,0.9894,0.9891,0.9889,0.9887,0.9886,0.9885,0.9885,0.9883,0.9879,0.9874,0.9873,0.9872,0.987,0.987,0.9864,0.9857,0.9857,0.9855,0.9851,0.9846,0.9846,0.9846,0.9832,0.9831,0.9831,0.9829,0.9828,0.9827,0.9822,0.9806],[0.9935,0.9934,0.9933,0.9922,0.9897,0.9892,0.9891,0.9872,0.9859,0.9858,0.9854,0.9851,0.9834,0.9827,0.982,0.982,0.9818,0.9814,0.9813,0.9797,0.9797,0.9794,0.9793,0.9793,0.9792,0.979,0.9783,0.9776,0.9774,0.9773,0.9769,0.9762,0.9759,0.9755,0.975,0.9745,0.9741,0.9733,0.9732,0.9731,0.9724,0.9718,0.9716,0.9716,0.9713,0.971,0.9708,0.9705,0.9701,0.9699,0.9698,0.9697,0.9692,0.9686,0.9685,0.9678,0.9678,0.9676,0.9675,0.9674,0.9674,0.9671,0.9666,0.9655,0.9641,0.964,0.9632,0.9632,0.9631,0.9628,0.9624,0.9603,0.9596,0.9592,0.9586,0.9581,0.9571,0.9566,0.9563,0.9561,0.9545,0.9545,0.9535,0.9523,0.9517,0.9505,0.9502,0.95,0.9496,0.9489,0.9472,0.945,0.9445,0.9442,0.9434,0.9433,0.9406,0.938,0.9378,0.9371,0.9352,0.9333,0.9333,0.933,0.9273,0.9268,0.9268,0.9259,0.9258,0.925,0.9231,0.9163],[0.9985,0.9985,0.9984,0.9982,0.9976,0.9975,0.9974,0.997,0.9967,0.9967,0.9966,0.9965,0.9961,0.996,0.9958,0.9958,0.9957,0.9956,0.9956,0.9953,0.9952,0.9952,0.9952,0.9951,0.9951,0.9951,0.9949,0.9947,0.9947,0.9947,0.9946,0.9944,0.9944,0.9943,0.9941,0.994,0.9939,0.9937,0.9937,0.9937,0.9935,0.9934,0.9933,0.9933,0.9933,0.9932,0.9931,0.9931,0.993,0.9929,0.9929,0.9929,0.9928,0.9926,0.9926,0.9924,0.9924,0.9924,0.9923,0.9923,0.9923,0.9922,0.9921,0.9919,0.9915,0.9915,0.9913,0.9913,0.9913,0.9912,0.9911,0.9906,0.9905,0.9904,0.9902,0.9901,0.9899,0.9897,0.9897,0.9896,0.9892,0.9892,0.989,0.9887,0.9886,0.9883,0.9882,0.9881,0.9881,0.9879,0.9875,0.9869,0.9868,0.9867,0.9865,0.9865,0.9859,0.9852,0.9852,0.985,0.9845,0.9841,0.9841,0.984,0.9826,0.9825,0.9825,0.9823,0.9822,0.9821,0.9816,0.9799],[0.9987,0.9987,0.9987,0.9985,0.998,0.9979,0.9979,0.9975,0.9973,0.9973,0.9972,0.9971,0.9968,0.9967,0.9965,0.9965,0.9965,0.9964,0.9964,0.9961,0.9961,0.996,0.996,0.996,0.996,0.9959,0.9958,0.9956,0.9956,0.9956,0.9955,0.9954,0.9953,0.9953,0.9952,0.9951,0.995,0.9948,0.9948,0.9948,0.9946,0.9945,0.9945,0.9945,0.9944,0.9944,0.9943,0.9943,0.9942,0.9942,0.9941,0.9941,0.994,0.9939,0.9939,0.9937,0.9937,0.9937,0.9937,0.9937,0.9937,0.9936,0.9935,0.9933,0.993,0.993,0.9928,0.9928,0.9928,0.9927,0.9927,0.9923,0.9921,0.992,0.9919,0.9918,0.9916,0.9915,0.9914,0.9914,0.9911,0.9911,0.9909,0.9907,0.9905,0.9903,0.9902,0.9902,0.9901,0.99,0.9896,0.9892,0.9891,0.989,0.9889,0.9888,0.9883,0.9878,0.9877,0.9876,0.9872,0.9868,0.9868,0.9868,0.9856,0.9855,0.9855,0.9853,0.9853,0.9851,0.9847,0.9834],[0.9983,0.9982,0.9982,0.9979,0.9972,0.9971,0.9971,0.9966,0.9962,0.9962,0.9961,0.996,0.9956,0.9954,0.9952,0.9952,0.9951,0.995,0.995,0.9946,0.9946,0.9945,0.9945,0.9945,0.9944,0.9944,0.9942,0.994,0.994,0.9939,0.9938,0.9936,0.9936,0.9935,0.9933,0.9932,0.9931,0.9929,0.9928,0.9928,0.9926,0.9924,0.9924,0.9924,0.9923,0.9922,0.9922,0.9921,0.992,0.9919,0.9919,0.9919,0.9917,0.9916,0.9915,0.9914,0.9913,0.9913,0.9913,0.9913,0.9912,0.9912,0.991,0.9907,0.9904,0.9903,0.9901,0.9901,0.9901,0.99,0.9899,0.9893,0.9891,0.989,0.9889,0.9887,0.9884,0.9883,0.9882,0.9882,0.9877,0.9877,0.9874,0.9871,0.9869,0.9866,0.9865,0.9865,0.9864,0.9862,0.9857,0.9851,0.985,0.9849,0.9847,0.9846,0.9839,0.9832,0.9831,0.9829,0.9824,0.9819,0.9818,0.9818,0.9802,0.98,0.98,0.9798,0.9797,0.9795,0.979,0.9771],[0.9988,0.9988,0.9987,0.9985,0.998,0.998,0.9979,0.9976,0.9973,0.9973,0.9972,0.9972,0.9969,0.9967,0.9966,0.9966,0.9965,0.9965,0.9964,0.9962,0.9961,0.9961,0.9961,0.9961,0.9961,0.996,0.9959,0.9957,0.9957,0.9957,0.9956,0.9955,0.9954,0.9954,0.9953,0.9952,0.9951,0.9949,0.9949,0.9949,0.9948,0.9946,0.9946,0.9946,0.9945,0.9945,0.9944,0.9944,0.9943,0.9943,0.9943,0.9942,0.9941,0.994,0.994,0.9939,0.9939,0.9938,0.9938,0.9938,0.9938,0.9937,0.9936,0.9934,0.9932,0.9931,0.993,0.993,0.993,0.9929,0.9928,0.9924,0.9923,0.9922,0.9921,0.992,0.9918,0.9917,0.9916,0.9916,0.9913,0.9913,0.9911,0.9909,0.9907,0.9905,0.9904,0.9904,0.9903,0.9902,0.9898,0.9894,0.9893,0.9893,0.9891,0.9891,0.9886,0.988,0.988,0.9879,0.9875,0.9871,0.9871,0.987,0.9859,0.9858,0.9858,0.9856,0.9856,0.9855,0.9851,0.9837],[0.9975,0.9974,0.9974,0.997,0.996,0.9958,0.9957,0.995,0.9945,0.9945,0.9943,0.9942,0.9935,0.9932,0.993,0.9929,0.9929,0.9927,0.9927,0.9921,0.992,0.9919,0.9919,0.9919,0.9919,0.9918,0.9915,0.9912,0.9911,0.9911,0.9909,0.9907,0.9906,0.9904,0.9902,0.99,0.9898,0.9895,0.9895,0.9894,0.9892,0.9889,0.9888,0.9888,0.9887,0.9886,0.9885,0.9884,0.9882,0.9882,0.9882,0.9881,0.9879,0.9876,0.9876,0.9874,0.9873,0.9873,0.9872,0.9872,0.9872,0.9871,0.9869,0.9864,0.9859,0.9858,0.9855,0.9855,0.9855,0.9854,0.9852,0.9844,0.9841,0.9839,0.9837,0.9835,0.9831,0.9829,0.9827,0.9827,0.982,0.982,0.9816,0.9812,0.9809,0.9804,0.9803,0.9802,0.9801,0.9798,0.9791,0.9782,0.978,0.9779,0.9776,0.9775,0.9765,0.9754,0.9753,0.975,0.9743,0.9735,0.9735,0.9734,0.9711,0.9708,0.9708,0.9705,0.9704,0.9701,0.9693,0.9666],[0.9988,0.9988,0.9987,0.9985,0.9981,0.998,0.998,0.9976,0.9974,0.9973,0.9973,0.9972,0.9969,0.9968,0.9966,0.9966,0.9966,0.9965,0.9965,0.9962,0.9962,0.9961,0.9961,0.9961,0.9961,0.9961,0.9959,0.9958,0.9958,0.9957,0.9957,0.9955,0.9955,0.9954,0.9953,0.9952,0.9951,0.995,0.9949,0.9949,0.9948,0.9947,0.9946,0.9946,0.9946,0.9945,0.9945,0.9944,0.9944,0.9943,0.9943,0.9943,0.9942,0.9941,0.9941,0.9939,0.9939,0.9939,0.9939,0.9939,0.9938,0.9938,0.9937,0.9935,0.9932,0.9932,0.993,0.993,0.993,0.993,0.9929,0.9925,0.9923,0.9923,0.9922,0.9921,0.9919,0.9918,0.9917,0.9917,0.9914,0.9914,0.9912,0.9909,0.9908,0.9906,0.9905,0.9905,0.9904,0.9903,0.9899,0.9895,0.9894,0.9894,0.9892,0.9892,0.9887,0.9881,0.9881,0.988,0.9876,0.9872,0.9872,0.9872,0.986,0.9859,0.9859,0.9858,0.9857,0.9856,0.9852,0.9839],[0.9986,0.9985,0.9985,0.9983,0.9977,0.9976,0.9976,0.9972,0.9969,0.9969,0.9968,0.9967,0.9963,0.9962,0.996,0.996,0.996,0.9959,0.9959,0.9955,0.9955,0.9954,0.9954,0.9954,0.9954,0.9954,0.9952,0.995,0.995,0.995,0.9949,0.9947,0.9947,0.9946,0.9945,0.9943,0.9942,0.9941,0.994,0.994,0.9939,0.9937,0.9937,0.9937,0.9936,0.9936,0.9935,0.9934,0.9933,0.9933,0.9933,0.9933,0.9931,0.993,0.993,0.9928,0.9928,0.9928,0.9928,0.9928,0.9927,0.9927,0.9926,0.9923,0.992,0.992,0.9918,0.9918,0.9918,0.9917,0.9916,0.9911,0.991,0.9909,0.9908,0.9906,0.9904,0.9903,0.9902,0.9902,0.9898,0.9898,0.9896,0.9893,0.9892,0.9889,0.9888,0.9888,0.9887,0.9885,0.9881,0.9876,0.9875,0.9875,0.9873,0.9872,0.9866,0.986,0.986,0.9858,0.9854,0.9849,0.9849,0.9849,0.9835,0.9834,0.9834,0.9832,0.9832,0.983,0.9826,0.981],[0.9991,0.9991,0.999,0.9989,0.9985,0.9984,0.9984,0.9981,0.998,0.9979,0.9979,0.9978,0.9976,0.9975,0.9974,0.9974,0.9974,0.9973,0.9973,0.9971,0.9971,0.997,0.997,0.997,0.997,0.997,0.9969,0.9967,0.9967,0.9967,0.9966,0.9966,0.9965,0.9964,0.9964,0.9963,0.9962,0.9961,0.9961,0.9961,0.996,0.9959,0.9959,0.9959,0.9958,0.9958,0.9957,0.9957,0.9956,0.9956,0.9956,0.9956,0.9955,0.9954,0.9954,0.9953,0.9953,0.9953,0.9953,0.9953,0.9953,0.9952,0.9951,0.995,0.9948,0.9947,0.9946,0.9946,0.9946,0.9946,0.9945,0.9942,0.9941,0.994,0.994,0.9939,0.9937,0.9936,0.9936,0.9936,0.9933,0.9933,0.9932,0.993,0.9929,0.9927,0.9927,0.9927,0.9926,0.9925,0.9922,0.9919,0.9918,0.9918,0.9917,0.9916,0.9912,0.9908,0.9908,0.9907,0.9904,0.9901,0.9901,0.9901,0.9892,0.9891,0.9891,0.989,0.989,0.9889,0.9886,0.9875],[0.9992,0.9992,0.9992,0.9991,0.9988,0.9987,0.9987,0.9985,0.9984,0.9983,0.9983,0.9983,0.9981,0.998,0.9979,0.9979,0.9979,0.9978,0.9978,0.9976,0.9976,0.9976,0.9976,0.9976,0.9976,0.9975,0.9975,0.9974,0.9974,0.9973,0.9973,0.9972,0.9972,0.9971,0.9971,0.997,0.997,0.9969,0.9969,0.9968,0.9968,0.9967,0.9967,0.9967,0.9966,0.9966,0.9966,0.9965,0.9965,0.9965,0.9965,0.9964,0.9964,0.9963,0.9963,0.9962,0.9962,0.9962,0.9962,0.9962,0.9962,0.9961,0.9961,0.9959,0.9958,0.9958,0.9957,0.9957,0.9957,0.9956,0.9956,0.9953,0.9952,0.9952,0.9951,0.9951,0.9949,0.9949,0.9948,0.9948,0.9946,0.9946,0.9945,0.9943,0.9943,0.9941,0.9941,0.9941,0.994,0.9939,0.9937,0.9935,0.9934,0.9934,0.9933,0.9933,0.9929,0.9926,0.9926,0.9925,0.9923,0.992,0.992,0.992,0.9913,0.9912,0.9912,0.9911,0.9911,0.991,0.9908,0.9899],[0.9989,0.9989,0.9989,0.9987,0.9983,0.9982,0.9982,0.9979,0.9977,0.9977,0.9976,0.9975,0.9973,0.9972,0.997,0.997,0.997,0.9969,0.9969,0.9967,0.9967,0.9966,0.9966,0.9966,0.9966,0.9966,0.9964,0.9963,0.9963,0.9963,0.9962,0.9961,0.996,0.996,0.9959,0.9958,0.9957,0.9956,0.9956,0.9956,0.9955,0.9954,0.9953,0.9953,0.9953,0.9952,0.9952,0.9951,0.9951,0.995,0.995,0.995,0.9949,0.9948,0.9948,0.9947,0.9947,0.9947,0.9946,0.9946,0.9946,0.9946,0.9945,0.9943,0.9941,0.994,0.9939,0.9939,0.9939,0.9938,0.9938,0.9934,0.9933,0.9932,0.9931,0.993,0.9929,0.9928,0.9927,0.9927,0.9924,0.9924,0.9923,0.9921,0.992,0.9918,0.9917,0.9917,0.9916,0.9915,0.9912,0.9908,0.9907,0.9907,0.9905,0.9905,0.9901,0.9896,0.9896,0.9895,0.9891,0.9888,0.9888,0.9888,0.9878,0.9877,0.9877,0.9875,0.9875,0.9874,0.9871,0.9859],[0.9985,0.9984,0.9984,0.9982,0.9976,0.9974,0.9974,0.997,0.9967,0.9966,0.9965,0.9965,0.9961,0.9959,0.9957,0.9957,0.9957,0.9956,0.9956,0.9952,0.9952,0.9951,0.9951,0.9951,0.9951,0.995,0.9949,0.9947,0.9946,0.9946,0.9945,0.9944,0.9943,0.9942,0.9941,0.9939,0.9938,0.9937,0.9936,0.9936,0.9934,0.9933,0.9932,0.9932,0.9932,0.9931,0.993,0.993,0.9929,0.9928,0.9928,0.9928,0.9927,0.9925,0.9925,0.9923,0.9923,0.9923,0.9923,0.9922,0.9922,0.9922,0.992,0.9918,0.9914,0.9914,0.9912,0.9912,0.9912,0.9911,0.991,0.9905,0.9903,0.9902,0.9901,0.99,0.9897,0.9896,0.9895,0.9895,0.9891,0.9891,0.9889,0.9886,0.9884,0.9881,0.9881,0.988,0.9879,0.9877,0.9873,0.9868,0.9867,0.9866,0.9864,0.9864,0.9857,0.9851,0.985,0.9848,0.9844,0.9839,0.9839,0.9838,0.9824,0.9823,0.9823,0.982,0.982,0.9818,0.9814,0.9797],[0.999,0.999,0.999,0.9988,0.9984,0.9983,0.9983,0.998,0.9978,0.9978,0.9977,0.9977,0.9974,0.9973,0.9972,0.9972,0.9972,0.9971,0.9971,0.9968,0.9968,0.9968,0.9968,0.9968,0.9968,0.9967,0.9966,0.9965,0.9965,0.9965,0.9964,0.9963,0.9963,0.9962,0.9961,0.996,0.996,0.9958,0.9958,0.9958,0.9957,0.9956,0.9956,0.9956,0.9955,0.9955,0.9954,0.9954,0.9953,0.9953,0.9953,0.9953,0.9952,0.9951,0.9951,0.995,0.995,0.9949,0.9949,0.9949,0.9949,0.9949,0.9948,0.9946,0.9944,0.9944,0.9942,0.9942,0.9942,0.9942,0.9941,0.9938,0.9937,0.9936,0.9935,0.9934,0.9933,0.9932,0.9931,0.9931,0.9928,0.9928,0.9927,0.9925,0.9924,0.9922,0.9922,0.9921,0.9921,0.992,0.9917,0.9913,0.9912,0.9912,0.9911,0.991,0.9906,0.9902,0.9902,0.99,0.9897,0.9894,0.9894,0.9894,0.9884,0.9884,0.9883,0.9882,0.9882,0.9881,0.9877,0.9866],[0.9984,0.9984,0.9984,0.9981,0.9975,0.9974,0.9973,0.9969,0.9966,0.9965,0.9964,0.9963,0.9959,0.9958,0.9956,0.9956,0.9955,0.9954,0.9954,0.995,0.995,0.9949,0.9949,0.9949,0.9949,0.9949,0.9947,0.9945,0.9945,0.9944,0.9943,0.9942,0.9941,0.994,0.9939,0.9937,0.9936,0.9934,0.9934,0.9934,0.9932,0.9931,0.993,0.993,0.9929,0.9929,0.9928,0.9927,0.9926,0.9926,0.9926,0.9925,0.9924,0.9923,0.9922,0.9921,0.9921,0.992,0.992,0.992,0.992,0.9919,0.9918,0.9915,0.9911,0.9911,0.9909,0.9909,0.9909,0.9908,0.9907,0.9902,0.99,0.9899,0.9898,0.9896,0.9894,0.9892,0.9892,0.9891,0.9887,0.9887,0.9885,0.9882,0.988,0.9877,0.9876,0.9876,0.9875,0.9873,0.9869,0.9863,0.9862,0.9861,0.9859,0.9859,0.9852,0.9845,0.9845,0.9843,0.9838,0.9833,0.9833,0.9833,0.9818,0.9817,0.9817,0.9814,0.9814,0.9812,0.9807,0.979],[0.9991,0.9991,0.9991,0.9989,0.9986,0.9985,0.9985,0.9982,0.998,0.998,0.998,0.9979,0.9977,0.9976,0.9975,0.9975,0.9975,0.9974,0.9974,0.9972,0.9972,0.9971,0.9971,0.9971,0.9971,0.9971,0.997,0.9969,0.9968,0.9968,0.9968,0.9967,0.9966,0.9966,0.9965,0.9964,0.9964,0.9963,0.9962,0.9962,0.9961,0.996,0.996,0.996,0.996,0.9959,0.9959,0.9958,0.9958,0.9958,0.9958,0.9957,0.9957,0.9956,0.9956,0.9955,0.9955,0.9954,0.9954,0.9954,0.9954,0.9954,0.9953,0.9951,0.9949,0.9949,0.9948,0.9948,0.9948,0.9948,0.9947,0.9944,0.9943,0.9942,0.9942,0.9941,0.9939,0.9939,0.9938,0.9938,0.9936,0.9936,0.9934,0.9932,0.9931,0.993,0.9929,0.9929,0.9928,0.9927,0.9925,0.9922,0.9921,0.9921,0.9919,0.9919,0.9915,0.9911,0.9911,0.991,0.9907,0.9905,0.9905,0.9904,0.9896,0.9895,0.9895,0.9894,0.9893,0.9892,0.989,0.9879],[0.9984,0.9984,0.9983,0.998,0.9974,0.9973,0.9973,0.9968,0.9965,0.9964,0.9963,0.9963,0.9958,0.9957,0.9955,0.9955,0.9954,0.9953,0.9953,0.9949,0.9949,0.9948,0.9948,0.9948,0.9948,0.9947,0.9946,0.9944,0.9943,0.9943,0.9942,0.994,0.9939,0.9938,0.9937,0.9936,0.9935,0.9933,0.9932,0.9932,0.993,0.9929,0.9928,0.9928,0.9928,0.9927,0.9926,0.9926,0.9925,0.9924,0.9924,0.9924,0.9922,0.9921,0.992,0.9919,0.9919,0.9918,0.9918,0.9918,0.9918,0.9917,0.9916,0.9913,0.9909,0.9909,0.9907,0.9907,0.9907,0.9906,0.9905,0.99,0.9898,0.9897,0.9895,0.9894,0.9891,0.989,0.9889,0.9889,0.9885,0.9884,0.9882,0.9879,0.9877,0.9874,0.9873,0.9873,0.9872,0.987,0.9866,0.986,0.9859,0.9858,0.9856,0.9855,0.9849,0.9842,0.9841,0.9839,0.9834,0.9829,0.9829,0.9829,0.9814,0.9812,0.9812,0.981,0.981,0.9808,0.9803,0.9784],[0.9991,0.9991,0.9991,0.999,0.9986,0.9986,0.9986,0.9983,0.9981,0.9981,0.9981,0.998,0.9978,0.9977,0.9976,0.9976,0.9976,0.9975,0.9975,0.9973,0.9973,0.9973,0.9972,0.9972,0.9972,0.9972,0.9971,0.997,0.997,0.997,0.9969,0.9968,0.9968,0.9967,0.9967,0.9966,0.9965,0.9964,0.9964,0.9964,0.9963,0.9962,0.9962,0.9962,0.9962,0.9961,0.9961,0.9961,0.996,0.996,0.996,0.996,0.9959,0.9958,0.9958,0.9957,0.9957,0.9957,0.9957,0.9956,0.9956,0.9956,0.9955,0.9954,0.9952,0.9952,0.9951,0.9951,0.9951,0.995,0.995,0.9947,0.9946,0.9945,0.9945,0.9944,0.9942,0.9942,0.9941,0.9941,0.9939,0.9939,0.9937,0.9936,0.9935,0.9933,0.9933,0.9933,0.9932,0.9931,0.9929,0.9926,0.9925,0.9925,0.9924,0.9923,0.992,0.9916,0.9916,0.9915,0.9912,0.9909,0.9909,0.9909,0.9901,0.99,0.99,0.9899,0.9899,0.9898,0.9895,0.9886],[0.9987,0.9987,0.9987,0.9985,0.998,0.9979,0.9979,0.9975,0.9972,0.9972,0.9971,0.9971,0.9967,0.9966,0.9965,0.9965,0.9964,0.9963,0.9963,0.996,0.996,0.9959,0.9959,0.9959,0.9959,0.9959,0.9957,0.9956,0.9956,0.9955,0.9954,0.9953,0.9953,0.9952,0.9951,0.995,0.9949,0.9947,0.9947,0.9947,0.9946,0.9944,0.9944,0.9944,0.9943,0.9943,0.9942,0.9942,0.9941,0.9941,0.994,0.994,0.9939,0.9938,0.9938,0.9936,0.9936,0.9936,0.9936,0.9936,0.9936,0.9935,0.9934,0.9932,0.9929,0.9929,0.9927,0.9927,0.9927,0.9926,0.9926,0.9921,0.992,0.9919,0.9918,0.9917,0.9915,0.9914,0.9913,0.9913,0.991,0.991,0.9908,0.9905,0.9904,0.9901,0.9901,0.99,0.99,0.9898,0.9895,0.989,0.9889,0.9889,0.9887,0.9887,0.9881,0.9876,0.9876,0.9874,0.987,0.9866,0.9866,0.9866,0.9854,0.9853,0.9853,0.9851,0.9851,0.9849,0.9845,0.9831],[0.9989,0.9989,0.9988,0.9986,0.9982,0.9981,0.9981,0.9978,0.9975,0.9975,0.9975,0.9974,0.9971,0.997,0.9969,0.9969,0.9968,0.9968,0.9967,0.9965,0.9965,0.9964,0.9964,0.9964,0.9964,0.9963,0.9962,0.9961,0.996,0.996,0.996,0.9958,0.9958,0.9957,0.9956,0.9955,0.9955,0.9953,0.9953,0.9953,0.9952,0.9951,0.995,0.995,0.995,0.9949,0.9949,0.9948,0.9948,0.9947,0.9947,0.9947,0.9946,0.9945,0.9945,0.9944,0.9943,0.9943,0.9943,0.9943,0.9943,0.9942,0.9941,0.9939,0.9937,0.9937,0.9935,0.9935,0.9935,0.9935,0.9934,0.993,0.9929,0.9928,0.9927,0.9926,0.9924,0.9923,0.9923,0.9923,0.992,0.992,0.9918,0.9916,0.9915,0.9912,0.9912,0.9911,0.9911,0.991,0.9906,0.9902,0.9902,0.9901,0.99,0.9899,0.9895,0.989,0.9889,0.9888,0.9885,0.9881,0.9881,0.9881,0.987,0.9869,0.9869,0.9867,0.9867,0.9866,0.9862,0.985],[0.9986,0.9986,0.9986,0.9984,0.9978,0.9977,0.9977,0.9973,0.997,0.997,0.9969,0.9968,0.9965,0.9963,0.9962,0.9962,0.9961,0.9961,0.996,0.9957,0.9957,0.9956,0.9956,0.9956,0.9956,0.9955,0.9954,0.9952,0.9952,0.9952,0.9951,0.9949,0.9949,0.9948,0.9947,0.9946,0.9945,0.9943,0.9943,0.9943,0.9941,0.994,0.9939,0.9939,0.9939,0.9938,0.9938,0.9937,0.9936,0.9936,0.9936,0.9935,0.9934,0.9933,0.9933,0.9931,0.9931,0.9931,0.9931,0.9931,0.993,0.993,0.9929,0.9926,0.9923,0.9923,0.9921,0.9921,0.9921,0.9921,0.992,0.9915,0.9913,0.9913,0.9911,0.991,0.9908,0.9907,0.9906,0.9906,0.9902,0.9902,0.99,0.9898,0.9896,0.9894,0.9893,0.9892,0.9892,0.989,0.9886,0.9881,0.9881,0.988,0.9878,0.9878,0.9872,0.9866,0.9866,0.9864,0.986,0.9856,0.9856,0.9855,0.9842,0.9841,0.9841,0.9839,0.9839,0.9837,0.9833,0.9818],[0.9993,0.9993,0.9993,0.9992,0.9989,0.9989,0.9989,0.9987,0.9986,0.9985,0.9985,0.9985,0.9983,0.9982,0.9981,0.9981,0.9981,0.9981,0.9981,0.9979,0.9979,0.9979,0.9979,0.9979,0.9979,0.9978,0.9978,0.9977,0.9977,0.9977,0.9976,0.9975,0.9975,0.9975,0.9974,0.9974,0.9973,0.9972,0.9972,0.9972,0.9971,0.9971,0.9971,0.9971,0.997,0.997,0.997,0.9969,0.9969,0.9969,0.9969,0.9969,0.9968,0.9967,0.9967,0.9967,0.9967,0.9966,0.9966,0.9966,0.9966,0.9966,0.9965,0.9964,0.9963,0.9963,0.9962,0.9962,0.9962,0.9961,0.9961,0.9959,0.9958,0.9958,0.9957,0.9956,0.9955,0.9955,0.9954,0.9954,0.9953,0.9952,0.9951,0.995,0.9949,0.9948,0.9948,0.9948,0.9947,0.9947,0.9945,0.9942,0.9942,0.9941,0.9941,0.994,0.9938,0.9935,0.9935,0.9934,0.9932,0.993,0.993,0.9929,0.9923,0.9923,0.9923,0.9922,0.9921,0.9921,0.9919,0.9911],[0.9996,0.9996,0.9996,0.9995,0.9994,0.9993,0.9993,0.9992,0.9992,0.9991,0.9991,0.9991,0.999,0.999,0.9989,0.9989,0.9989,0.9989,0.9989,0.9988,0.9988,0.9988,0.9987,0.9987,0.9987,0.9987,0.9987,0.9986,0.9986,0.9986,0.9986,0.9986,0.9985,0.9985,0.9985,0.9985,0.9984,0.9984,0.9984,0.9984,0.9983,0.9983,0.9983,0.9983,0.9983,0.9982,0.9982,0.9982,0.9982,0.9982,0.9982,0.9982,0.9981,0.9981,0.9981,0.998,0.998,0.998,0.998,0.998,0.998,0.998,0.998,0.9979,0.9978,0.9978,0.9978,0.9978,0.9978,0.9977,0.9977,0.9976,0.9975,0.9975,0.9975,0.9974,0.9974,0.9973,0.9973,0.9973,0.9972,0.9972,0.9971,0.9971,0.997,0.997,0.9969,0.9969,0.9969,0.9969,0.9968,0.9966,0.9966,0.9966,0.9965,0.9965,0.9963,0.9962,0.9962,0.9961,0.996,0.9959,0.9959,0.9959,0.9955,0.9955,0.9955,0.9954,0.9954,0.9953,0.9952,0.9948],[0.9994,0.9994,0.9994,0.9993,0.999,0.999,0.999,0.9988,0.9987,0.9987,0.9986,0.9986,0.9984,0.9984,0.9983,0.9983,0.9983,0.9982,0.9982,0.9981,0.9981,0.9981,0.998,0.998,0.998,0.998,0.998,0.9979,0.9979,0.9979,0.9978,0.9978,0.9977,0.9977,0.9976,0.9976,0.9975,0.9975,0.9975,0.9974,0.9974,0.9973,0.9973,0.9973,0.9973,0.9973,0.9972,0.9972,0.9972,0.9971,0.9971,0.9971,0.9971,0.997,0.997,0.9969,0.9969,0.9969,0.9969,0.9969,0.9969,0.9969,0.9968,0.9967,0.9966,0.9966,0.9965,0.9965,0.9965,0.9965,0.9964,0.9962,0.9961,0.9961,0.9961,0.996,0.9959,0.9959,0.9958,0.9958,0.9957,0.9956,0.9956,0.9954,0.9954,0.9953,0.9952,0.9952,0.9952,0.9951,0.9949,0.9947,0.9947,0.9946,0.9946,0.9945,0.9943,0.994,0.994,0.9939,0.9937,0.9936,0.9936,0.9935,0.993,0.9929,0.9929,0.9928,0.9928,0.9927,0.9925,0.9919],[0.9996,0.9996,0.9996,0.9995,0.9994,0.9993,0.9993,0.9992,0.9991,0.9991,0.9991,0.9991,0.999,0.9989,0.9989,0.9989,0.9989,0.9988,0.9988,0.9987,0.9987,0.9987,0.9987,0.9987,0.9987,0.9987,0.9987,0.9986,0.9986,0.9986,0.9986,0.9985,0.9985,0.9985,0.9984,0.9984,0.9984,0.9983,0.9983,0.9983,0.9983,0.9982,0.9982,0.9982,0.9982,0.9982,0.9982,0.9982,0.9981,0.9981,0.9981,0.9981,0.9981,0.998,0.998,0.998,0.998,0.998,0.998,0.998,0.998,0.9979,0.9979,0.9978,0.9978,0.9978,0.9977,0.9977,0.9977,0.9977,0.9977,0.9975,0.9975,0.9974,0.9974,0.9974,0.9973,0.9973,0.9973,0.9973,0.9971,0.9971,0.9971,0.997,0.997,0.9969,0.9969,0.9969,0.9968,0.9968,0.9967,0.9965,0.9965,0.9965,0.9964,0.9964,0.9963,0.9961,0.9961,0.996,0.9959,0.9958,0.9958,0.9958,0.9954,0.9953,0.9953,0.9953,0.9953,0.9952,0.9951,0.9947],[0.9997,0.9997,0.9997,0.9996,0.9995,0.9995,0.9995,0.9994,0.9993,0.9993,0.9993,0.9993,0.9992,0.9992,0.9991,0.9991,0.9991,0.9991,0.9991,0.999,0.999,0.999,0.999,0.999,0.999,0.999,0.9989,0.9989,0.9989,0.9989,0.9989,0.9988,0.9988,0.9988,0.9988,0.9987,0.9987,0.9987,0.9987,0.9987,0.9986,0.9986,0.9986,0.9986,0.9986,0.9986,0.9986,0.9985,0.9985,0.9985,0.9985,0.9985,0.9985,0.9984,0.9984,0.9984,0.9984,0.9984,0.9984,0.9984,0.9984,0.9984,0.9983,0.9983,0.9982,0.9982,0.9982,0.9982,0.9982,0.9982,0.9981,0.998,0.998,0.998,0.9979,0.9979,0.9979,0.9978,0.9978,0.9978,0.9977,0.9977,0.9977,0.9976,0.9976,0.9975,0.9975,0.9975,0.9975,0.9975,0.9974,0.9973,0.9972,0.9972,0.9972,0.9972,0.997,0.9969,0.9969,0.9968,0.9967,0.9967,0.9966,0.9966,0.9963,0.9963,0.9963,0.9963,0.9963,0.9962,0.9961,0.9958],[0.9996,0.9996,0.9996,0.9996,0.9994,0.9994,0.9994,0.9993,0.9992,0.9992,0.9992,0.9992,0.9991,0.9991,0.999,0.999,0.999,0.999,0.999,0.9989,0.9989,0.9989,0.9989,0.9989,0.9989,0.9989,0.9988,0.9988,0.9988,0.9988,0.9987,0.9987,0.9987,0.9987,0.9986,0.9986,0.9986,0.9985,0.9985,0.9985,0.9985,0.9984,0.9984,0.9984,0.9984,0.9984,0.9984,0.9984,0.9984,0.9983,0.9983,0.9983,0.9983,0.9983,0.9983,0.9982,0.9982,0.9982,0.9982,0.9982,0.9982,0.9982,0.9982,0.9981,0.998,0.998,0.998,0.998,0.998,0.9979,0.9979,0.9978,0.9978,0.9977,0.9977,0.9977,0.9976,0.9976,0.9976,0.9976,0.9975,0.9975,0.9974,0.9973,0.9973,0.9972,0.9972,0.9972,0.9972,0.9972,0.9971,0.9969,0.9969,0.9969,0.9968,0.9968,0.9967,0.9965,0.9965,0.9965,0.9964,0.9963,0.9963,0.9962,0.9959,0.9959,0.9959,0.9958,0.9958,0.9958,0.9957,0.9953],[0.9997,0.9997,0.9997,0.9996,0.9995,0.9994,0.9994,0.9993,0.9993,0.9993,0.9992,0.9992,0.9991,0.9991,0.9991,0.9991,0.9991,0.999,0.999,0.999,0.9989,0.9989,0.9989,0.9989,0.9989,0.9989,0.9989,0.9988,0.9988,0.9988,0.9988,0.9988,0.9988,0.9987,0.9987,0.9987,0.9987,0.9986,0.9986,0.9986,0.9986,0.9985,0.9985,0.9985,0.9985,0.9985,0.9985,0.9985,0.9984,0.9984,0.9984,0.9984,0.9984,0.9984,0.9984,0.9983,0.9983,0.9983,0.9983,0.9983,0.9983,0.9983,0.9983,0.9982,0.9981,0.9981,0.9981,0.9981,0.9981,0.9981,0.998,0.9979,0.9979,0.9979,0.9978,0.9978,0.9978,0.9977,0.9977,0.9977,0.9976,0.9976,0.9976,0.9975,0.9975,0.9974,0.9974,0.9974,0.9974,0.9973,0.9972,0.9971,0.9971,0.9971,0.997,0.997,0.9969,0.9967,0.9967,0.9967,0.9966,0.9965,0.9965,0.9965,0.9961,0.9961,0.9961,0.9961,0.9961,0.996,0.9959,0.9955],[0.9997,0.9997,0.9997,0.9996,0.9995,0.9995,0.9995,0.9994,0.9993,0.9993,0.9993,0.9993,0.9992,0.9992,0.9992,0.9992,0.9991,0.9991,0.9991,0.999,0.999,0.999,0.999,0.999,0.999,0.999,0.999,0.9989,0.9989,0.9989,0.9989,0.9989,0.9989,0.9988,0.9988,0.9988,0.9988,0.9987,0.9987,0.9987,0.9987,0.9987,0.9987,0.9987,0.9986,0.9986,0.9986,0.9986,0.9986,0.9986,0.9986,0.9986,0.9985,0.9985,0.9985,0.9985,0.9985,0.9985,0.9985,0.9985,0.9985,0.9984,0.9984,0.9984,0.9983,0.9983,0.9983,0.9983,0.9983,0.9982,0.9982,0.9981,0.9981,0.9981,0.998,0.998,0.998,0.9979,0.9979,0.9979,0.9978,0.9978,0.9978,0.9977,0.9977,0.9976,0.9976,0.9976,0.9976,0.9976,0.9975,0.9974,0.9974,0.9973,0.9973,0.9973,0.9972,0.997,0.997,0.997,0.9969,0.9968,0.9968,0.9968,0.9965,0.9965,0.9965,0.9964,0.9964,0.9964,0.9963,0.9959],[0.9996,0.9996,0.9996,0.9995,0.9993,0.9993,0.9993,0.9992,0.9991,0.9991,0.999,0.999,0.9989,0.9989,0.9988,0.9988,0.9988,0.9988,0.9988,0.9987,0.9987,0.9986,0.9986,0.9986,0.9986,0.9986,0.9986,0.9985,0.9985,0.9985,0.9985,0.9984,0.9984,0.9984,0.9984,0.9983,0.9983,0.9982,0.9982,0.9982,0.9982,0.9981,0.9981,0.9981,0.9981,0.9981,0.9981,0.998,0.998,0.998,0.998,0.998,0.998,0.9979,0.9979,0.9979,0.9979,0.9979,0.9978,0.9978,0.9978,0.9978,0.9978,0.9977,0.9976,0.9976,0.9976,0.9976,0.9976,0.9975,0.9975,0.9974,0.9973,0.9973,0.9973,0.9972,0.9972,0.9971,0.9971,0.9971,0.997,0.997,0.9969,0.9968,0.9968,0.9967,0.9967,0.9967,0.9966,0.9966,0.9965,0.9963,0.9963,0.9963,0.9962,0.9962,0.996,0.9958,0.9958,0.9958,0.9956,0.9955,0.9955,0.9955,0.9951,0.9951,0.9951,0.995,0.995,0.9949,0.9948,0.9943],[0.9996,0.9996,0.9996,0.9995,0.9994,0.9993,0.9993,0.9992,0.9991,0.9991,0.9991,0.9991,0.999,0.9989,0.9989,0.9989,0.9989,0.9988,0.9988,0.9987,0.9987,0.9987,0.9987,0.9987,0.9987,0.9987,0.9987,0.9986,0.9986,0.9986,0.9986,0.9985,0.9985,0.9985,0.9984,0.9984,0.9984,0.9983,0.9983,0.9983,0.9983,0.9982,0.9982,0.9982,0.9982,0.9982,0.9982,0.9982,0.9981,0.9981,0.9981,0.9981,0.9981,0.998,0.998,0.998,0.998,0.998,0.998,0.998,0.998,0.9979,0.9979,0.9978,0.9978,0.9978,0.9977,0.9977,0.9977,0.9977,0.9977,0.9975,0.9975,0.9974,0.9974,0.9974,0.9973,0.9973,0.9973,0.9973,0.9971,0.9971,0.9971,0.997,0.997,0.9969,0.9969,0.9969,0.9968,0.9968,0.9967,0.9965,0.9965,0.9965,0.9964,0.9964,0.9963,0.9961,0.9961,0.996,0.9959,0.9958,0.9958,0.9958,0.9954,0.9953,0.9953,0.9953,0.9953,0.9952,0.9951,0.9947],[0.9998,0.9998,0.9998,0.9998,0.9997,0.9997,0.9997,0.9996,0.9996,0.9996,0.9995,0.9995,0.9995,0.9995,0.9994,0.9994,0.9994,0.9994,0.9994,0.9994,0.9994,0.9993,0.9993,0.9993,0.9993,0.9993,0.9993,0.9993,0.9993,0.9993,0.9993,0.9992,0.9992,0.9992,0.9992,0.9992,0.9992,0.9992,0.9991,0.9991,0.9991,0.9991,0.9991,0.9991,0.9991,0.9991,0.9991,0.9991,0.999,0.999,0.999,0.999,0.999,0.999,0.999,0.999,0.999,0.999,0.999,0.999,0.999,0.999,0.9989,0.9989,0.9989,0.9989,0.9988,0.9988,0.9988,0.9988,0.9988,0.9987,0.9987,0.9987,0.9987,0.9987,0.9986,0.9986,0.9986,0.9986,0.9985,0.9985,0.9985,0.9985,0.9985,0.9984,0.9984,0.9984,0.9984,0.9984,0.9983,0.9982,0.9982,0.9982,0.9982,0.9982,0.9981,0.998,0.998,0.998,0.9979,0.9978,0.9978,0.9978,0.9976,0.9976,0.9976,0.9976,0.9976,0.9976,0.9975,0.9973],[0.9997,0.9997,0.9997,0.9996,0.9995,0.9995,0.9995,0.9994,0.9993,0.9993,0.9993,0.9993,0.9992,0.9991,0.9991,0.9991,0.9991,0.9991,0.9991,0.999,0.999,0.999,0.999,0.999,0.999,0.999,0.9989,0.9989,0.9989,0.9989,0.9989,0.9988,0.9988,0.9988,0.9988,0.9987,0.9987,0.9987,0.9987,0.9987,0.9986,0.9986,0.9986,0.9986,0.9986,0.9986,0.9986,0.9985,0.9985,0.9985,0.9985,0.9985,0.9985,0.9984,0.9984,0.9984,0.9984,0.9984,0.9984,0.9984,0.9984,0.9984,0.9983,0.9983,0.9982,0.9982,0.9982,0.9982,0.9982,0.9982,0.9981,0.998,0.998,0.998,0.9979,0.9979,0.9979,0.9978,0.9978,0.9978,0.9977,0.9977,0.9977,0.9976,0.9976,0.9975,0.9975,0.9975,0.9975,0.9974,0.9974,0.9972,0.9972,0.9972,0.9972,0.9971,0.997,0.9969,0.9969,0.9968,0.9967,0.9966,0.9966,0.9966,0.9963,0.9963,0.9963,0.9962,0.9962,0.9962,0.9961,0.9957],[0.9999,0.9999,0.9999,0.9998,0.9998,0.9998,0.9998,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9994,0.9994,0.9994,0.9994,0.9994,0.9994,0.9994,0.9994,0.9994,0.9994,0.9994,0.9994,0.9994,0.9994,0.9994,0.9994,0.9994,0.9993,0.9993,0.9993,0.9993,0.9993,0.9993,0.9993,0.9993,0.9993,0.9993,0.9993,0.9993,0.9992,0.9992,0.9992,0.9992,0.9992,0.9992,0.9992,0.9991,0.9991,0.9991,0.9991,0.9991,0.9991,0.9991,0.999,0.999,0.999,0.999,0.999,0.999,0.999,0.9989,0.9989,0.9989,0.9989,0.9988,0.9988,0.9988,0.9987,0.9987,0.9987,0.9987,0.9986,0.9986,0.9986,0.9985,0.9985,0.9985,0.9985,0.9985,0.9985,0.9984,0.9983],[0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9994,0.9994,0.9994,0.9994,0.9994,0.9994,0.9994,0.9993,0.9993,0.9993,0.9993,0.9993,0.9993,0.9993,0.9992,0.9992,0.9992,0.9992,0.9992,0.9992,0.9992,0.9991],[0.9999,0.9999,0.9999,0.9999,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9995,0.9994,0.9994,0.9994,0.9994,0.9994,0.9994,0.9994,0.9994,0.9994,0.9994,0.9993,0.9993,0.9993,0.9993,0.9993,0.9993,0.9993,0.9993,0.9993,0.9992,0.9992,0.9992,0.9992,0.9992,0.9992,0.9992,0.9992,0.9991,0.9991,0.9991,0.9991,0.9991,0.9991,0.999,0.999,0.999,0.9989,0.9989,0.9989,0.9989,0.9989,0.9989,0.9989,0.9988,0.9987,0.9987,0.9987,0.9987,0.9987,0.9987,0.9986],[1,1,1,1,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9996,0.9995],[1,1,1,1,1,1,1,1,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9998,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997,0.9997],[1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999],[1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999],[1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999,0.9999],[1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1],[1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1],[1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1],[1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1],[1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1],[1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1],[1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1],[1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1],[1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1]],"times":[171,173,177,205,272,285,288,338,371,374,385,394,438,456,475,476,481,491,495,536,537,545,547,548,550,554,573,594,598,600,612,629,637,648,662,675,687,707,712,714,732,748,754,755,762,769,776,784,795,799,801,805,819,836,838,855,857,861,865,866,867,876,889,918,956,960,981,982,983,991,1002,1059,1080,1090,1105,1120,1146,1162,1170,1174,1218,1219,1246,1279,1296,1329,1337,1343,1352,1371,1420,1481,1493,1502,1525,1528,1601,1675,1679,1701,1753,1806,1807,1814,1975,1989,1990,2015,2018,2039,2093,2286],"brier_score_survMetrics":[0.0064,0.0091,0.0122,0.0158,0.0199,0.0261,0.0285,0.0328,0.0361,0.0388,0.0418,0.045,0.0491,0.0518,0.0551,0.0581,0.0608,0.0635,0.0657,0.0689,0.0697,0.0723,0.0744,0.0773,0.0802,0.0855,0.088,0.091,0.0936,0.0966,0.0993,0.1021,0.1053,0.1038,0.1068,0.109,0.1115,0.1141,0.1159,0.1191,0.1215,0.1245,0.1254,0.1286,0.132,0.1302,0.1325,0.1355,0.1382,0.1414,0.1441,0.1464,0.1484,0.1498,0.1522,0.1539,0.1562,0.1593,0.1625,0.1655,0.1678,0.1707,0.1729,0.1748,0.1754,0.1724,0.1735,0.177,0.1805,0.1841,0.187,0.1884,0.1886,0.1918,0.1957,0.1984,0.2006,0.2028,0.2035,0.2059,0.2087,0.2113,0.2128,0.216,0.2167,0.2203,0.2229,0.2266,0.2303,0.2326,0.2339,0.2353,0.237,0.239,0.2407,0.2436,0.2427,0.2472,0.2511,0.2535,0.2518,0.2531,0.2551,0.2643,0.2702,0.2747,0.2796,0.2812,0.2834,0.2952,0.305,0.3119],"ibrier_score_survMetrics":[0.1859],"brier_score_survAUC":["NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN","NaN"],"ibrier_score_survAUC":["NaN"]}] diff --git a/tests/benchmark_data/benchmark_cindex.json b/tests/benchmark_data/benchmark_cindex.json new file mode 100644 index 0000000..d138e7b --- /dev/null +++ b/tests/benchmark_data/benchmark_cindex.json @@ -0,0 +1 @@ +[{"train_time":[306,455,1010,210,883,1022,310,361,218,166,170,654,728,71,567,144,613,707,61,88,301,81,624,371,394,520,574,118,390,12,473,26,533,107,53,122,814,965,93,731,460,153,433,145,583,95,303,519,643,765,735,189,53,246,689,65,5,132,687,345,444,223,175,60,163,65,208,821,428,230,840,305,11,132,226,426,705,363,11,176,791,95,196,167,806,284,641,147,740,163,655,239,88,245,588,30,179,310,477,166,559,450,364,107,177,156,529,11,429,351,15,181,283,201],"train_status":[true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,false,true,false,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,true,true],"test_time":[524,13,212,524,288,363,442,199,550,54,558,207,92,60,551,543,293,202,353,511,267,511,371,387,457,337,201,404,222,62,458,356,353,163,31,340,229,444,315,182,156,329,364,291,179,376,384,268,292,142,413,266,194,320,181,285,301,348,197,382,303,296,180,186,145,269,300,284,350,272,292,332,285,259,110,286,270,81,131,225,269,225,243,279,276,135,79,59,240,202,235,105,224,239,237,173,252,221,185,92,13,222,192,183,211,175,197,203,116,188,191,105,174,177],"test_status":[true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,false,true,true,true,false,true,false,true,true,true,true,true,false,true,true,false,false,true,true,true,true,true,false,false,true,true,true,false,true,true,false,false,true,false,true,false,false,true,true,true,true,false,true,true,false,false,false,true,true,true,false,false,false,true,false,false,false,true,false,true,true,true,true,true,false,true,false,false,false,false,true,true,true,false,false,false,true,false,true,false,false,false,false,false,false,true,false,false,true,false,false,false,false,true,false,false,false,false,false],"estimate":[-0.2196,0.302,-0.3382,0.1123,0.0649,0.3968,0.2783,-0.0774,0.136,0.2071,0.1597,0.0649,-0.3145,0.0175,0.3257,-0.3619,-0.1011,-0.2433,-0.3856,-0.1959,0.0886,0.2546,-0.1248,-0.1722,-0.2196,-0.1722,0.2308,0.2546,0.302,0.0412,-0.1485,-0.2433,0.1834,-0.2196,0.4442,-0.1011,0.1597,-0.0774,-0.0299,-0.2433,-0.1959,0.136,0.1123,-0.0299,-0.0062,-0.1722,-0.0299,-0.4567,0.136,-0.0062,0.0175,-0.1485,-0.0774,-0.4093,-0.0537,0.0412,-0.0537,-0.1248,-0.1722,-0.4804,-0.2433,-0.1011,-0.1722,-0.1959,-0.2433,0.2546,-0.0774,-0.5753,0.0649,0.0412,-0.2907,-0.433,0.2071,-0.1248,0.0175,-0.2433,0.2071,-0.267,-0.3145,0.0175,0.1834,0.1597,-0.0062,0.0175,-0.267,-0.0774,0.0175,0.2308,-0.0062,-0.3145,-0.0062,-0.0299,-0.1959,-0.3145,0.136,-0.1011,-0.0774,0.0886,0.136,0.0175,0.0412,0.0412,-0.5278,0.302,0.1597,-0.1485,0.0886,0.1834,0.302,0.3257,-0.5753,0.2783,0.0649,-0.1248],"times":[13,31,54,59,60,62,79,81,92,105,110,116,131,135,142,145,156,163,179,180,181,182,183,186,194,197,199,201,202,207,212,222,229,239,267,268,269,270,285,286,288,291,293,320,329,337,340,348,350,353,363,371,387,442,457,524,550],"surv.prob":[0.9825,0.9737,0.9649,0.9561,0.9474,0.9386,0.9298,0.9211,0.9123,0.9034,0.8945,0.8855,0.8766,0.8676,0.8587,0.8498,0.8408,0.8319,0.8225,0.8132,0.8038,0.7945,0.7851,0.7757,0.7659,0.756,0.7461,0.7361,0.7262,0.716,0.7056,0.6951,0.6838,0.6723,0.6596,0.6469,0.6342,0.6213,0.593,0.5789,0.5648,0.5507,0.5358,0.5185,0.5012,0.4833,0.4654,0.4475,0.4296,0.3938,0.3751,0.3553,0.3316,0.304,0.2736,0.1824,0.1216],"c_Uno_survAUC":[0.5169],"c_Uno_survC1":[0.5137],"c_Harrell_survival":[0.5295],"c_Harrell_survcomp":[0.5306],"c_se_noether_survcomp":[0.0437],"c_lower_conservative_survcomp":[0.3674],"ch_survcomp":[45,105,38,17,40,21,16,46,15,97,14,52,19,68,2,57,45,35,50,42,45,7,43,41,45,38,71,6,64,73,38,41,27,33,111,42,58,31,23,32,35,33,15,46,57,37,27,38,12,63,22,22,47,46,54,41,25,42,37,55,35,29,38,37,27,5,26,39,28,13,39,46,44,22,66,38,49,23,22,11,49,8,15,15,33,54,69,99,15,27,15,60,23,38,9,13,19,7,6,6,70,8,25,81,7,13,6,7,95,1,25,2,5,13],"dh_survcomp":[15,4,61,45,40,52,51,51,46,14,46,46,90,39,59,3,33,61,23,14,42,51,28,25,19,32,30,50,30,36,20,8,45,76,2,31,35,23,20,70,73,41,39,33,46,15,26,49,32,44,31,13,51,29,52,38,19,31,61,0,6,15,65,66,79,32,16,0,44,24,5,1,35,13,40,39,35,89,86,19,36,25,18,21,5,52,38,13,18,0,17,48,8,52,25,6,13,25,18,1,38,22,0,23,24,6,20,23,13,24,0,8,14,6],"weights_survcomp":[1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1]},{"train_time":[306,455,1010,210,883,1022,310,361,218,166,170,654,728,71,567,144,613,707,61,88,301,81,624,371,394,520,574,118,390,12,473,26,533,107,53,122,814,965,93,731,460,153,433,145,583,95,303,519,643,765,735,189,53,246,689,65,5,132,687,345,444,223,175,60,163,65,208,821,428,230,840,305,11,132,226,426,705,363,11,176,791,95,196,167,806,284,641,147,740,163,655,239,88,245,588,30,179,310,477,166,559,450,364,107,177,156,529,11,429,351,15,181,283,201],"train_status":[true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,false,true,false,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,true,true],"test_time":[524,13,212,524,288,363,442,199,550,54,558,207,92,60,551,543,293,202,353,511,267,511,371,387,457,337,201,404,222,62,458,356,353,163,31,340,229,444,315,182,156,329,364,291,179,376,384,268,292,142,413,266,194,320,181,285,301,348,197,382,303,296,180,186,145,269,300,284,350,272,292,332,285,259,110,286,270,81,131,225,269,225,243,279,276,135,79,59,240,202,235,105,224,239,237,173,252,221,185,92,13,222,192,183,211,175,197,203,116,188,191,105,174,177],"test_status":[true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,false,true,true,true,false,true,false,true,true,true,true,true,false,true,true,false,false,true,true,true,true,true,false,false,true,true,true,false,true,true,false,false,true,false,true,false,false,true,true,true,true,false,true,true,false,false,false,true,true,true,false,false,false,true,false,false,false,true,false,true,true,true,true,true,false,true,false,false,false,false,true,true,true,false,false,false,true,false,true,false,false,false,false,false,false,true,false,false,true,false,false,false,false,true,false,false,false,false,false],"estimate":[-0.2245,0.6534,-0.0008,0.4596,0.4111,0.7504,0.6292,-0.0791,0.139,0.5565,0.5081,0.4111,0.0234,0.3627,0.3329,-0.3698,-0.1033,0.0961,-0.0493,-0.2002,0.4354,0.2602,-0.1275,0.1688,0.1204,0.1688,0.2359,0.605,0.6534,0.0421,0.193,-0.2487,0.5323,0.1204,0.7988,-0.1033,0.5081,0.2657,-0.0306,-0.2487,0.1446,0.4838,0.1148,0.3142,0.3384,-0.176,-0.0306,-0.4668,0.4838,0.3384,0.3627,-0.1518,-0.0791,-0.0735,0.29,0.3869,0.29,-0.1275,0.1688,-0.491,0.0961,-0.1033,0.1688,-0.2002,-0.2487,0.2602,0.2657,-0.2431,0.0663,0.0421,-0.2972,-0.4425,0.2117,0.2173,0.3627,0.0961,0.5565,0.0719,0.0234,0.3627,0.5323,0.5081,-0.0064,0.3627,-0.2729,0.2657,0.0179,0.5808,-0.0064,-0.3214,-0.0064,0.3142,-0.2002,-0.3214,0.4838,-0.1033,-0.0791,0.4354,0.4838,0.0179,0.3869,0.3869,-0.5395,0.6534,0.1632,-0.1518,0.4354,0.1875,0.6534,0.6777,-0.2431,0.2844,0.4111,-0.1275],"times":[13,31,54,59,60,62,79,81,92,105,110,116,131,135,142,145,156,163,179,180,181,182,183,186,194,197,199,201,202,207,212,222,229,239,267,268,269,270,285,286,288,291,293,320,329,337,340,348,350,353,363,371,387,442,457,524,550],"surv.prob":[0.9825,0.9737,0.9649,0.9561,0.9474,0.9386,0.9298,0.9211,0.9123,0.9034,0.8945,0.8855,0.8766,0.8676,0.8587,0.8498,0.8408,0.8319,0.8225,0.8132,0.8038,0.7945,0.7851,0.7757,0.7659,0.756,0.7461,0.7361,0.7262,0.716,0.7056,0.6951,0.6838,0.6723,0.6596,0.6469,0.6342,0.6213,0.593,0.5789,0.5648,0.5507,0.5358,0.5185,0.5012,0.4833,0.4654,0.4475,0.4296,0.3938,0.3751,0.3553,0.3316,0.304,0.2736,0.1824,0.1216],"c_Uno_survAUC":[0.5885],"c_Uno_survC1":[0.5791],"c_Harrell_survival":[0.5949],"c_Harrell_survcomp":[0.5957],"c_se_noether_survcomp":[0.04],"c_lower_conservative_survcomp":[0.4294],"ch_survcomp":[55,106,53,17,43,21,17,43,35,103,12,59,47,83,24,59,48,49,47,53,50,27,53,33,37,41,58,6,65,49,29,49,27,56,111,50,61,26,37,30,58,34,33,48,69,50,42,37,10,75,18,31,42,47,67,45,21,50,53,55,29,39,56,35,25,18,22,35,43,27,42,46,47,18,76,45,51,50,50,9,51,7,29,13,37,70,46,104,29,29,29,73,30,38,8,18,29,6,6,8,83,7,25,82,18,18,6,15,96,1,23,6,5,18],"dh_survcomp":[7,3,46,45,38,52,50,57,27,9,48,40,64,26,37,1,30,50,26,4,37,31,18,33,28,30,44,50,29,63,29,2,45,54,2,23,32,30,8,75,53,41,21,33,37,5,13,50,34,35,36,4,59,28,39,35,23,23,46,0,14,5,48,69,84,19,22,4,31,11,2,1,34,17,31,35,34,63,60,22,34,26,6,24,2,39,66,9,6,0,5,37,2,54,26,1,4,26,18,0,27,24,0,22,13,1,20,15,12,24,2,4,14,1],"weights_survcomp":[1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1]},{"train_time":[455,210,1022,310,361,218,166,170,567,613,707,61,301,81,371,520,574,118,390,12,473,26,107,53,814,965,93,731,460,153,433,583,95,303,519,643,765,53,246,689,5,687,345,444,223,60,163,65,821,428,230,840,305,11,226,426,705,363,176,791,95,196,167,806,284,641,147,740,163,655,88,245,30,477,559,450,156,529,429,351,15,181,283],"train_status":[true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,false,true,false,true,true,true,false,true,true,true,true,true,true,false,true,true,false,true,true,true,true,true],"test_time":[13,212,524,288,363,199,550,54,558,207,92,60,551,293,353,267,511,457,337,201,404,222,62,458,353,163,31,229,156,291,179,376,384,268,292,142,413,266,320,181,285,301,348,197,382,303,296,180,145,269,300,284,292,332,285,259,110,286,270,225,269,225,243,276,135,79,59,240,202,235,239,252,221,185,222,183,211,175,197,203,191,105,174,177],"test_status":[true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,false,true,true,true,false,true,true,false,true,true,true,true,true,true,true,false,false,true,false,true,false,false,true,true,true,false,true,true,false,false,false,true,true,false,false,false,false,false,true,false,true,true,true,false,true,false,false,false,true,true,true,false,false,false,true,false,false,false,false,true,false,false,false,false,false,false,false,false],"estimate":[1.2774,0.6121,0.5245,1.0722,0.7426,0.3718,-0.1494,0.9963,-0.1382,0.3304,0.1392,0.2153,1.3093,-0.3147,-0.4473,0.2192,0.9531,0.2782,-0.4225,0.9607,0.7088,1.0981,-0.1048,-0.1162,0.4354,0.2805,0.5888,0.4092,1.1141,0.9804,0.5388,-0.3638,-0.5605,-0.7822,0.2894,0.641,0.5221,-0.7784,-0.519,0.5002,0.1037,0.3486,-0.6853,0.5851,-0.706,0.2572,-0.3819,0.2135,-0.3807,-0.015,-0.1657,-0.6263,-0.837,-1.2162,0.5795,-0.3629,0.5346,-0.6076,0.4837,0.5582,0.6618,0.0611,-0.1073,-0.4459,0.6081,0.1582,-0.0613,-0.7172,-0.682,-0.1539,0.0137,-0.2434,0.5766,0.8947,0.7263,1.6784,1.4051,-0.9245,0.1838,0.0689,-1.172,0.539,0.4366,-0.2922],"times":[13,31,54,59,60,62,79,92,110,135,142,145,156,163,179,180,181,183,197,199,201,207,212,222,229,239,267,268,269,270,285,286,288,291,293,320,337,348,353,363,457,524,550],"surv.prob":[0.9881,0.9762,0.9643,0.9524,0.9405,0.9286,0.9167,0.9048,0.8927,0.8806,0.8686,0.8565,0.8444,0.8324,0.8198,0.8072,0.7945,0.7819,0.7689,0.7556,0.7424,0.7286,0.7146,0.7003,0.6851,0.6695,0.6519,0.6343,0.6167,0.5985,0.5599,0.5406,0.5213,0.502,0.4811,0.4558,0.429,0.4021,0.3485,0.3217,0.2758,0.2068,0.1379],"c_Uno_survAUC":[0.6541],"c_Uno_survC1":[0.6134],"c_Harrell_survival":[0.654],"c_Harrell_survcomp":[0.6535],"c_se_noether_survcomp":[0.041],"c_lower_conservative_survcomp":[0.4607],"ch_survcomp":[80,48,20,30,18,48,36,76,36,46,40,43,1,41,37,39,8,28,38,55,9,50,35,35,26,46,65,47,68,31,53,35,39,29,22,60,18,26,38,51,41,21,38,53,41,23,34,43,29,24,32,29,35,37,35,25,55,35,39,11,34,21,25,29,59,40,34,26,21,24,47,25,10,4,5,62,1,14,13,18,18,3,7,13],"dh_survcomp":[3,25,26,30,35,28,10,7,9,28,43,40,44,17,15,24,35,20,15,21,33,21,48,8,26,36,18,22,14,29,26,7,3,34,13,22,24,0,16,28,18,15,15,23,1,13,2,36,53,4,4,1,0,0,24,1,27,25,23,13,28,3,1,1,23,43,49,0,0,1,21,1,13,14,18,17,21,0,5,3,0,5,7,1],"weights_survcomp":[1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1]},{"train_time":[1838,403,1603,177,1855,842,293,42,564,1093,436,238,723,503,448,359,1720,1306,942,370,959,552,392,698,249,2051,1356,530,1150,956,679,1820,1013,1225,417,343,488,1862,1763,1587,446,344,63,1483,827,296,1701,2014,2030,722,286,184,1469,276,797,2128,1177,1449,1108,1460,533,1434,168,525,180,471,350,1167,855,449,745,544,186,308,1856,1965,546,1183,1826,360,797,375,779,336,578,463,526,502,540,721,1729,275,2030,72,17,420,2027,891,1352,1192,737,936,1089,377,1655,740,650,1981,742,1977,628,624,733,177,1207,542,1756,515,1459,233,455,379,223,622,426,227,1100,1693,1977,717,1434,973,498,557,650,1751,160,770,1441,424,1730,65,1387,242,792,500,1653,338,731,426,772,1884,1185,359,369,2007,2372,2353,1388,1193,358,175,1366,1163,2233,595,529,1472,2372,410,281,1675,1077,251,541,1192,859,518,548,1140,535,2024,1826,1094,29,2239,1589,504,308,657,1502,624,586,316,120,550,181,1685,828,114,2456,855,632,918,1195,272,2205,548,918,71,1317,195,790,1093,15,870,2034,490,859,486,974,1463,631,2052,1637,2126,1230,1838,758,476,1918,972,307,563,329,191,357,1735,429,729,1557,727,1841,1036,747,825,1363,1560,577,1157,1842,465,2612,964,559,1483,1641,1280,1280,571,1604,567,473,420,370,615,1331,1863,169,1182,415,594,854,305,1854,766,281,1521,945,893,2009,98,2563,1666,1208,859,2467,552,1459,1582,1956,575,853,1443,579,1091,544,247,663,348,2401,740,888,1090,148,730,372,1231,1253,1062,772,1349,1965,1240,1789,2551,1164,972,1868,1866,751,1598,113,1756,491,646,491,1684,16,2059,460,2048,883,890,1043,353,1833,1905,338,241,2144,2014,670],"train_status":[0,1,0,0,0,1,1,0,1,1,1,1,0,1,1,1,0,1,0,1,1,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,0,1,1,1,1,0,0,1,0,0,0,1,1,1,1,0,0,1,0,0,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,1,0,0,0,1,0,1,1,1,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,1,0,1,0,1,1,1,1,1,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,1,1,1,0,0,0,1,1,0,1,0,1,1,1,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,1,1,1,1,0,0,1,0,0,1,1,1,0,0,1,1,1,1,1,1,0,0,0,1,1,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,1,1,1,1,1,0,0,1,0,1,0,1,1,0,1,0,1,1,0,1,0,1,1,0,1,1,1,1,0,0,1,1,1,0,0,0,1,0,1,1,0,1,0,0,1,1,1,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,1,1,1,0,0,1,0,1,1,1,1,0,0,1,1,0,0,1],"test_time":[1222,858,675,2438,1502,229,598,1570,940,1296,855,967,1342,1401,495,836,2227,573,1601,1624,1080,754,867,769,1722,1722,1481,1357,1089,1525,768,1277,2234,1343,537,1904,918,2161,806,623,1814,877,456,936,288,956,995,945,712,1219,981,1729,2153,173,2156,1212,1059,1600,1878,2015,536,2057,1078,687,1807,1632,2018,67,1243,857,675,1976,1959,1852,1702,960,1714,1232,272,1786,371,1990,374,1351,2192,933,798,1989,545,18,1170,1807,547,1753,2170,1420,707,1730,1264,1105,1109,1791,1475,889,761,648,1113,1645,1528,857,1499,1355,838,1693,1979,481,8,637,1441,171,1527,2296,2011,801,1806,1120,819,1341,1514,566,554,1707,46,1174,1246,1493,612,1162,2177,753,841,1219,734,805,969,1897,1095,2217,310,1358,1722,1703,1743,1821,662,1146,385,2380,1701,195,1818,748,1692,1679,1490,2388,1833,1629,732,795,1781,2370,867,1861,1627,1371,2297,1642,2056,2138,2065,2049,1296,974,1337,623,695,1645,986,1680,594,1717,273,1717,1926,876,1840,1095,1922,1765,596,1323,1002,741,2017,322,776,554,1329,1233,57,1356,1502,2320,548,491,2172,550,1352,1701,1152,784,916,475,2161,2556,529,629,1666,652,1117,2132,1218,368,1427,1858,1340,1938,1818,1114,1846,1329,866,2195,1853,2237,1169,2456,476,1088,1721,1984,432,1751,205,747,1771,2010,861,1675,1090,1472,285,1847,1171,2659,2539,2449,2093,2286,762,1435,1105,1624,982,865,1720,1432,2271,1926,755,2009,1625,1343,1119,285,692,1933,17,651,1499,1834,2471,570,600,637,2039,438,2388,1250,1486,714,799,1767,2237,2175,319,1125,892,394,1279,1205,1505,1975,1617,2372,1350,970,213,1094,1364,2148,338,177,983,1283,1869,461,1814,740,1703,1578,722,553,991,967,1499,1222,1760,1152,1342,629,758],"test_status":[0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,1,1,0,1,0,1,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,1,1,0,0,0,1,0,0,1,1,1,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,1,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0,1,1,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0],"estimate":[0.0201,0.0237,0.0735,-0.0226,-0.0618,-0.0333,-0.0333,0.0735,0.0237,0.0344,0.0486,0.0201,-0.019,0.0201,-0.0155,-0.0155,0.013,-0.0546,-0.0404,0.0166,-0.0297,-0.0261,-0.044,0.0059,-0.0155,0.0237,-0.0155,-0.0012,0.0201,-0.0119,-0.0297,0.0023,0.0344,-0.0119,-0.0297,-0.0368,-0.0404,0.0201,-0.0368,0.0522,-0.0618,0.0201,-0.0155,0.0629,0.0451,-0.019,0.0201,-0.0582,-0.019,-0.0119,0.0557,-0.0012,-0.0475,0.0735,0.0059,0.0273,-0.0404,-0.0333,0.0237,0.013,0.0913,0.0201,0.0059,-0.0261,-0.0226,-0.0938,-0.0119,0.013,-0.0083,-0.0368,-0.019,-0.0083,0.0273,0.0379,-0.0261,0.07,0.0023,-0.0404,0.0237,0.013,0.0593,-0.0582,-0.0333,0.0237,-0.0012,0.0273,-0.0155,-0.019,0.0593,-0.0333,-0.0012,0.0379,-0.019,0.0059,-0.0261,0.0023,0.0486,0.013,0.0095,-0.0083,0.0095,0.0237,0.0273,-0.0261,-0.0155,0.013,-0.044,-0.0653,-0.0368,-0.044,-0.0226,-0.0333,-0.0226,-0.0618,0.0059,-0.0012,0.0095,0.0344,-0.0155,0.0059,0.0059,-0.0261,0.0166,0.0059,-0.0867,-0.0511,0.07,-0.0083,-0.0653,0.013,0.0095,-0.0475,-0.0333,0.0237,0.0415,-0.0261,0.0522,0.0664,0.0557,-0.0261,0.013,0.0308,-0.0618,-0.0297,0.0237,0.0023,-0.0083,0.0201,0.0308,-0.0119,-0.0119,0.013,-0.0475,-0.0618,-0.0119,0.0201,-0.0261,-0.0261,-0.0083,0.0059,0.013,0.0237,0.0237,-0.0404,-0.0368,-0.0618,0.0344,0.0201,0.0379,-0.019,-0.0582,0.0273,0.0059,-0.044,0.0166,-0.0048,0.0095,-0.0261,0.0166,-0.0048,0.0522,0.0201,-0.0582,-0.0297,0.0522,-0.0333,-0.0618,-0.0368,-0.0048,0.0379,-0.044,0.0308,0.013,0.013,0.0201,-0.0582,-0.0226,0.0273,0.013,0.0557,-0.0261,0.0201,-0.0155,0.0166,0.0059,0.0059,0.0201,-0.0796,-0.0155,0.0557,0.0344,0.0308,0.0237,0.0273,-0.0297,-0.0368,-0.0226,0.0095,-0.0261,-0.0155,-0.0297,-0.0404,0.0201,0.0308,-0.044,0.0201,0.0273,-0.0333,0.0201,-0.0404,0.0451,0.0344,-0.0404,-0.0511,0.0664,0.0166,-0.0048,-0.044,-0.0012,-0.0261,-0.0368,-0.0404,0.0451,-0.0689,0.0344,0.0166,0.0557,0.0095,-0.0333,0.0237,-0.019,0.0415,-0.019,0.0201,0.0557,-0.0796,0.0166,0.0059,0.0985,-0.0475,0.013,-0.0012,0.0379,-0.0368,0.0023,-0.0333,0.0201,-0.0119,0.0451,-0.0582,-0.0083,-0.0261,0.0308,0.0166,0.0166,-0.0083,0.0451,0.0095,0.013,-0.044,0.0166,-0.0404,0.0201,-0.0012,0.0273,0.0771,0.0308,0.013,0.0059,0.0308,0.013,0.0522,-0.0404,-0.0404,-0.0012,-0.044,0.013,0.0379,-0.0511,-0.044,-0.0012,-0.0261,-0.0404,-0.0261,-0.0404,0.0237,-0.0297,0.0201,0.0095,-0.0475,0.0201,-0.0012,-0.0511,-0.076,0.0344,-0.076,-0.0297,-0.0475,-0.0155,0.0059,0.0308,-0.0368,0.0771,-0.0404,0.0023,-0.0297,0.0522,0.0059,0.0237,-0.0226,0.0201,0.0166,-0.0404,-0.0226,-0.044,-0.044,0.0344,-0.0511,0.0059,-0.0404,-0.0155,0.0308,-0.0974],"times":[171,173,177,205,272,285,288,338,371,374,385,394,438,456,475,476,481,491,495,536,537,545,547,548,550,554,573,594,598,600,612,629,637,648,662,675,687,707,712,714,732,748,754,755,762,769,776,784,795,799,801,805,819,836,838,855,857,861,865,866,867,876,889,918,956,960,981,982,983,991,1002,1059,1080,1090,1105,1120,1146,1162,1170,1174,1218,1219,1246,1279,1296,1329,1337,1343,1352,1371,1420,1481,1493,1502,1525,1528,1601,1675,1679,1701,1753,1806,1807,1814,1975,1989,1990,2015,2018,2039,2093,2286],"surv.prob":[1,0.997,0.9941,0.9911,0.9881,0.9851,0.9791,0.9761,0.9731,0.97,0.967,0.964,0.9609,0.9579,0.9548,0.9518,0.9487,0.9456,0.9426,0.9395,0.9364,0.9334,0.9303,0.9272,0.9242,0.9211,0.9149,0.9118,0.9087,0.9056,0.9025,0.8994,0.8963,0.8931,0.89,0.8868,0.8836,0.8804,0.8772,0.874,0.8708,0.8676,0.8643,0.861,0.8577,0.8544,0.8511,0.8477,0.8444,0.8411,0.8378,0.8344,0.8311,0.8277,0.8244,0.821,0.8177,0.8143,0.8109,0.8075,0.8041,0.8007,0.7973,0.7939,0.7904,0.7869,0.7834,0.7798,0.7762,0.7726,0.769,0.7654,0.7618,0.7581,0.7544,0.747,0.7431,0.7393,0.7354,0.7315,0.7276,0.7236,0.7196,0.7155,0.7113,0.7071,0.7028,0.6986,0.6942,0.6897,0.6851,0.6804,0.6755,0.6706,0.6656,0.6604,0.6552,0.6499,0.644,0.6382,0.6321,0.625,0.6172,0.6093,0.5935,0.5823,0.5704,0.5585,0.5459,0.5329,0.5199,0.5054],"c_Uno_survAUC":[0.487],"c_Uno_survC1":[0.4819],"c_Harrell_survival":[0.5125],"c_Harrell_survcomp":[0.5129],"c_se_noether_survcomp":[0.0316],"c_lower_conservative_survcomp":[0.4009],"ch_survcomp":[26,16,3,72,102,3,88,4,18,168,237,21,54,29,129,114,36,49,104,32,102,98,56,152,55,26,106,43,22,101,34,39,23,49,92,84,89,31,45,7,106,20,129,6,299,110,22,64,117,44,219,44,104,329,42,22,91,76,26,59,304,30,28,98,91,100,72,0,42,49,118,51,26,19,66,227,42,70,251,34,312,107,81,26,49,18,27,80,299,0,122,19,124,78,74,112,264,34,33,119,28,26,26,102,24,180,70,99,107,80,63,71,111,100,39,160,0,11,53,177,38,74,33,149,104,91,248,46,96,12,182,96,0,167,180,102,278,194,10,28,19,174,42,98,19,44,36,31,5,50,53,34,96,104,132,156,97,74,90,1,35,219,26,101,78,111,22,29,253,113,101,27,145,95,32,111,40,65,33,53,12,30,85,49,168,24,38,80,35,19,57,23,3,34,30,74,67,20,35,10,19,28,110,15,40,6,189,29,49,10,0,23,26,27,94,77,72,184,101,54,57,80,20,270,100,31,9,90,29,30,14,23,97,9,7,33,46,95,46,51,84,98,232,112,22,34,10,40,84,20,60,18,9,29,315,42,32,39,239,106,144,44,291,84,36,85,31,58,50,110,130,63,189,32,162,125,16,36,36,95,184,87,29,113,21,323,11,35,0,11,34,12,91,25,152,61,57,287,106,77,44,99,81,67,91,27,7,23,23,40,147,38,92,106,22,113,66,64,3,29,23,89,319,49,138,63,12,9,85,27,29,32,36,18,88,61,22,81,38,66,50,11,46],"dh_survcomp":[57,41,33,42,121,1,226,94,46,80,62,46,31,61,186,178,75,273,106,66,174,194,3,139,43,74,121,45,52,120,11,46,91,40,225,22,192,81,8,25,72,43,187,60,29,173,49,1,188,39,61,55,9,5,68,61,179,19,78,90,21,81,42,201,87,0,78,0,40,8,189,54,82,86,30,62,59,9,68,68,15,48,240,62,62,48,22,72,25,0,136,83,194,103,34,124,47,67,51,151,48,75,68,180,20,123,4,1,111,208,32,17,185,1,65,156,0,23,37,144,56,35,76,141,79,178,52,41,1,16,134,5,0,90,78,117,38,74,103,13,37,85,1,197,47,62,38,81,3,41,48,67,5,2,176,98,215,35,112,1,71,74,73,98,16,3,85,68,53,183,2,89,140,9,66,128,74,28,79,61,100,81,1,16,80,6,1,18,36,80,254,77,2,67,75,218,39,56,71,92,10,57,164,28,67,1,91,293,35,73,0,66,67,89,223,240,41,134,131,43,19,210,44,48,11,82,11,222,68,5,62,91,156,0,86,73,44,9,58,22,22,143,62,3,85,79,69,74,235,53,38,90,4,71,15,0,70,67,59,100,123,46,35,22,45,27,82,55,97,18,167,25,82,66,113,166,85,56,75,9,112,15,68,125,57,7,27,71,0,24,60,94,16,2,159,245,91,35,9,5,47,198,208,30,15,84,1,55,40,283,93,42,4,53,77,2,21,3,1,43,66,24,9,271,142,20,94,5,91,16,71,65,5,8,187,4,73,3,61,9,36,21,0],"weights_survcomp":[1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1]},{"train_time":[1838,403,1603,177,1855,842,293,42,564,1093,436,238,723,503,448,359,1720,1306,942,370,959,552,392,698,249,2051,1356,530,1150,956,679,1820,1013,1225,417,343,488,1862,1763,1587,446,344,63,1483,827,296,1701,2014,2030,722,286,184,1469,276,797,2128,1177,1449,1108,1460,533,1434,168,525,180,471,350,1167,855,449,745,544,186,308,1856,1965,546,1183,1826,360,797,375,779,336,578,463,526,502,540,721,1729,275,2030,72,17,420,2027,891,1352,1192,737,936,1089,377,1655,740,650,1981,742,1977,628,624,733,177,1207,542,1756,515,1459,233,455,379,223,622,426,227,1100,1693,1977,717,1434,973,498,557,650,1751,160,770,1441,424,1730,65,1387,242,792,500,1653,338,731,426,772,1884,1185,359,369,2007,2372,2353,1388,1193,358,175,1366,1163,2233,595,529,1472,2372,410,281,1675,1077,251,541,1192,859,518,548,1140,535,2024,1826,1094,29,2239,1589,504,308,657,1502,624,586,316,120,550,181,1685,828,114,2456,855,632,918,1195,272,2205,548,918,71,1317,195,790,1093,15,870,2034,490,859,486,974,1463,631,2052,1637,2126,1230,1838,758,476,1918,972,307,563,329,191,357,1735,429,729,1557,727,1841,1036,747,825,1363,1560,577,1157,1842,465,2612,964,559,1483,1641,1280,1280,571,1604,567,473,420,370,615,1331,1863,169,1182,415,594,854,305,1854,766,281,1521,945,893,2009,98,2563,1666,1208,859,2467,552,1459,1582,1956,575,853,1443,579,1091,544,247,663,348,2401,740,888,1090,148,730,372,1231,1253,1062,772,1349,1965,1240,1789,2551,1164,972,1868,1866,751,1598,113,1756,491,646,491,1684,16,2059,460,2048,883,890,1043,353,1833,1905,338,241,2144,2014,670],"train_status":[0,1,0,0,0,1,1,0,1,1,1,1,0,1,1,1,0,1,0,1,1,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,0,1,1,1,1,0,0,1,0,0,0,1,1,1,1,0,0,1,0,0,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,1,0,0,0,1,0,1,1,1,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,1,0,1,0,1,1,1,1,1,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,1,1,1,0,0,0,1,1,0,1,0,1,1,1,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,1,1,1,1,0,0,1,0,0,1,1,1,0,0,1,1,1,1,1,1,0,0,0,1,1,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,1,1,1,1,1,0,0,1,0,1,0,1,1,0,1,0,1,1,0,1,0,1,1,0,1,1,1,1,0,0,1,1,1,0,0,0,1,0,1,1,0,1,0,0,1,1,1,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,1,1,1,0,0,1,0,1,1,1,1,0,0,1,1,0,0,1],"test_time":[1222,858,675,2438,1502,229,598,1570,940,1296,855,967,1342,1401,495,836,2227,573,1601,1624,1080,754,867,769,1722,1722,1481,1357,1089,1525,768,1277,2234,1343,537,1904,918,2161,806,623,1814,877,456,936,288,956,995,945,712,1219,981,1729,2153,173,2156,1212,1059,1600,1878,2015,536,2057,1078,687,1807,1632,2018,67,1243,857,675,1976,1959,1852,1702,960,1714,1232,272,1786,371,1990,374,1351,2192,933,798,1989,545,18,1170,1807,547,1753,2170,1420,707,1730,1264,1105,1109,1791,1475,889,761,648,1113,1645,1528,857,1499,1355,838,1693,1979,481,8,637,1441,171,1527,2296,2011,801,1806,1120,819,1341,1514,566,554,1707,46,1174,1246,1493,612,1162,2177,753,841,1219,734,805,969,1897,1095,2217,310,1358,1722,1703,1743,1821,662,1146,385,2380,1701,195,1818,748,1692,1679,1490,2388,1833,1629,732,795,1781,2370,867,1861,1627,1371,2297,1642,2056,2138,2065,2049,1296,974,1337,623,695,1645,986,1680,594,1717,273,1717,1926,876,1840,1095,1922,1765,596,1323,1002,741,2017,322,776,554,1329,1233,57,1356,1502,2320,548,491,2172,550,1352,1701,1152,784,916,475,2161,2556,529,629,1666,652,1117,2132,1218,368,1427,1858,1340,1938,1818,1114,1846,1329,866,2195,1853,2237,1169,2456,476,1088,1721,1984,432,1751,205,747,1771,2010,861,1675,1090,1472,285,1847,1171,2659,2539,2449,2093,2286,762,1435,1105,1624,982,865,1720,1432,2271,1926,755,2009,1625,1343,1119,285,692,1933,17,651,1499,1834,2471,570,600,637,2039,438,2388,1250,1486,714,799,1767,2237,2175,319,1125,892,394,1279,1205,1505,1975,1617,2372,1350,970,213,1094,1364,2148,338,177,983,1283,1869,461,1814,740,1703,1578,722,553,991,967,1499,1222,1760,1152,1342,629,758],"test_status":[0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,1,1,0,1,0,1,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,1,1,0,0,0,1,0,0,1,1,1,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,1,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0,1,1,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0],"estimate":[0.1861,-0.0439,0.0463,-0.1133,-0.1579,-0.1255,-0.2258,-0.0038,0.023,0.1187,-0.1158,-0.0646,0.0579,-0.2318,-0.1888,-0.0216,0.0108,-0.3337,-0.1503,0.0985,-0.0378,0.0498,-0.3884,-0.0809,0.0118,0.3573,-0.2723,-0.0555,0.1861,-0.0008,0.4636,0.333,0.0352,0.4003,0.0959,-0.1462,0.0336,-0.1482,-0.2465,-0.0783,-0.2248,0.1025,-0.1052,0.0676,0.2145,0.4089,0.6876,-0.2207,0.0579,0.0159,0.1431,-0.089,-0.2253,-0.0874,-0.2982,-0.1735,-0.1336,0.4596,-0.1609,-0.1563,-0.0337,0.1527,0.2033,-0.1842,-0.247,-0.2278,-0.3184,-0.1563,-0.3144,-0.1797,-0.2263,0.1537,-0.1401,0.0392,0.3005,-0.175,0.1157,-0.1336,0.1066,-0.173,-0.02,-0.2541,0.1085,-0.1274,-0.1893,0.5285,-0.2222,-0.2263,0.1638,-0.1756,-0.089,-0.3118,0.3086,-0.1644,-0.1174,-0.1685,0.135,-0.1396,0.1739,0.1035,-0.1437,-0.0606,-0.3073,-0.2845,-0.3225,1.1809,-0.0541,-0.3291,-0.1295,-0.1376,-0.0297,-0.0419,-0.1467,-0.3251,-0.2814,-0.1725,-0.0099,-0.015,-0.2723,-0.0809,-0.1811,-0.0338,0.1486,-0.1979,-0.2699,-0.1625,-0.0079,-0.2642,-0.3124,-0.1062,-0.1102,-0.0581,-0.209,0.1066,0.2104,1.1363,-0.0281,-0.1791,0.0595,-0.0003,-0.0895,-0.1026,-0.2749,0.0625,0.0564,-0.3356,0.0534,-0.2819,0.0311,-0.3853,-0.168,-0.2399,-0.1751,-0.2081,0.183,0.0189,0.0498,-0.1174,-0.1305,0.0027,-0.0895,-0.094,-0.1776,0.0503,-0.3301,-0.3083,-0.2824,-0.2151,0.2064,0.0579,-0.1539,0.3614,0.1699,-0.2546,0.0149,-0.0094,-0.1269,-0.1508,-0.1857,-0.0596,-0.0449,-0.2318,-0.1204,-0.088,-0.1451,-0.3428,-0.2916,-0.0459,0.0741,-0.1112,-0.1042,-0.136,-0.1563,-0.0727,0.1192,-0.2374,0.4383,0.1608,-0.2566,-0.1912,-0.0003,0.2195,-0.0885,-0.2358,-0.2313,-0.0809,0.8213,0.2397,0.0787,0.3938,0.0686,-0.2196,-0.2779,1.1971,-0.1716,0.4555,-0.3975,0.0068,-0.2678,-0.1721,0.1293,-0.1001,0.1861,-0.0692,-0.2881,0.0189,0.0271,-0.092,-0.0646,-0.3174,-0.2034,-0.1153,-0.1503,-0.3129,0.0717,-0.0854,-0.1432,-0.3884,-0.3397,-0.1675,0.0209,-0.2673,0.2145,-0.2997,0.2023,-0.0687,-0.0241,0.2074,0.0083,0.2737,-0.009,-0.291,-0.1092,-0.2652,0.1431,-0.3286,0.0149,-0.131,-0.0256,-0.3088,0.0108,0.2955,0.2064,-0.0794,-0.0682,-0.1756,0.2697,-0.3351,0.1309,-0.204,-0.1305,0.0832,-0.0859,0.2656,0.5163,0.5715,0.0473,-0.0099,-0.2065,-0.1543,0.0985,-0.3007,0.2697,0.1116,0.0271,0.0504,-0.0023,0.4454,0.337,0.1983,-0.0226,0.0722,-0.1503,-0.1169,0.7468,-0.1878,-0.173,-0.2617,-0.2795,0.414,0.2453,-0.0839,-0.0166,-0.3347,-0.2004,0.1066,-0.1214,-0.1482,0.0904,0.1425,0.0189,-0.2896,0.1718,-0.0906,0.0017,-0.2577,-0.0378,-0.0915,-0.2389,0.0027,-0.019,0.2048,0.5853,-0.05,-0.2186,-0.1214,0.5736,-0.4319,-0.1442,0.221,0.6876,0.0985,0.0336,-0.13,-0.2212,-0.2714,-0.132,-0.1123,0.0027,-0.1169,0.062,-0.1193,-0.4993],"times":[171,173,177,205,272,285,288,338,371,374,385,394,438,456,475,476,481,491,495,536,537,545,547,548,550,554,573,594,598,600,612,629,637,648,662,675,687,707,712,714,732,748,754,755,762,769,776,784,795,799,801,805,819,836,838,855,857,861,865,866,867,876,889,918,956,960,981,982,983,991,1002,1059,1080,1090,1105,1120,1146,1162,1170,1174,1218,1219,1246,1279,1296,1329,1337,1343,1352,1371,1420,1481,1493,1502,1525,1528,1601,1675,1679,1701,1753,1806,1807,1814,1975,1989,1990,2015,2018,2039,2093,2286],"surv.prob":[1,0.997,0.9941,0.9911,0.9881,0.9851,0.9791,0.9761,0.9731,0.97,0.967,0.964,0.9609,0.9579,0.9548,0.9518,0.9487,0.9456,0.9426,0.9395,0.9364,0.9334,0.9303,0.9272,0.9242,0.9211,0.9149,0.9118,0.9087,0.9056,0.9025,0.8994,0.8963,0.8931,0.89,0.8868,0.8836,0.8804,0.8772,0.874,0.8708,0.8676,0.8643,0.861,0.8577,0.8544,0.8511,0.8477,0.8444,0.8411,0.8378,0.8344,0.8311,0.8277,0.8244,0.821,0.8177,0.8143,0.8109,0.8075,0.8041,0.8007,0.7973,0.7939,0.7904,0.7869,0.7834,0.7798,0.7762,0.7726,0.769,0.7654,0.7618,0.7581,0.7544,0.747,0.7431,0.7393,0.7354,0.7315,0.7276,0.7236,0.7196,0.7155,0.7113,0.7071,0.7028,0.6986,0.6942,0.6897,0.6851,0.6804,0.6755,0.6706,0.6656,0.6604,0.6552,0.6499,0.644,0.6382,0.6321,0.625,0.6172,0.6093,0.5935,0.5823,0.5704,0.5585,0.5459,0.5329,0.5199,0.5054],"c_Uno_survAUC":[0.5429],"c_Uno_survC1":[0.5556],"c_Harrell_survival":[0.5964],"c_Harrell_survcomp":[0.5965],"c_se_noether_survcomp":[0.0261],"c_lower_conservative_survcomp":[0.4837],"ch_survcomp":[14,33,17,72,129,4,88,44,29,163,159,40,30,87,96,183,42,38,132,29,168,208,62,164,41,9,116,51,14,133,3,8,39,8,244,78,192,81,52,22,118,20,159,22,289,220,3,60,216,35,197,62,100,168,112,69,147,7,82,102,191,19,14,106,117,93,113,0,84,50,91,19,76,38,10,123,24,64,261,86,199,113,259,67,96,5,47,112,259,0,156,104,282,121,73,131,238,76,16,185,62,55,93,86,45,281,45,99,136,145,50,50,138,101,106,108,0,17,92,171,83,54,19,111,117,132,185,87,96,23,161,55,0,171,167,136,190,126,33,22,39,155,42,206,26,108,28,111,5,92,82,96,86,93,248,171,236,73,128,0,63,159,85,123,94,113,105,89,244,206,80,9,213,100,40,144,73,78,93,56,54,102,65,45,143,33,38,53,25,70,159,75,5,56,23,104,8,17,100,91,16,10,160,41,101,6,254,271,29,8,0,83,94,0,113,296,115,213,118,83,21,160,12,176,112,40,10,161,54,35,70,72,138,9,30,59,69,108,108,63,39,116,220,112,16,56,41,14,213,9,46,107,13,97,274,42,41,75,175,108,173,9,286,56,46,92,10,116,53,101,146,30,160,10,216,237,38,44,97,81,220,109,10,155,33,239,19,8,0,8,48,31,81,24,286,105,106,60,112,7,9,169,183,104,97,27,8,63,22,265,160,82,17,97,43,107,49,45,4,35,44,16,314,185,114,65,5,15,114,6,4,29,19,22,113,66,70,62,44,60,30,27,46],"dh_survcomp":[71,26,20,44,98,0,233,55,37,91,141,28,58,6,230,118,72,284,87,70,113,97,0,138,62,94,117,41,61,92,44,78,76,82,81,30,102,34,2,11,63,44,168,44,42,70,69,6,94,49,87,40,15,168,3,14,135,92,26,52,134,95,60,208,65,7,40,0,1,8,222,90,32,70,93,167,79,20,70,18,129,44,69,24,19,61,4,44,66,0,111,1,43,69,42,108,74,27,70,91,16,49,1,210,1,36,33,1,88,154,46,42,163,1,3,218,0,17,2,163,15,62,92,191,66,140,116,3,1,5,162,48,0,94,92,95,131,143,82,22,18,109,1,96,42,0,48,4,3,0,21,7,17,15,67,98,91,43,77,3,45,148,17,87,1,3,3,11,66,95,24,107,84,8,60,96,43,22,21,59,60,12,22,23,109,0,1,47,46,32,163,28,0,47,85,193,100,59,8,13,14,78,123,2,11,1,49,52,59,77,0,9,2,116,212,30,0,112,127,19,59,143,53,150,3,74,10,157,46,1,8,43,125,0,64,49,21,0,0,15,69,136,77,3,92,59,40,102,113,66,57,2,0,6,60,1,63,36,123,102,106,85,44,52,36,24,106,0,96,29,157,64,116,90,69,61,65,50,18,27,84,2,90,92,45,92,20,100,0,28,48,77,33,4,35,212,47,267,4,79,86,143,119,0,18,86,0,16,43,63,94,1,80,63,57,9,41,23,0,41,48,99,15,151,171,22,103,0,67,37,99,69,23,4,171,2,26,23,60,20,60,6,0],"weights_survcomp":[1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1]},{"train_time":[1838,403,1603,177,1855,842,293,42,564,1093,436,238,723,503,448,359,1720,1306,942,370,959,552,392,698,249,2051,1356,530,1150,956,679,1820,1013,1225,417,343,488,1862,1763,1587,446,344,63,1483,827,296,1701,2014,2030,722,286,184,1469,276,797,2128,1177,1449,1108,1460,533,1434,168,525,180,471,350,1167,855,449,745,544,186,308,1856,1965,546,1183,1826,360,797,375,779,336,578,463,526,502,540,721,1729,275,2030,72,17,420,2027,891,1352,1192,737,936,1089,377,1655,740,650,1981,742,1977,628,624,733,177,1207,542,1756,515,1459,233,455,379,223,622,426,227,1100,1693,1977,717,1434,973,498,557,650,1751,160,770,1441,424,1730,65,1387,242,792,500,1653,338,731,426,772,1884,1185,359,369,2007,2372,2353,1388,1193,358,175,1366,1163,2233,595,529,1472,2372,410,281,1675,1077,251,541,1192,859,518,548,1140,535,2024,1826,1094,29,2239,1589,504,308,657,1502,624,586,316,120,550,181,1685,828,114,2456,855,632,918,1195,272,2205,548,918,71,1317,195,790,1093,15,870,2034,490,859,486,974,1463,631,2052,1637,2126,1230,1838,758,476,1918,972,307,563,329,191,357,1735,429,729,1557,727,1841,1036,747,825,1363,1560,577,1157,1842,465,2612,964,559,1483,1641,1280,1280,571,1604,567,473,420,370,615,1331,1863,169,1182,415,594,854,305,1854,766,281,1521,945,893,2009,98,2563,1666,1208,859,2467,552,1459,1582,1956,575,853,1443,579,1091,544,247,663,348,2401,740,888,1090,148,730,372,1231,1253,1062,772,1349,1965,1240,1789,2551,1164,972,1868,1866,751,1598,113,1756,491,646,491,1684,16,2059,460,2048,883,890,1043,353,1833,1905,338,241,2144,2014,670],"train_status":[0,1,0,0,0,1,1,0,1,1,1,1,0,1,1,1,0,1,0,1,1,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,0,1,1,1,1,0,0,1,0,0,0,1,1,1,1,0,0,1,0,0,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,1,0,0,0,1,0,1,1,1,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,1,0,1,0,1,1,1,1,1,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,1,1,1,0,0,0,1,1,0,1,0,1,1,1,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,1,1,1,1,0,0,1,0,0,1,1,1,0,0,1,1,1,1,1,1,0,0,0,1,1,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,1,1,1,1,1,0,0,1,0,1,0,1,1,0,1,0,1,1,0,1,0,1,1,0,1,1,1,1,0,0,1,1,1,0,0,0,1,0,1,1,0,1,0,0,1,1,1,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,1,1,1,0,0,1,0,1,1,1,1,0,0,1,1,0,0,1],"test_time":[1222,858,675,2438,1502,229,598,1570,940,1296,855,967,1342,1401,495,836,2227,573,1601,1624,1080,754,867,769,1722,1722,1481,1357,1089,1525,768,1277,2234,1343,537,1904,918,2161,806,623,1814,877,456,936,288,956,995,945,712,1219,981,1729,2153,173,2156,1212,1059,1600,1878,2015,536,2057,1078,687,1807,1632,2018,67,1243,857,675,1976,1959,1852,1702,960,1714,1232,272,1786,371,1990,374,1351,2192,933,798,1989,545,18,1170,1807,547,1753,2170,1420,707,1730,1264,1105,1109,1791,1475,889,761,648,1113,1645,1528,857,1499,1355,838,1693,1979,481,8,637,1441,171,1527,2296,2011,801,1806,1120,819,1341,1514,566,554,1707,46,1174,1246,1493,612,1162,2177,753,841,1219,734,805,969,1897,1095,2217,310,1358,1722,1703,1743,1821,662,1146,385,2380,1701,195,1818,748,1692,1679,1490,2388,1833,1629,732,795,1781,2370,867,1861,1627,1371,2297,1642,2056,2138,2065,2049,1296,974,1337,623,695,1645,986,1680,594,1717,273,1717,1926,876,1840,1095,1922,1765,596,1323,1002,741,2017,322,776,554,1329,1233,57,1356,1502,2320,548,491,2172,550,1352,1701,1152,784,916,475,2161,2556,529,629,1666,652,1117,2132,1218,368,1427,1858,1340,1938,1818,1114,1846,1329,866,2195,1853,2237,1169,2456,476,1088,1721,1984,432,1751,205,747,1771,2010,861,1675,1090,1472,285,1847,1171,2659,2539,2449,2093,2286,762,1435,1105,1624,982,865,1720,1432,2271,1926,755,2009,1625,1343,1119,285,692,1933,17,651,1499,1834,2471,570,600,637,2039,438,2388,1250,1486,714,799,1767,2237,2175,319,1125,892,394,1279,1205,1505,1975,1617,2372,1350,970,213,1094,1364,2148,338,177,983,1283,1869,461,1814,740,1703,1578,722,553,991,967,1499,1222,1760,1152,1342,629,758],"test_status":[0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,1,1,0,1,0,1,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,1,1,0,0,0,1,0,0,1,1,1,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,1,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0,1,1,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0],"estimate":[-0.57,-0.6738,0.2024,-0.803,-0.8422,-1.0151,-1.3572,-0.5674,-0.558,-0.4451,-0.7504,-0.8867,-0.8684,-0.7589,-0.6794,-0.456,-0.5871,-0.7125,-0.7982,-0.7656,-0.2254,0.0172,-0.7718,-0.3659,-1.0352,0.094,-0.9433,-0.0539,-0.7658,-0.9456,3.0062,-0.5146,-0.6379,-0.5019,0.3424,-0.7601,-0.9483,-0.8793,-1.1405,-0.17,-0.8395,-0.8515,-0.771,-0.7283,-0.5304,-0.4391,-0.7731,-1.3265,-0.6059,-1.1141,-0.3966,-0.902,-0.9303,-0.6033,-1.086,-1.1221,-1.0268,-1.1145,-0.358,-0.8238,-0.9136,-0.8706,-0.7095,-1.3087,-1.0524,-1.5093,-0.8562,-0.6204,-1.1225,-0.722,-1.3156,-1.1415,-1.0031,-0.6936,-0.6078,1.5195,-0.9543,-0.7317,-0.6204,-1.1746,-1.0149,-1.4131,-1.2411,-1.0283,-1.282,-0.9976,-0.9107,-1.5268,-1.1312,-0.8808,-0.3816,-1.0549,-0.7668,-1.2832,-1.5992,-1.4126,-1.1024,-1.0287,-1.2333,-1.3679,-1.6353,-0.3725,-1.3185,-1.35,-1.5363,1.2871,-1.4027,-1.0363,-1.5365,-1.3835,-1.3843,-1.7974,-1.3522,-1.5904,-1.1665,-1.3465,-1.4581,-1.3378,-1.5124,-0.2831,-1.4558,-1.5676,-1.2361,-1.6314,-1.3287,-1.5404,-0.8683,-1.5008,-1.914,-1.4312,-1.1681,-1.518,-1.8118,-1.3095,-1.4346,-0.9088,-1.4961,-1.256,-1.4988,-1.8451,-0.8564,-1.5484,-2.0169,-1.3019,-1.6011,-1.5366,-1.425,-1.8629,-1.1556,-1.7198,-1.7389,-1.6886,-2.0172,-1.8662,-1.944,-1.3981,-1.6812,-1.6575,-1.1451,-1.7634,-1.9244,-1.6973,-2.1942,-2.0101,-2.2337,-2.0074,-2.192,-1.8135,-1.152,-1.7215,-2.3919,-1.9645,-1.373,-1.9678,-2.1343,-1.9627,-2.1477,-2.0556,-2.1615,-1.7114,-2.1164,-1.8964,-2.2154,-2.088,-1.5953,-1.8649,-2.6065,-2.2196,-2.0012,-2.0322,-2.0228,-1.9673,-2.1623,-2.212,-1.9709,-2.2875,-2.3653,0.5974,-2.3024,-2.4163,-1.7637,-2.067,-2.5665,-2.3373,-2.2789,-2.5916,-1.2366,-2.55,-2.514,-2.0987,-2.3734,-2.4937,-2.3562,-2.0947,-2.535,-1.4174,-2.7344,-2.6342,-2.8481,-2.6462,-1.7414,-2.7395,-2.2295,-2.3528,-2.7717,-2.8749,-2.78,-1.898,-2.7954,-3.0757,-2.8579,-2.8597,-2.9471,-3.3988,-2.9432,-3.1612,-2.907,-3.1847,-3.1607,-3.2612,-2.5306,-3.3338,-2.6463,-3.6398,-3.2188,-3.4017,-3.3556,-3.4606,-3.1534,-2.7385,-3.3598,-3.4325,-3.6588,-3.172,-3.0961,-4.059,-2.3274,-3.4011,-3.2533,-3.5896,-3.4836,-2.9816,-2.7106,-3.3346,-3.5069,-3.8222,-3.6363,-4.0399,-3.6486,-3.4285,-3.8489,-4.1354,-3.9274,-4.3349,-3.9835,-4.0203,-4.3395,-4.3863,-4.3014,-4.4847,-4.687,-4.8289,-4.4554,-4.4673,-4.41,-4.5394,-4.2933,-4.8312,-4.4238,-4.5861,-4.9572,-4.3006,-4.7325,-4.9242,-3.3629,-4.946,-5.1128,-4.759,-5.1626,-4.4046,-5.145,-5.0047,-5.4399,-5.6678,-5.3273,-4.9217,-5.3869,-4.87,-5.5031,-4.8606,-5.5561,-5.1442,-5.2866,-5.0701,-5.8519,-6.4482,-5.9758,-6.4726,-6.6964,-6.6039,-6.679,-6.807,-6.4419,-6.5101,-7.251,-6.8174,-7.7914,-8.5072,-8.0746,-9.3162,-9.795,-11.1009,-10.9594,-11.2296,-12.0544,-12.2763,-12.3854,-14.5729,-14.6664,-17.8394,-19.0492,-20.1583,-30.3406],"times":[171,173,177,205,272,285,288,338,371,374,385,394,438,456,475,476,481,491,495,536,537,545,547,548,550,554,573,594,598,600,612,629,637,648,662,675,687,707,712,714,732,748,754,755,762,769,776,784,795,799,801,805,819,836,838,855,857,861,865,866,867,876,889,918,956,960,981,982,983,991,1002,1059,1080,1090,1105,1120,1146,1162,1170,1174,1218,1219,1246,1279,1296,1329,1337,1343,1352,1371,1420,1481,1493,1502,1525,1528,1601,1675,1679,1701,1753,1806,1807,1814,1975,1989,1990,2015,2018,2039,2093,2286],"surv.prob":[1,0.997,0.9941,0.9911,0.9881,0.9851,0.9791,0.9761,0.9731,0.97,0.967,0.964,0.9609,0.9579,0.9548,0.9518,0.9487,0.9456,0.9426,0.9395,0.9364,0.9334,0.9303,0.9272,0.9242,0.9211,0.9149,0.9118,0.9087,0.9056,0.9025,0.8994,0.8963,0.8931,0.89,0.8868,0.8836,0.8804,0.8772,0.874,0.8708,0.8676,0.8643,0.861,0.8577,0.8544,0.8511,0.8477,0.8444,0.8411,0.8378,0.8344,0.8311,0.8277,0.8244,0.821,0.8177,0.8143,0.8109,0.8075,0.8041,0.8007,0.7973,0.7939,0.7904,0.7869,0.7834,0.7798,0.7762,0.7726,0.769,0.7654,0.7618,0.7581,0.7544,0.747,0.7431,0.7393,0.7354,0.7315,0.7276,0.7236,0.7196,0.7155,0.7113,0.7071,0.7028,0.6986,0.6942,0.6897,0.6851,0.6804,0.6755,0.6706,0.6656,0.6604,0.6552,0.6499,0.644,0.6382,0.6321,0.625,0.6172,0.6093,0.5935,0.5823,0.5704,0.5585,0.5459,0.5329,0.5199,0.5054],"c_Uno_survAUC":[0.5629],"c_Uno_survC1":[0.5856],"c_Harrell_survival":[0.5819],"c_Harrell_survcomp":[0.582],"c_se_noether_survcomp":[0.0288],"c_lower_conservative_survcomp":[0.4694],"ch_survcomp":[12,10,2,22,138,2,208,13,7,173,230,18,22,19,282,240,13,270,134,19,209,260,15,254,31,3,141,4,17,135,0,11,16,12,300,19,203,27,17,1,90,15,275,12,305,220,18,28,256,26,216,24,29,310,35,26,194,31,6,62,252,27,14,205,95,54,63,0,26,12,204,35,30,17,15,223,29,17,303,36,254,92,230,26,43,18,13,94,234,0,190,31,269,104,67,149,217,31,29,180,43,7,37,188,25,280,40,31,138,193,46,55,193,57,37,213,0,14,49,325,52,66,38,167,103,165,219,48,60,15,226,55,0,167,167,139,197,168,62,26,14,162,27,193,38,60,40,71,4,54,63,61,67,67,160,174,182,68,113,2,68,169,67,122,61,74,72,62,210,165,71,74,190,70,66,139,76,66,76,70,76,71,56,45,153,19,28,66,45,67,151,66,3,68,70,136,74,2,73,71,17,57,129,28,75,4,199,123,59,55,0,60,64,76,125,202,84,122,119,73,48,122,42,127,85,86,13,164,75,27,58,86,120,6,70,85,67,85,85,61,74,116,128,94,85,92,64,93,100,56,83,88,9,81,101,36,70,90,116,107,111,71,115,87,67,96,95,100,103,99,90,81,105,87,104,99,90,81,99,95,77,100,87,102,67,56,33,98,0,31,89,94,103,26,101,68,110,55,109,75,89,73,72,100,108,104,7,72,63,53,96,78,91,106,96,112,87,67,4,74,90,112,31,25,80,85,106,15,105,43,102,98,42,26,76,68,96,85,104,80,90,33,46],"dh_survcomp":[73,49,35,94,89,2,113,86,59,81,70,50,68,74,44,61,102,52,87,81,73,46,47,49,72,100,92,88,58,90,47,75,99,78,25,89,91,88,37,32,91,49,52,54,27,70,54,38,56,58,69,79,86,26,80,57,89,68,102,92,73,87,60,109,87,46,90,0,59,46,110,74,78,91,88,67,74,68,30,68,74,65,98,65,72,48,38,63,91,0,78,74,56,86,48,90,95,72,57,96,35,97,57,108,21,37,38,69,86,106,50,37,108,45,72,113,0,20,45,11,46,50,73,135,80,107,82,42,37,13,97,48,0,100,92,92,124,101,53,18,43,102,16,109,30,48,36,44,4,38,40,42,36,41,155,97,146,48,93,1,40,138,35,88,34,42,36,38,101,138,33,42,107,38,34,101,40,34,38,45,38,43,31,23,99,14,11,34,26,35,171,37,2,35,38,161,34,74,35,33,13,31,154,15,37,4,104,200,29,30,0,32,32,40,200,124,31,203,126,29,32,181,23,199,30,30,7,154,25,9,20,29,145,3,24,23,23,23,23,17,34,136,170,21,23,23,17,23,226,19,20,21,4,22,234,7,34,21,182,103,169,23,216,21,15,20,21,16,46,31,214,13,171,13,181,199,13,13,16,13,229,11,13,145,11,275,6,10,0,5,7,14,13,2,220,249,43,272,7,11,6,239,230,4,7,11,1,7,2,275,160,5,6,54,4,4,4,1,0,2,2,3,298,311,205,2,2,0,76,0,1,1,0,0,208,0,0,0,0,0,0,0,0],"weights_survcomp":[1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1]}] diff --git a/tests/benchmark_data/benchmark_cox.json b/tests/benchmark_data/benchmark_cox.json new file mode 100644 index 0000000..efac445 --- /dev/null +++ b/tests/benchmark_data/benchmark_cox.json @@ -0,0 +1 @@ +[{"time":[306,455,1010,210,883,1022,310,361,218,166,170,654,728,71,567,144,613,707,61,88,301,81,624,371,394,520,574,118,390,12,473,26,533,107,53,122,814,965,93,731,460,153,433,145,583,95,303,519,643,765,735,189,246,689,65,5,132,687,345,444,223,175,60,163,208,821,428,230,840,305,11,226,426,705,363,176,791,196,167,806,284,641,147,740,655,239,245,588,30,179,477,559,450,364,177,156,529,429,351,15,181,283,201,524,13,212,288,442,199,550,54,558,207,92,551,543,293,202,353,511,267,387,457,337,404,222,62,458,356,31,340,229,315,182,329,291,376,384,268,292,142,413,266,194,320,285,348,197,382,296,180,186,269,300,350,272,332,259,110,286,270,131,225,243,279,276,135,79,59,240,235,105,224,237,173,252,221,185,192,183,211,203,116,188,191,174],"status":[true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,false,true,true,true,true,true,true,true,true,false,true,false,true,true,true,false,true,true,true,false,true,true,true,false,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,false,true,true,true,false,true,true,true,true,false,true,true,false,false,true,true,true,false,true,true,true,false,false,true,false,true,false,false,true,true,true,true,true,false,false,true,true,false,false,true,false,false,false,true,true,true,true,false,false,false,false,true,true,true,false,false,true,false,false,false,false,false,false,false,true,false,false,true,false,false,false],"log_hazard":[[0.2327,0.1119,-0.1299,-0.1097,-0.0493,0.2327,0.1119,0.1723,-0.1903,-0.0292,-0.1097,0.1119,0.1119,-0.0493,-0.1097,0.0917,0.1521,0.0111,-0.1299,-0.1097,0.0917,-0.2709,-0.2507,-0.0896,0.1924,0.1521,-0.0493,0.1521,-0.1903,0.2327,0.132,0.2126,-0.291,-0.0493,-0.0292,-0.009,0.0514,0.0716,0.2327,0.0313,0.1521,0.2126,-0.0694,-0.0493,0.1119,0.273,0.2327,0.0111,0.2327,-0.2507,0.1924,0.0111,-0.0896,-0.0694,-0.009,0.0514,-0.1097,-0.0896,0.0313,0.2529,-0.291,0.2126,0.0514,0.132,0.0917,0.0313,0.1119,0.0917,0.0111,-0.291,0.2327,-0.1903,0.1723,-0.2306,-0.1299,0.2126,-0.0694,-0.4119,-0.3716,-0.3716,0.1723,-0.009,-0.0292,-0.3716,0.0111,0.1521,-0.1097,0.132,0.1924,0.132,0.0313,-0.0896,0.132,-0.1299,-0.0694,0.0716,-0.1702,-0.15,0.2529,0.132,-0.3716,0.3536,0.2529,-0.1702,0.273,-0.2709,0.0716,0.2529,-0.0493,0.132,0.1924,0.1521,0.0716,-0.2507,0.2932,-0.291,-0.0694,-0.1903,-0.3112,-0.15,0.0917,-0.1299,-0.1702,-0.1299,0.2327,0.273,0.0514,-0.1097,-0.1903,0.3939,-0.0694,0.1521,-0.009,-0.1903,0.132,-0.009,-0.1299,-0.009,-0.3716,0.132,0.0111,0.0313,-0.1097,-0.0493,-0.3313,0.0514,-0.0896,-0.1299,-0.3918,-0.0694,-0.1299,-0.15,0.2327,-0.0493,0.0716,0.0514,-0.3515,-0.0896,0.0313,-0.1903,0.1924,-0.2507,0.0313,0.0111,0.0313,-0.2105,-0.0493,0.0313,0.2126,0.0111,0.0111,-0.009,-0.15,0.132,-0.0694,-0.0493,0.0917,0.132,-0.432,0.273,0.1521,0.1723,0.273,0.2932,-0.4723,0.0716]],"log_likelihood":[-598.3549],"no_ties":[true]},{"time":[306,455,1010,210,883,1022,310,361,218,166,170,654,728,71,567,144,613,707,61,88,301,81,624,371,394,520,574,118,390,12,473,26,533,107,53,122,814,965,93,731,460,153,433,145,583,95,303,519,643,765,735,189,246,689,65,5,132,687,345,444,223,175,60,163,208,821,428,230,840,305,11,226,426,705,363,176,791,196,167,806,284,641,147,740,655,239,245,588,30,179,477,559,450,364,177,156,529,429,351,15,181,283,201,524,13,212,288,442,199,550,54,558,207,92,551,543,293,202,353,511,267,387,457,337,404,222,62,458,356,31,340,229,315,182,329,291,376,384,268,292,142,413,266,194,320,285,348,197,382,296,180,186,269,300,350,272,332,259,110,286,270,131,225,243,279,276,135,79,59,240,235,105,224,237,173,252,221,185,192,183,211,203,116,188,191,174],"status":[true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,false,true,true,true,true,true,true,true,true,false,true,false,true,true,true,false,true,true,true,false,true,true,true,false,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,false,true,true,true,false,true,true,true,true,false,true,true,false,false,true,true,true,false,true,true,true,false,false,true,false,true,false,false,true,true,true,true,true,false,false,true,true,false,false,true,false,false,false,true,true,true,true,false,false,false,false,true,true,true,false,false,true,false,false,false,false,false,false,false,true,false,false,true,false,false,false],"log_hazard":[[0.6737,0.5613,0.3366,0.3553,0.4115,0.6737,0.104,0.1602,0.2804,0.4302,0.3553,0.104,0.104,0.4115,0.3553,0.5426,0.5988,0.4677,-0.1207,0.3553,0.5426,-0.2518,0.2243,0.3741,0.6362,0.1414,0.4115,0.5988,0.2804,0.6737,0.1227,0.655,0.1868,-0.0458,0.4302,-0.0084,0.5052,0.0665,0.6737,0.0291,0.5988,0.1976,-0.0646,-0.0458,0.5613,0.2538,0.6737,0.4677,0.6737,-0.2331,0.1789,0.4677,0.3741,0.3928,0.449,0.0478,0.3553,-0.0833,0.0291,0.2351,0.1868,0.655,0.0478,0.5801,0.0853,0.0291,0.5613,0.5426,0.4677,-0.2706,0.6737,-0.1769,0.1602,-0.2144,-0.1207,0.655,0.3928,0.0744,-0.3455,0.1119,0.6175,-0.0084,0.4302,-0.3455,0.4677,0.5988,-0.102,0.1227,0.6362,0.5801,0.4864,-0.0833,0.1227,0.3366,0.3928,0.5239,-0.1582,0.3179,0.2351,0.5801,0.1119,0.7861,0.2351,-0.1582,0.7112,0.2055,0.5239,0.6924,-0.0458,0.1227,0.6362,0.5988,0.5239,0.2243,0.2725,-0.2706,-0.0646,0.2804,0.1681,-0.1395,0.5426,0.3366,0.2992,0.3366,0.6737,0.7112,0.0478,0.3553,-0.1769,0.8235,-0.0646,0.5988,-0.0084,-0.1769,0.5801,0.449,-0.1207,-0.0084,-0.3455,0.5801,0.4677,0.4864,-0.102,-0.0458,0.1493,0.5052,-0.0833,0.3366,-0.3642,-0.0646,0.3366,-0.1395,0.2163,0.4115,0.0665,0.0478,-0.3267,0.3741,0.4864,0.2804,0.6362,0.2243,0.4864,0.0103,0.4864,-0.1956,0.4115,0.0291,0.655,0.0103,0.0103,0.449,-0.1395,0.5801,-0.0646,-0.0458,0.5426,0.5801,-0.4016,0.7112,0.1414,0.1602,0.7112,0.7299,0.0183,0.5239]],"log_likelihood":[-595.0127],"no_ties":[true]},{"time":[455,210,1022,310,361,218,166,170,567,613,707,61,301,81,371,520,574,118,390,12,473,26,107,53,814,965,93,731,460,153,433,583,95,303,519,643,765,246,689,5,687,345,444,223,60,163,821,428,230,840,305,11,226,426,705,363,176,791,196,167,806,284,641,147,740,655,245,30,477,559,450,156,529,429,351,15,181,283,13,212,288,199,550,54,558,207,92,551,293,353,267,457,337,404,222,62,458,31,229,291,376,384,268,292,142,413,266,320,285,348,197,382,296,180,269,300,332,259,110,286,270,225,243,276,135,79,59,240,235,252,221,185,183,211,203,191,174],"status":[true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,false,true,true,true,true,true,true,true,true,false,true,false,true,true,true,false,true,true,true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,true,true,false,true,true,false,true,true,true,false,false,true,false,true,false,false,true,true,true,true,false,false,true,false,false,false,false,true,true,true,false,false,false,true,true,true,false,false,false,false,false,true,false,false,false,false],"log_hazard":[[1.221,2.2016,1.3125,2.058,1.6734,1.3647,2.0974,1.5504,1.4498,1.9448,1.8012,1.6755,1.7655,1.2028,0.9628,1.6358,1.4436,2.8002,1.9344,2.6685,1.55,2.1516,1.7422,1.9111,2.3493,1.0128,2.3521,0.9844,2.1452,1.7683,0.4906,1.5564,2.241,1.4234,1.9169,1.4179,1.1281,1.3877,1.9151,1.1255,1.235,1.6463,2.0256,1.3091,1.6311,2.225,1.0672,1.7131,1.4147,1.2965,0.7787,2.1676,1.4458,1.4012,1.0211,1.4558,1.4016,1.5462,1.5388,0.993,1.6134,1.7044,1.3627,1.4523,1.0074,1.5155,1.4393,2.8413,1.817,0.6786,1.2943,1.6338,1.0092,2.1672,2.0706,1.539,1.4422,1.7464,2.4158,2.221,2.4003,1.6837,1.2279,2.4936,1.2227,1.7233,1.8673,2.2509,0.8693,1.2669,1.5406,1.8764,1.1613,1.7918,2.555,1.2666,1.2267,1.4938,2.0316,2.3187,0.9949,0.7028,1.1088,2.0239,2.0671,1.8579,0.6981,1.1109,1.5337,0.7947,1.9485,0.696,1.048,2.0138,1.0103,1.2839,0.384,1.2983,2.0528,1.0916,1.6982,1.8058,1.2334,1.0237,2.1996,1.1357,1.8148,0.6586,1.0056,0.9873,1.8346,2.308,2.9088,2.5594,1.3415,1.0625,1.8388]],"log_likelihood":[-402.4936],"no_ties":[true]},{"time":[306,455,1010,210,883,1022,310,361,218,166,170,654,728,71,567,144,613,707,61,88,301,81,624,371,394,520,574,118,390,12,473,26,533,107,53,122,814,965,93,731,460,153,433,145,583,95,303,519,643,765,735,189,53,246,689,65,5,132,687,345,444,223,175,60,163,65,208,821,428,230,840,305,11,132,226,426,705,363,11,176,791,95,196,167,806,284,641,147,740,163,655,239,88,245,588,30,179,310,477,166,559,450,364,107,177,156,529,11,429,351,15,181,283,201,524,13,212,524,288,363,442,199,550,54,558,207,92,60,551,543,293,202,353,511,267,511,371,387,457,337,201,404,222,62,458,356,353,163,31,340,229,444,315,182,156,329,364,291,179,376,384,268,292,142,413,266,194,320,181,285,301,348,197,382,303,296,180,186,145,269,300,284,350,272,292,332,285,259,110,286,270,81,131,225,269,225,243,279,276,135,79,59,240,202,235,105,224,239,237,173,252,221,185,92,13,222,192,183,211,175,197,203,116,188,191,105,174,177],"status":[true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,false,true,false,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,false,true,true,true,false,true,false,true,true,true,true,true,false,true,true,false,false,true,true,true,true,true,false,false,true,true,true,false,true,true,false,false,true,false,true,false,false,true,true,true,true,false,true,true,false,false,false,true,true,true,false,false,false,true,false,false,false,true,false,true,true,true,true,true,false,true,false,false,false,false,true,true,true,false,false,false,true,false,true,false,false,false,false,false,false,true,false,false,true,false,false,false,false,true,false,false,false,false,false],"log_hazard_efron":[[0.2163,0.1039,-0.1207,-0.102,-0.0458,0.2163,0.1039,0.1601,-0.1769,-0.0271,-0.102,0.1039,0.1039,-0.0458,-0.102,0.0852,0.1414,0.0103,-0.1207,-0.102,0.0852,-0.2517,-0.233,-0.0833,0.1788,0.1414,-0.0458,0.1414,-0.1769,0.2163,0.1227,0.1975,-0.2705,-0.0458,-0.0271,-0.0084,0.0478,0.0665,0.2163,0.0291,0.1414,0.1975,-0.0645,-0.0458,0.1039,0.2537,0.2163,0.0103,0.2163,-0.233,0.1788,0.0103,0.1039,-0.0833,-0.0645,-0.0084,0.0478,-0.102,-0.0833,0.0291,0.235,-0.2705,0.1975,0.0478,0.1227,0.1039,0.0852,0.0291,0.1039,0.0852,0.0103,-0.2705,0.2163,-0.4202,-0.1769,0.1601,-0.2143,-0.1207,0.3473,0.1975,-0.0645,-0.1394,-0.3828,-0.3453,-0.3453,0.1601,-0.0084,-0.0271,-0.3453,0.1788,0.0103,0.1414,0.0665,-0.102,0.1227,0.1788,0.1227,0.1601,0.0291,0.1414,-0.0833,0.1227,-0.1207,0.0103,-0.0645,0.0665,-0.1581,0.0852,-0.1394,0.235,0.1227,-0.3453,0.3286,0.235,-0.1581,0.2537,-0.2517,0.1039,0.0665,0.3286,0.235,-0.0458,0.1227,0.1788,0.1414,0.0665,-0.233,0.0291,0.2724,-0.2705,-0.0645,-0.1769,-0.2892,-0.1394,0.0852,0.2163,-0.0833,-0.1207,-0.1581,-0.1207,0.1975,0.2163,0.2537,0.0478,-0.102,-0.1769,0.1601,-0.1581,0.366,-0.0645,0.1414,-0.0458,-0.0084,-0.1769,-0.1394,0.1227,0.1039,-0.0084,0.0103,-0.1207,-0.0084,-0.3453,0.1227,0.0103,0.0291,-0.102,-0.0458,-0.3079,-0.0271,0.0478,-0.0271,-0.0833,-0.1207,-0.3641,-0.1769,-0.0645,-0.1207,-0.1394,-0.1769,0.2163,-0.0458,-0.4389,0.0665,0.0478,-0.2143,-0.3266,0.1788,-0.0833,0.0291,-0.1769,0.1788,-0.1956,-0.233,0.0291,0.1601,0.1414,0.0103,0.0291,-0.1956,-0.0458,0.0291,0.1975,0.0103,-0.233,0.0103,-0.0084,-0.1394,-0.233,0.1227,-0.0645,-0.0458,0.0852,0.1227,0.0291,0.0478,0.0478,-0.4015,0.2537,0.1414,-0.102,0.0852,0.1601,0.2537,0.2724,-0.4389,0.235,0.0665,-0.0833]],"log_likelihood_efron":[-747.7894],"log_hazard_breslow":[[0.2159,0.1038,-0.1205,-0.1018,-0.0457,0.2159,0.1038,0.1599,-0.1766,-0.0271,-0.1018,0.1038,0.1038,-0.0457,-0.1018,0.0851,0.1412,0.0103,-0.1205,-0.1018,0.0851,-0.2513,-0.2327,-0.0831,0.1786,0.1412,-0.0457,0.1412,-0.1766,0.2159,0.1225,0.1972,-0.27,-0.0457,-0.0271,-0.0084,0.0477,0.0664,0.2159,0.029,0.1412,0.1972,-0.0644,-0.0457,0.1038,0.2533,0.2159,0.0103,0.2159,-0.2327,0.1786,0.0103,0.1038,-0.0831,-0.0644,-0.0084,0.0477,-0.1018,-0.0831,0.029,0.2346,-0.27,0.1972,0.0477,0.1225,0.1038,0.0851,0.029,0.1038,0.0851,0.0103,-0.27,0.2159,-0.4196,-0.1766,0.1599,-0.214,-0.1205,0.3468,0.1972,-0.0644,-0.1392,-0.3822,-0.3448,-0.3448,0.1599,-0.0084,-0.0271,-0.3448,0.1786,0.0103,0.1412,0.0664,-0.1018,0.1225,0.1786,0.1225,0.1599,0.029,0.1412,-0.0831,0.1225,-0.1205,0.0103,-0.0644,0.0664,-0.1579,0.0851,-0.1392,0.2346,0.1225,-0.3448,0.3281,0.2346,-0.1579,0.2533,-0.2513,0.1038,0.0664,0.3281,0.2346,-0.0457,0.1225,0.1786,0.1412,0.0664,-0.2327,0.029,0.272,-0.27,-0.0644,-0.1766,-0.2887,-0.1392,0.0851,0.2159,-0.0831,-0.1205,-0.1579,-0.1205,0.1972,0.2159,0.2533,0.0477,-0.1018,-0.1766,0.1599,-0.1579,0.3655,-0.0644,0.1412,-0.0457,-0.0084,-0.1766,-0.1392,0.1225,0.1038,-0.0084,0.0103,-0.1205,-0.0084,-0.3448,0.1225,0.0103,0.029,-0.1018,-0.0457,-0.3074,-0.0271,0.0477,-0.0271,-0.0831,-0.1205,-0.3635,-0.1766,-0.0644,-0.1205,-0.1392,-0.1766,0.2159,-0.0457,-0.4383,0.0664,0.0477,-0.214,-0.3261,0.1786,-0.0831,0.029,-0.1766,0.1786,-0.1953,-0.2327,0.029,0.1599,0.1412,0.0103,0.029,-0.1953,-0.0457,0.029,0.1972,0.0103,-0.2327,0.0103,-0.0084,-0.1392,-0.2327,0.1225,-0.0644,-0.0457,0.0851,0.1225,0.029,0.0477,0.0477,-0.4009,0.2533,0.1412,-0.1018,0.0851,0.1599,0.2533,0.272,-0.4383,0.2346,0.0664,-0.0831]],"log_likelihood_breslow":[-748.0077],"no_ties":[false]},{"time":[306,455,1010,210,883,1022,310,361,218,166,170,654,728,71,567,144,613,707,61,88,301,81,624,371,394,520,574,118,390,12,473,26,533,107,53,122,814,965,93,731,460,153,433,145,583,95,303,519,643,765,735,189,53,246,689,65,5,132,687,345,444,223,175,60,163,65,208,821,428,230,840,305,11,132,226,426,705,363,11,176,791,95,196,167,806,284,641,147,740,163,655,239,88,245,588,30,179,310,477,166,559,450,364,107,177,156,529,11,429,351,15,181,283,201,524,13,212,524,288,363,442,199,550,54,558,207,92,60,551,543,293,202,353,511,267,511,371,387,457,337,201,404,222,62,458,356,353,163,31,340,229,444,315,182,156,329,364,291,179,376,384,268,292,142,413,266,194,320,181,285,301,348,197,382,303,296,180,186,145,269,300,284,350,272,292,332,285,259,110,286,270,81,131,225,269,225,243,279,276,135,79,59,240,202,235,105,224,239,237,173,252,221,185,92,13,222,192,183,211,175,197,203,116,188,191,105,174,177],"status":[true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,false,true,false,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,false,true,true,true,false,true,false,true,true,true,true,true,false,true,true,false,false,true,true,true,true,true,false,false,true,true,true,false,true,true,false,false,true,false,true,false,false,true,true,true,true,false,true,true,false,false,false,true,true,true,false,false,false,true,false,false,false,true,false,true,true,true,true,true,false,true,false,false,false,false,true,true,true,false,false,false,true,false,true,false,false,false,false,false,false,true,false,false,true,false,false,false,false,true,false,false,false,false,false],"log_hazard_efron":[[0.7101,0.6079,0.4033,0.4204,0.4715,0.7101,0.0946,0.1458,0.3522,0.4885,0.4204,0.0946,0.0946,0.4715,0.4204,0.5908,0.642,0.5226,-0.1099,0.4204,0.5908,-0.2292,0.301,0.4374,0.676,0.1287,0.4715,0.642,0.3522,0.7101,0.1117,0.6931,0.267,-0.0417,0.4885,-0.0076,0.5567,0.0606,0.7101,0.0265,0.642,0.1799,-0.0588,-0.0417,0.6079,0.231,0.7101,0.5226,0.7101,-0.2122,0.1628,0.5226,0.6079,0.4374,0.4545,0.5056,0.0435,0.4204,-0.0758,0.0265,0.214,0.267,0.6931,0.0435,0.6249,0.6079,0.0776,0.0265,0.6079,0.5908,0.5226,-0.2463,0.7101,0.1306,-0.161,0.1458,-0.1951,-0.1099,0.8295,0.6931,0.4545,0.3863,0.1647,-0.3144,0.1988,0.659,-0.0076,0.4885,-0.3144,0.676,0.5226,0.642,0.5738,-0.0929,0.1117,0.676,0.6249,0.659,0.5397,0.1287,-0.0758,0.1117,0.4033,0.5226,0.4545,0.5738,-0.144,0.5908,0.3863,0.214,0.6249,0.1988,0.8124,0.214,-0.144,0.7442,0.284,0.6079,0.5738,0.8124,0.7272,-0.0417,0.1117,0.676,0.642,0.5738,0.301,0.5397,0.2481,-0.2463,-0.0588,0.3522,0.2499,-0.1269,0.5908,0.1969,-0.0758,0.4033,0.3692,0.4033,0.1799,0.7101,0.7442,0.0435,0.4204,-0.161,0.659,0.3692,0.8465,-0.0588,0.642,0.4715,-0.0076,-0.161,0.3863,0.6249,0.0946,0.5056,0.5226,-0.1099,-0.0076,-0.3144,0.6249,0.5226,0.5397,-0.0929,-0.0417,0.2329,0.4885,0.5567,0.4885,-0.0758,0.4033,-0.3315,0.3522,-0.0588,0.4033,-0.1269,-0.161,0.1969,0.4715,0.1136,0.0606,0.0435,-0.1951,-0.2974,0.1628,0.4374,0.5397,0.3522,0.676,0.3351,0.301,0.5397,0.659,0.642,0.0094,0.5397,-0.1781,0.4715,0.0265,0.6931,0.0094,-0.2122,0.0094,0.5056,-0.1269,-0.2122,0.6249,-0.0588,-0.0417,0.5908,0.6249,0.0265,0.5567,0.5567,-0.3656,0.7442,0.1287,-0.0929,0.5908,0.1458,0.7442,0.7613,0.1136,0.214,0.5738,-0.0758]],"log_likelihood_efron":[-742.8482],"log_hazard_breslow":[[0.7091,0.607,0.4029,0.4199,0.4709,0.7091,0.0945,0.1455,0.3518,0.4879,0.4199,0.0945,0.0945,0.4709,0.4199,0.59,0.6411,0.522,-0.1097,0.4199,0.59,-0.2288,0.3008,0.4369,0.6751,0.1285,0.4709,0.6411,0.3518,0.7091,0.1115,0.6921,0.2668,-0.0416,0.4879,-0.0076,0.556,0.0604,0.7091,0.0264,0.6411,0.1795,-0.0586,-0.0416,0.607,0.2306,0.7091,0.522,0.7091,-0.2118,0.1625,0.522,0.607,0.4369,0.4539,0.505,0.0434,0.4199,-0.0757,0.0264,0.2136,0.2668,0.6921,0.0434,0.624,0.607,0.0775,0.0264,0.607,0.59,0.522,-0.2458,0.7091,0.1307,-0.1607,0.1455,-0.1948,-0.1097,0.8282,0.6921,0.4539,0.3859,0.1647,-0.3138,0.1987,0.6581,-0.0076,0.4879,-0.3138,0.6751,0.522,0.6411,0.573,-0.0927,0.1115,0.6751,0.624,0.6581,0.539,0.1285,-0.0757,0.1115,0.4029,0.522,0.4539,0.573,-0.1437,0.59,0.3859,0.2136,0.624,0.1987,0.8112,0.2136,-0.1437,0.7431,0.2838,0.607,0.573,0.8112,0.7261,-0.0416,0.1115,0.6751,0.6411,0.573,0.3008,0.539,0.2476,-0.2458,-0.0586,0.3518,0.2498,-0.1267,0.59,0.1965,-0.0757,0.4029,0.3689,0.4029,0.1795,0.7091,0.7431,0.0434,0.4199,-0.1607,0.6581,0.3689,0.8452,-0.0586,0.6411,0.4709,-0.0076,-0.1607,0.3859,0.624,0.0945,0.505,0.522,-0.1097,-0.0076,-0.3138,0.624,0.522,0.539,-0.0927,-0.0416,0.2327,0.4879,0.556,0.4879,-0.0757,0.4029,-0.3309,0.3518,-0.0586,0.4029,-0.1267,-0.1607,0.1965,0.4709,0.1137,0.0604,0.0434,-0.1948,-0.2968,0.1625,0.4369,0.539,0.3518,0.6751,0.3348,0.3008,0.539,0.6581,0.6411,0.0094,0.539,-0.1777,0.4709,0.0264,0.6921,0.0094,-0.2118,0.0094,0.505,-0.1267,-0.2118,0.624,-0.0586,-0.0416,0.59,0.624,0.0264,0.556,0.556,-0.3649,0.7431,0.1285,-0.0927,0.59,0.1455,0.7431,0.7601,0.1137,0.2136,0.573,-0.0757]],"log_likelihood_breslow":[-743.0797],"no_ties":[false]},{"time":[455,210,1022,310,361,218,166,170,567,613,707,61,301,81,371,520,574,118,390,12,473,26,107,53,814,965,93,731,460,153,433,583,95,303,519,643,765,53,246,689,5,687,345,444,223,60,163,65,821,428,230,840,305,11,226,426,705,363,176,791,95,196,167,806,284,641,147,740,163,655,88,245,30,477,559,450,156,529,429,351,15,181,283,13,212,524,288,363,199,550,54,558,207,92,60,551,293,353,267,511,457,337,201,404,222,62,458,353,163,31,229,156,291,179,376,384,268,292,142,413,266,320,181,285,301,348,197,382,303,296,180,145,269,300,284,292,332,285,259,110,286,270,225,269,225,243,276,135,79,59,240,202,235,239,252,221,185,222,183,211,175,197,203,191,105,174,177],"status":[true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,false,true,false,true,true,true,false,true,true,true,true,true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,false,true,true,true,false,true,true,false,true,true,true,true,true,true,true,false,false,true,false,true,false,false,true,true,true,false,true,true,false,false,false,true,true,false,false,false,false,false,true,false,true,true,true,false,true,false,false,false,true,true,true,false,false,false,true,false,false,false,false,true,false,false,false,false,false,false,false,false],"log_hazard_efron":[[1.3681,2.4057,1.5885,2.2542,1.9529,1.592,2.2674,1.7091,1.4058,2.2904,2.032,1.896,1.9591,1.4002,1.1606,1.8128,1.7772,3.1014,2.2651,2.8491,1.7863,2.3748,2.0893,2.2688,2.5234,1.2299,2.4903,1.1642,2.331,1.9684,0.5224,1.7839,2.6058,1.4398,2.136,1.6232,1.3936,1.4547,1.5966,2.1332,1.244,1.4133,1.8829,2.239,1.2618,1.8497,2.4664,2.9694,1.1775,1.9209,1.6172,1.5399,0.8953,2.5541,1.6717,1.5254,1.1911,1.6829,1.4206,1.745,1.5262,1.8282,1.2795,1.9378,1.9263,1.5822,1.6716,1.0566,2.8588,1.7586,2.2962,1.5604,3.1152,2.1477,0.7955,1.5094,1.8659,1.3062,2.4472,2.2273,1.6729,1.7645,2.0144,2.6323,2.4688,2.2046,2.5938,2.0448,1.9345,1.4409,2.8221,1.3556,1.9029,2.0751,2.0465,2.3305,0.8192,1.5076,1.7007,1.9445,2.2333,1.3499,2.7012,1.8399,2.8335,1.506,1.4105,1.9175,2.1055,1.5503,2.2827,3.0477,2.5041,2.2926,1.1602,0.831,1.3933,2.1628,2.349,2.0443,0.8618,1.3799,2.231,1.7674,2.0845,0.8982,2.0148,0.8714,2.1089,1.319,2.4065,1.1779,1.1779,1.5202,1.5632,0.9646,0.5802,1.7954,1.4823,2.2392,1.3054,1.9198,1.9182,2.3836,1.6197,1.4773,1.1926,2.4771,1.1775,2.0204,0.847,0.9057,1.1748,2.0381,1.1729,1.9773,2.5686,2.2684,3.1737,2.7302,0.6346,2.0648,1.5694,1.3707,2.0738,2.1598,1.4299]],"log_likelihood_efron":[-494.0344],"log_hazard_breslow":[[1.368,2.4042,1.5873,2.2532,1.9519,1.5917,2.2673,1.7092,1.4077,2.2885,2.0314,1.8954,1.9585,1.3994,1.1608,1.8123,1.7756,3.0997,2.263,2.8474,1.7856,2.3738,2.0873,2.2677,2.5226,1.2299,2.489,1.1649,2.3294,1.9678,0.5243,1.7828,2.6028,1.4401,2.1348,1.6222,1.3936,1.4539,1.596,2.1324,1.244,1.4134,1.8818,2.238,1.2644,1.8488,2.4643,2.9671,1.1773,1.9195,1.6174,1.5389,0.8969,2.5522,1.6713,1.5258,1.1909,1.682,1.421,1.7441,1.526,1.8273,1.2793,1.9366,1.9256,1.5817,1.6708,1.0585,2.8564,1.7574,2.2949,1.5604,3.1128,2.1463,0.7966,1.5091,1.8653,1.3059,2.4456,2.2262,1.6721,1.7637,2.0133,2.631,2.4677,2.2042,2.5928,2.0438,1.9341,1.4403,2.8194,1.3556,1.9024,2.0741,2.045,2.3303,0.8219,1.507,1.6997,1.9449,2.2315,1.35,2.6985,1.8403,2.8314,1.5055,1.4113,1.9161,2.1046,1.5506,2.2806,3.0453,2.5033,2.2907,1.161,0.8316,1.3932,2.1627,2.3473,2.0435,0.8621,1.3795,2.2294,1.7662,2.0833,0.8987,2.015,0.8721,2.108,1.3188,2.4046,1.1785,1.1778,1.5197,1.5621,0.9646,0.5811,1.7956,1.4817,2.2378,1.3052,1.9191,1.9184,2.3817,1.6191,1.4769,1.1925,2.4751,1.1792,2.0187,0.8473,0.9061,1.1747,2.0368,1.1728,1.9769,2.5665,2.2675,3.1712,2.7282,0.6355,2.0634,1.5688,1.3697,2.0728,2.1584,1.4296]],"log_likelihood_breslow":[-494.1793],"no_ties":[false]},{"time":[1838,403,1603,177,1855,842,293,42,564,1093,436,238,723,503,448,359,1720,1306,942,370,959,552,392,698,249,2051,1356,530,1150,956,679,1820,1013,1225,417,343,488,1862,1763,1587,446,344,63,1483,827,296,1701,2014,2030,722,286,184,1469,276,797,2128,1177,1449,1108,1460,533,1434,168,525,180,471,350,1167,855,449,745,544,186,308,1856,1965,546,1183,1826,360,375,779,336,578,463,526,502,540,721,1729,275,72,17,420,2027,891,1352,1192,737,936,1089,377,1655,740,650,1981,742,1977,628,624,733,1207,542,1756,515,1459,233,455,379,223,622,426,227,1100,1693,717,973,498,557,1751,160,770,1441,424,1730,65,1387,242,792,500,1653,338,731,772,1884,1185,369,2007,2372,2353,1388,1193,358,175,1366,1163,2233,595,529,1472,410,281,1675,1077,251,541,859,518,548,1140,535,2024,1094,29,2239,1589,504,657,1502,586,316,120,550,181,1685,828,114,2456,632,918,1195,272,2205,71,1317,195,790,15,870,2034,490,486,974,1463,631,2052,1637,2126,1230,758,476,1918,972,307,563,329,191,357,1735,429,729,1557,727,1841,1036,747,825,1363,1560,577,1157,1842,465,2612,964,559,1641,1280,571,1604,567,473,615,1331,1863,169,1182,415,594,854,305,1854,766,1521,945,893,2009,98,2563,1666,1208,2467,1582,1956,575,853,1443,579,1091,247,663,348,2401,888,1090,148,730,372,1231,1253,1062,1349,1240,1789,2551,1164,1868,1866,751,1598,113,491,646,1684,16,2059,460,2048,883,890,1043,353,1833,1905,241,2144,670,1222,858,675,2438,229,598,1570,940,1296,967,1342,1401,495,836,2227,573,1601,1624,1080,754,867,769,1722,1481,1357,1525,768,1277,2234,1343,537,1904,2161,806,623,1814,877,456,288,995,712,1219,981,2153,173,2156,1212,1059,1600,1878,2015,536,2057,1078,687,1807,1632,2018,67,1243,857,1976,1959,1852,1702,960,1714,1232,1786,371,1990,374,1351,2192,933,798,1989,545,18,1170,547,1753,2170,1420,707,1264,1105,1109,1791,1475,889,761,648,1113,1645,1528,1499,1355,838,1979,481,8,637,171,1527,2296,2011,801,1806,1120,819,1341,1514,566,554,1707,46,1174,1246,1493,612,1162,2177,753,841,734,805,969,1897,1095,2217,310,1358,1703,1743,1821,662,1146,385,2380,1818,748,1692,1679,1490,2388,1629,732,795,1781,2370,1861,1627,1371,2297,1642,2056,2138,2065,2049,1337,695,986,1680,1717,273,1926,876,1840,1922,1765,596,1323,1002,741,2017,322,776,1329,1233,57,2320,2172,1152,784,916,475,2556,629,652,1117,2132,1218,368,1427,1858,1340,1938,1114,1846,866,2195,1853,2237,1169,1088,1721,1984,432,205,1771,2010,861,285,1847,1171,2659,2539,2449,2093,2286,762,1435,982,865,1432,2271,755,1625,1119,692,1933,651,1834,2471,570,600,2039,438,1250,1486,714,799,1767,2175,319,1125,892,394,1279,1205,1505,1975,1617,1350,970,213,1364,2148,983,1283,1869,461,1578,553,991,1760],"status":[0,1,0,0,0,1,1,0,1,1,1,1,0,1,1,1,0,1,0,1,1,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,0,1,1,1,1,0,0,1,0,0,0,1,1,1,1,0,0,1,0,0,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,1,0,0,0,1,0,1,1,0,1,1,0,0,1,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,1,1,1,1,1,1,1,0,0,0,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,1,1,0,0,0,1,0,1,0,1,1,1,1,1,0,0,1,1,0,1,1,0,0,1,0,1,1,1,1,1,0,1,0,0,1,1,0,0,1,1,1,1,1,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,1,0,1,0,0,0,0,0,0,1,1,0,1,1,1,1,1,0,0,1,0,1,0,1,1,0,1,0,1,1,0,1,0,1,1,1,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,1,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,0,1,1,1,1,0,0,1,0,1,1,1,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,1,0,1,1,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,0,1,1,0,1,1,1,0,1,1,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,1,1,0,0,0,1,0,0,1,1,1,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0],"log_hazard":[[0.0042,-0.002,-0.0031,0.0084,-0.0125,0.0053,0.0053,0.0168,-0.0146,0.0084,-0.0094,-0.0062,-0.0094,0.0021,0.022,-0.0031,0.0021,-0.0104,0.0063,-0.0052,-0.0157,-0.0125,-0.0115,-0.0104,0.0116,0.0042,-0.0104,-0.0062,-0.0094,0.0179,0.0042,0.0074,-0.0031,-0.0094,-0.0104,0.0294,0.0053,0.0053,-0.0031,0.0032,0.0032,-0.0062,0.0011,0.0001,0.0063,0.0095,-0.0125,-0.0136,-0.0031,-0.0052,0.02,-0.0188,0.0084,0.0063,-0.0094,0.021,-0.0052,-0.0177,0.02,0.0021,0.0126,0.0147,-0.0136,0.0053,-0.0125,-0.0282,0.0032,0.0021,-0.0073,-0.0052,-0.0146,-0.0062,0.0001,0.0063,0.0021,0.0095,-0.002,0.0189,0.0011,-0.0136,0.0042,0.0053,0.0011,0.0084,0.0042,0.0179,0.0032,0.0084,0.0042,0.0032,-0.0115,-0.0062,0.0032,0.0001,0.021,-0.0052,0.0084,0.0001,-0.0062,0.0011,-0.001,-0.0094,-0.001,0.0001,0.0105,0.0147,-0.0062,-0.0136,-0.001,0.0001,-0.0094,0.0105,0.0147,-0.0031,-0.0198,0.0137,0.021,0.0053,-0.0125,-0.0062,0.0074,-0.0062,0.0095,-0.0052,0.0074,-0.0157,-0.0104,-0.001,0.0021,-0.0094,0.0021,-0.0104,0.02,0.0105,-0.0031,-0.0125,-0.0115,0.0241,0.0084,0.0063,-0.0146,0.0095,-0.0104,-0.0062,-0.001,0.0147,-0.0094,-0.0052,-0.0083,0.0074,-0.001,0.0021,0.0001,0.0011,0.0126,0.0074,-0.0125,0.0126,-0.0146,0.0179,-0.0062,-0.0104,-0.001,0.0074,0.0011,0.0116,-0.0052,-0.0094,-0.0062,0.0011,0.0095,0.022,-0.0115,-0.0083,-0.0094,0.0126,-0.0073,0.0032,0.0053,-0.0136,0.0168,0.0105,-0.0125,0.0074,0.0001,-0.001,-0.002,-0.0083,-0.0073,0.0011,0.0179,0.0032,0.0001,0.0105,0.0032,-0.024,0.0095,-0.0041,-0.0094,0.0116,0.0011,0.0126,-0.0125,0.0063,0.0074,-0.0073,-0.0094,0.0126,0.0001,0.0137,0.0168,0.0021,-0.0062,-0.001,0.0053,0.0042,0.0084,0.0063,0.0158,-0.0073,-0.002,0.02,0.0011,-0.0136,-0.001,0.0021,-0.0146,-0.0115,0.0063,-0.0157,0.0001,0.0032,0.0189,-0.0041,-0.002,-0.0104,-0.0041,0.0001,0.0158,0.0063,0.0063,-0.0041,-0.0146,0.022,-0.0115,0.0084,0.0021,0.0084,-0.0115,-0.0157,-0.0104,0.0231,0.0032,-0.0083,-0.0136,-0.0104,0.0084,-0.0041,0.0105,-0.0094,-0.0136,-0.0104,-0.0062,-0.0083,-0.0125,0.0105,-0.0177,0.0158,-0.0083,0.0336,0.0074,-0.0083,0.0001,-0.001,-0.0125,0.0137,-0.0104,0.0126,0.0053,-0.0041,-0.001,-0.002,0.0095,0.0084,-0.0104,0.021,0.0116,0.0095,-0.0125,-0.001,0.0021,0.0231,0.0084,-0.0031,0.0095,0.0001,0.0053,0.0063,0.0063,-0.0062,0.0011,-0.001,-0.0188,-0.0157,0.0011,0.0074,0.0105,0.0063,0.0074,0.022,-0.0062,-0.0094,-0.0094,0.022,0.0074,0.0105,0.0063,-0.0052,0.0063,-0.0041,-0.0041,0.0042,-0.0157,-0.0115,0.0053,-0.0083,-0.0073,-0.0125,0.0021,-0.0041,-0.0041,0.0001,-0.0031,-0.0083,0.0011,0.0105,-0.0031,-0.0083,-0.0104,0.0063,-0.0104,0.0158,-0.0177,0.0063,-0.0041,0.0137,0.0063,-0.0052,-0.0031,0.0168,-0.0136,0.022,0.0021,0.0084,-0.0115,-0.0094,0.0074,0.0042,0.0273,0.0063,0.0021,-0.0073,-0.0062,-0.0272,-0.0031,0.0042,-0.002,-0.0104,-0.002,0.0084,0.0116,-0.0073,0.021,0.0011,-0.0115,0.0042,0.0179,-0.0167,-0.0094,0.0074,0.0001,0.0084,-0.0041,-0.0052,0.0179,-0.0094,0.0001,-0.0052,0.0021,-0.0073,0.0011,0.0147,0.0032,-0.002,0.0032,0.0074,0.0084,-0.0073,-0.0041,0.0042,-0.0125,-0.0188,-0.0104,-0.0062,-0.0094,-0.0062,0.0021,0.0001,0.0032,0.0105,0.0021,0.0021,-0.0073,0.0053,0.0021,-0.0251,-0.0146,0.021,-0.002,-0.0188,0.0042,0.0032,-0.0136,-0.0094,0.0074,0.0126,-0.0073,0.0158,0.02,0.0168,-0.0073,0.0042,-0.0177,-0.0083,0.0074,0.0011,-0.002,0.0063,0.0095,-0.0031,0.0042,-0.0136,-0.0177,-0.0031,0.0063,-0.0073,-0.0073,0.0042,0.0074,0.0074,-0.0115,-0.0104,-0.0177,0.0063,0.0116,-0.0052,-0.0167,0.0084,-0.0125,0.0053,-0.001,0.0032,-0.0073,0.0053,-0.001,0.0158,0.0063,0.0158,-0.0177,-0.001,0.0116,0.0095,0.0042,0.0063,-0.0167,-0.0062,0.0042,0.0168,-0.0073,0.0063,-0.0041,0.0053,0.0021,0.0021,0.0063,-0.0041,0.0168,0.0105,0.0084,-0.0062,-0.0083,-0.0115,0.0063,0.0095,0.0063,-0.0094,-0.0115,0.0137,0.0105,-0.0115,-0.0146,0.02,0.0053,-0.001,-0.0125,-0.0073,-0.0104,0.0137,-0.0198,0.0105,0.0053,0.0168,0.0074,-0.0052,0.0126,-0.0052,0.0168,0.0053,0.0021,0.0294,0.0116,-0.0104,0.0011,-0.0094,0.0063,-0.0031,0.0137,-0.0167,-0.002,-0.0073,0.0053,-0.002,0.0032,0.0042,0.0053,0.0063,0.0084,0.0095,0.0042,0.0095,0.0158,-0.0115,-0.0115,0.0001,0.0042,0.0116,-0.0125,0.0001,-0.0073,-0.0115,-0.0073,0.0074,-0.0083,0.0063,0.0032,-0.0136,0.0063,0.0001,-0.0146,-0.0219,0.0105,-0.0083,-0.0136,-0.0041,0.0095,-0.0104,0.0011,-0.0083,0.0158,0.0021,0.0053,-0.0062,-0.0125,0.0021]],"log_likelihood":[-1459.174],"no_ties":[true]},{"time":[1838,403,1603,177,1855,842,293,42,564,1093,436,238,723,503,448,359,1720,1306,942,370,959,552,392,698,249,2051,1356,530,1150,956,679,1820,1013,1225,417,343,488,1862,1763,1587,446,344,63,1483,827,296,1701,2014,2030,722,286,184,1469,276,797,2128,1177,1449,1108,1460,533,1434,168,525,180,471,350,1167,855,449,745,544,186,308,1856,1965,546,1183,1826,360,375,779,336,578,463,526,502,540,721,1729,275,72,17,420,2027,891,1352,1192,737,936,1089,377,1655,740,650,1981,742,1977,628,624,733,1207,542,1756,515,1459,233,455,379,223,622,426,227,1100,1693,717,973,498,557,1751,160,770,1441,424,1730,65,1387,242,792,500,1653,338,731,772,1884,1185,369,2007,2372,2353,1388,1193,358,175,1366,1163,2233,595,529,1472,410,281,1675,1077,251,541,859,518,548,1140,535,2024,1094,29,2239,1589,504,657,1502,586,316,120,550,181,1685,828,114,2456,632,918,1195,272,2205,71,1317,195,790,15,870,2034,490,486,974,1463,631,2052,1637,2126,1230,758,476,1918,972,307,563,329,191,357,1735,429,729,1557,727,1841,1036,747,825,1363,1560,577,1157,1842,465,2612,964,559,1641,1280,571,1604,567,473,615,1331,1863,169,1182,415,594,854,305,1854,766,1521,945,893,2009,98,2563,1666,1208,2467,1582,1956,575,853,1443,579,1091,247,663,348,2401,888,1090,148,730,372,1231,1253,1062,1349,1240,1789,2551,1164,1868,1866,751,1598,113,491,646,1684,16,2059,460,2048,883,890,1043,353,1833,1905,241,2144,670,1222,858,675,2438,229,598,1570,940,1296,967,1342,1401,495,836,2227,573,1601,1624,1080,754,867,769,1722,1481,1357,1525,768,1277,2234,1343,537,1904,2161,806,623,1814,877,456,288,995,712,1219,981,2153,173,2156,1212,1059,1600,1878,2015,536,2057,1078,687,1807,1632,2018,67,1243,857,1976,1959,1852,1702,960,1714,1232,1786,371,1990,374,1351,2192,933,798,1989,545,18,1170,547,1753,2170,1420,707,1264,1105,1109,1791,1475,889,761,648,1113,1645,1528,1499,1355,838,1979,481,8,637,171,1527,2296,2011,801,1806,1120,819,1341,1514,566,554,1707,46,1174,1246,1493,612,1162,2177,753,841,734,805,969,1897,1095,2217,310,1358,1703,1743,1821,662,1146,385,2380,1818,748,1692,1679,1490,2388,1629,732,795,1781,2370,1861,1627,1371,2297,1642,2056,2138,2065,2049,1337,695,986,1680,1717,273,1926,876,1840,1922,1765,596,1323,1002,741,2017,322,776,1329,1233,57,2320,2172,1152,784,916,475,2556,629,652,1117,2132,1218,368,1427,1858,1340,1938,1114,1846,866,2195,1853,2237,1169,1088,1721,1984,432,205,1771,2010,861,285,1847,1171,2659,2539,2449,2093,2286,762,1435,982,865,1432,2271,755,1625,1119,692,1933,651,1834,2471,570,600,2039,438,1250,1486,714,799,1767,2175,319,1125,892,394,1279,1205,1505,1975,1617,1350,970,213,1364,2148,983,1283,1869,461,1578,553,991,1760],"status":[0,1,0,0,0,1,1,0,1,1,1,1,0,1,1,1,0,1,0,1,1,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,0,1,1,1,1,0,0,1,0,0,0,1,1,1,1,0,0,1,0,0,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,1,0,0,0,1,0,1,1,0,1,1,0,0,1,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,1,1,1,1,1,1,1,0,0,0,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,1,1,0,0,0,1,0,1,0,1,1,1,1,1,0,0,1,1,0,1,1,0,0,1,0,1,1,1,1,1,0,1,0,0,1,1,0,0,1,1,1,1,1,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,1,0,1,0,0,0,0,0,0,1,1,0,1,1,1,1,1,0,0,1,0,1,0,1,1,0,1,0,1,1,0,1,0,1,1,1,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,1,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,0,1,1,1,1,0,0,1,0,1,1,1,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,1,0,1,1,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,0,1,1,0,1,1,1,0,1,1,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,1,1,0,0,0,1,0,0,1,1,1,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0],"log_hazard":[[-0.1559,-0.1284,0.1469,-0.0596,0.0093,0.312,-0.1147,-0.1285,-0.1283,0.0092,-0.2384,0.0093,-0.1146,-0.0596,0.3807,-0.0596,-0.1146,-0.032,-0.2385,0.2157,-0.1558,-0.1558,0.0093,0.0093,-0.0597,-0.211,-0.1146,0.0093,-0.087,0.0091,0.3533,-0.2523,0.1469,-0.0595,-0.1971,-0.0047,-0.1972,0.2156,0.1469,0.0092,0.4221,-0.1146,-0.1284,0.3946,0.0092,-0.0184,-0.0595,-0.1558,0.1469,0.0781,0.0091,-0.1145,0.2156,0.1468,-0.1283,-0.1423,0.312,0.6975,0.1467,-0.1284,0.6973,0.0091,0.0506,-0.1835,-0.0595,0.1333,0.312,0.2845,0.1331,0.1744,0.491,-0.0183,-0.0596,-0.0871,0.0367,-0.1973,0.1469,0.0779,-0.0596,0.0093,0.2156,-0.1284,-0.0321,-0.0046,-0.1009,-0.0735,-0.0596,-0.0872,0.0092,0.2845,0.2157,-0.2935,-0.1559,-0.1834,-0.0184,-0.1146,-0.1973,-0.1284,-0.2385,-0.1284,0.0092,0.2845,-0.0596,0.0092,-0.0597,0.0367,0.0781,-0.1283,-0.0183,-0.0458,0.0781,0.6973,-0.1285,-0.1284,0.0644,0.0091,-0.0872,0.078,0.5598,-0.1284,0.2156,-0.0733,-0.0184,0.0781,-0.0596,0.0781,-0.087,0.1469,-0.1146,0.3533,1.2478,-0.087,0.2843,0.3532,-0.1834,-0.1008,-0.1146,-0.2387,-0.211,0.4221,0.0093,-0.0596,0.1469,0.0781,-0.0596,-0.0184,0.0093,0.0781,-0.1008,-0.2385,-0.1146,0.078,0.312,0.0918,-0.0597,0.0229,-0.1283,0.0091,-0.0595,0.2018,0.0093,0.0368,0.2845,-0.1147,-0.1284,0.422,0.0093,-0.1283,-0.0871,0.2707,0.3532,-0.1285,-0.1008,-0.1559,0.0093,-0.1285,0.1469,-0.2248,0.5597,-0.1145,-0.0597,0.6973,0.0919,0.0367,-0.0596,-0.1422,-0.1284,0.2845,-0.0733,-0.0596,-0.2937,0.5597,-0.2247,-0.156,-0.2523,0.1057,-0.3349,0.4221,-0.1283,-0.0597,0.0092,-0.1973,0.0506,0.0092,-0.0183,-0.1559,-0.0595,-0.1285,-0.0871,-0.101,-0.0597,0.0643,-0.0871,-0.0871,-0.1009,-0.1009,-0.2661,0.078,-0.0872,-0.1972,0.2845,-0.3625,-0.0871,-0.1971,0.0092,0.0092,-0.0595,0.1469,-0.0183,0.147,-0.1834,-0.0321,-0.101,-0.1008,-0.1972,-0.1146,0.0093,-0.266,0.3807,-0.0596,-0.0871,0.0781,0.0781,-0.1698,-0.1421,-0.1422,-0.0596,0.2844,0.0506,0.0093,0.2157,-0.0873,-0.0596,-0.0595,0.1469,0.1882,-0.2248,0.2845,0.0092,-0.1971,-0.0595,-0.087,-0.1008,0.0781,-0.032,0.3532,0.1194,-0.1285,0.0093,-0.1974,-0.1009,-0.1283,-0.1697,-0.1146,0.3121,-0.0734,-0.0595,-0.0872,-0.1009,-0.0596,-0.0045,-0.0596,0.078,0.078,-0.1146,0.0779,-0.0184,-0.0046,0.2157,-0.0321,0.5597,0.3531,-0.1973,-0.1009,0.5597,-0.1146,0.0092,0.3532,-0.0734,-0.1972,-0.0596,0.0092,-0.1558,0.2158,0.1468,-0.1284,0.0092,0.1468,-0.0459,-0.0184,-0.0595,-0.0595,-0.1421,-0.0597,0.0092,0.078,-0.0596,0.0781,-0.1972,-0.1284,0.0093,0.0092,-0.2109,-0.0733,0.078,0.0093,0.0781,-0.2659,-0.0596,0.0368,-0.1972,-0.0321,0.023,0.4222,0.2845,0.0092,0.3533,0.1194,-0.0733,-0.1284,-0.1559,-0.101,-0.1145,0.078,-0.0596,0.1468,0.5597,0.0781,0.0368,0.0779,-0.1283,-0.1285,-0.2385,-0.156,-0.0595,0.4222,-0.1422,-0.1284,-0.101,0.1193,0.1744,-0.1146,-0.1696,-0.0869,-0.2385,-0.1284,-0.2385,-0.1008,0.1469,-0.1285,0.0092,0.2845,-0.1973,0.1056,-0.0595,-0.1422,-0.0597,-0.142,0.1332,-0.1147,-0.1422,0.422,-0.1559,-0.1559,0.0917,-0.1008,-0.0596,0.2845,-0.1284,-0.0595,-0.1284,0.0779,0.1468,0.1056,-0.1147,-0.0596,-0.2661,-0.1972,-0.2385,0.9726,0.0093,-0.1971,-0.0595,0.0093,0.0093,-0.0871,-0.2247,-0.1284,-0.0046,-0.0321,-0.0596,-0.1422,0.0093,0.1193,-0.1559,-0.1282,-0.0733,-0.0597,-0.1972,-0.1833,-0.0871,-0.0871,0.0093,-0.1283,0.078,0.1468,0.9726,-0.0597,-0.1973,0.0091,0.0368,-0.0734,-0.1558,0.0919,0.0367,-0.266,0.0643,-0.2385,0.0092,-0.2935,-0.1972,-0.087,-0.1008,0.1744,0.0092,0.0781,-0.0595,-0.0734,-0.0872,-0.156,0.0919,-0.2247,-0.1833,-0.1835,0.1468,0.0781,-0.0595,0.2844,-0.1558,0.0092,0.0092,-0.1009,-0.0871,-0.156,-0.0321,-0.0734,-0.1972,-0.156,-0.1696,0.078,-0.1147,-0.1285,-0.1284,0.0918,-0.1283,0.3946,-0.211,-0.1973,0.0368,0.1743,-0.0458,-0.1972,-0.1835,-0.0596,0.6698,0.0918,0.2844,0.0367,0.9725,-0.2935,0.1469,-0.032,0.1468,-0.0734,0.0092,-0.032,-0.2109,-0.1973,-0.1147,-0.0733,-0.1971,0.0091,-0.0734,-0.1009,-0.2659,-0.1008,0.0643,0.1468,-0.1696,0.1468,-0.0596,-0.0597,0.2156,0.023,-0.2661,-0.0595,0.0779,0.0092,-0.1009,-0.1011,0.1468,-0.0182,-0.0458,-0.1008,0.2156,-0.2522,0.078,-0.1008,-0.0871,0.1056,0.4221,0.4909,-0.0046,-0.1697,0.078,0.2156,0.0092,-0.0184,0.367,0.1468,0.0229,-0.0733,-0.0457,0.6285,-0.1422,-0.2386,0.3947,0.2157,-0.032,0.0368,-0.2384,0.078,-0.0595,-0.1284,0.078,0.1745,0.0092,-0.2247,0.202,0.0094,-0.0184,0.0093,-0.0182,-0.1697,-0.0321,0.2157,-0.1697,-0.0595,0.4358,-0.3486,0.078,-0.0733,-0.1283,0.0092]],"log_likelihood":[-1453.3415],"no_ties":[true]},{"time":[1838,403,1603,177,1855,842,293,42,564,1093,436,238,723,503,448,359,1720,1306,942,370,959,552,392,698,249,2051,1356,530,1150,956,679,1820,1013,1225,417,343,488,1862,1763,1587,446,344,63,1483,827,296,1701,2014,2030,722,286,184,1469,276,797,2128,1177,1449,1108,1460,533,1434,168,525,180,471,350,1167,855,449,745,544,186,308,1856,1965,546,1183,1826,360,375,779,336,578,463,526,502,540,721,1729,275,72,17,420,2027,891,1352,1192,737,936,1089,377,1655,740,650,1981,742,1977,628,624,733,1207,542,1756,515,1459,233,455,379,223,622,426,227,1100,1693,717,973,498,557,1751,160,770,1441,424,1730,65,1387,242,792,500,1653,338,731,772,1884,1185,369,2007,2372,2353,1388,1193,358,175,1366,1163,2233,595,529,1472,410,281,1675,1077,251,541,859,518,548,1140,535,2024,1094,29,2239,1589,504,657,1502,586,316,120,550,181,1685,828,114,2456,632,918,1195,272,2205,71,1317,195,790,15,870,2034,490,486,974,1463,631,2052,1637,2126,1230,758,476,1918,972,307,563,329,191,357,1735,429,729,1557,727,1841,1036,747,825,1363,1560,577,1157,1842,465,2612,964,559,1641,1280,571,1604,567,473,615,1331,1863,169,1182,415,594,854,305,1854,766,1521,945,893,2009,98,2563,1666,1208,2467,1582,1956,575,853,1443,579,1091,247,663,348,2401,888,1090,148,730,372,1231,1253,1062,1349,1240,1789,2551,1164,1868,1866,751,1598,113,491,646,1684,16,2059,460,2048,883,890,1043,353,1833,1905,241,2144,670,1222,858,675,2438,229,598,1570,940,1296,967,1342,1401,495,836,2227,573,1601,1624,1080,754,867,769,1722,1481,1357,1525,768,1277,2234,1343,537,1904,2161,806,623,1814,877,456,288,995,712,1219,981,2153,173,2156,1212,1059,1600,1878,2015,536,2057,1078,687,1807,1632,2018,67,1243,857,1976,1959,1852,1702,960,1714,1232,1786,371,1990,374,1351,2192,933,798,1989,545,18,1170,547,1753,2170,1420,707,1264,1105,1109,1791,1475,889,761,648,1113,1645,1528,1499,1355,838,1979,481,8,637,171,1527,2296,2011,801,1806,1120,819,1341,1514,566,554,1707,46,1174,1246,1493,612,1162,2177,753,841,734,805,969,1897,1095,2217,310,1358,1703,1743,1821,662,1146,385,2380,1818,748,1692,1679,1490,2388,1629,732,795,1781,2370,1861,1627,1371,2297,1642,2056,2138,2065,2049,1337,695,986,1680,1717,273,1926,876,1840,1922,1765,596,1323,1002,741,2017,322,776,1329,1233,57,2320,2172,1152,784,916,475,2556,629,652,1117,2132,1218,368,1427,1858,1340,1938,1114,1846,866,2195,1853,2237,1169,1088,1721,1984,432,205,1771,2010,861,285,1847,1171,2659,2539,2449,2093,2286,762,1435,982,865,1432,2271,755,1625,1119,692,1933,651,1834,2471,570,600,2039,438,1250,1486,714,799,1767,2175,319,1125,892,394,1279,1205,1505,1975,1617,1350,970,213,1364,2148,983,1283,1869,461,1578,553,991,1760],"status":[0,1,0,0,0,1,1,0,1,1,1,1,0,1,1,1,0,1,0,1,1,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,0,1,1,1,1,0,0,1,0,0,0,1,1,1,1,0,0,1,0,0,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,1,0,0,0,1,0,1,1,0,1,1,0,0,1,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,1,1,1,1,1,1,1,0,0,0,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,1,1,0,0,0,1,0,1,0,1,1,1,1,1,0,0,1,1,0,1,1,0,0,1,0,1,1,1,1,1,0,1,0,0,1,1,0,0,1,1,1,1,1,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,1,0,1,0,0,0,0,0,0,1,1,0,1,1,1,1,1,0,0,1,0,1,0,1,1,0,1,0,1,1,0,1,0,1,1,1,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,1,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,0,1,1,1,1,0,0,1,0,1,1,1,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,1,0,1,1,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,0,1,1,0,1,1,1,0,1,1,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,1,1,0,0,0,1,0,0,1,1,1,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0],"log_hazard":[[0.5544,1.5734,1.0215,0.8112,0.5355,1.2578,1.1544,0.6589,0.2496,0.5805,0.784,0.683,0.3069,0.6207,2.2374,1.0882,0.786,0.5683,0.5247,1.1088,1.1971,0.4986,1.1599,0.632,0.8629,0.4747,0.6147,0.6928,0.3236,0.8927,1.0671,0.5061,0.9166,1.029,0.9623,0.6706,0.7704,0.9459,0.4855,1.1101,1.2061,0.7019,0.3521,0.4987,0.7834,0.2932,0.8191,0.8267,0.4983,0.9267,1.1478,0.6807,0.9974,0.6692,0.5643,0.2807,1.2087,1.5606,0.9147,0.5159,0.6413,0.8412,0.4422,1.2265,1.4436,2.2018,0.7305,1.1401,1.0601,0.9302,1.1951,1.1994,1.3855,0.7356,1.3353,0.4793,1.2859,0.4947,0.9104,1.4987,1.2155,1.0949,0.7765,0.5738,0.8975,0.8524,0.4952,0.4166,0.9677,0.7054,0.8899,0.6541,0.7635,0.7507,0.5491,0.8393,0.7781,0.5142,0.4535,0.242,0.9506,0.9748,0.6626,0.8454,1.0716,1.0128,0.7761,0.6714,0.9904,1.1876,0.6319,1.9192,0.4953,0.0523,2.7027,0.9452,1.2619,1.3994,2.4509,0.5147,1.0466,1.2323,1.3967,0.8863,0.5416,0.4178,1.1043,0.7919,0.2411,1.3809,1.7605,0.3655,1.2791,0.7646,0.9557,0.8943,0.781,0.9704,0.7319,1.2434,0.6319,1.06,0.7488,0.8459,0.2762,0.6566,0.377,0.3318,0.3357,0.454,0.8256,0.8631,1.1439,0.8745,0.7413,0.5611,0.5063,1.3542,0.5438,0.9707,0.9457,1.4044,1.2262,0.7888,1.2369,1.5013,1.4739,0.5556,0.6123,0.9435,1.1487,0.476,0.7781,0.9081,0.6502,0.6558,0.6246,0.9275,1.1446,0.7096,1.1507,1.6815,0.9216,0.7828,0.3043,0.8978,0.1402,0.854,0.8273,0.8938,0.6634,1.5133,0.8147,0.4797,0.1655,2.0879,0.8582,1.6467,0.2173,0.8325,1.1377,0.6074,0.8485,0.4874,1.5906,0.7901,0.6797,0.5701,0.607,0.5442,0.7697,0.4078,0.2336,1.2403,0.6464,0.4978,0.4067,1.4106,0.8606,0.2282,0.4524,0.62,0.607,0.2351,0.5508,1.3025,0.2529,1.5039,1.1235,0.7657,0.4716,0.7828,1.1161,0.3724,0.2737,0.0535,0.2827,0.4149,1.4074,0.6115,0.801,0.4529,0.6837,0.6981,0.1892,0.4957,0.5476,0.9798,0.9239,0.6049,1.2335,0.6284,0.7581,0.2599,1.747,0.5934,0.5607,1.5651,0.5166,0.5987,0.3104,0.5913,0.5738,0.6001,1.457,0.692,0.8961,0.8718,0.2541,0.5117,0.6339,0.6772,0.1585,0.5161,1.2813,0.3111,0.9207,0.7743,0.6187,0.5463,0.7704,0.2784,0.8042,0.6007,0.187,0.7976,0.6418,0.5012,1.1918,0.9321,1.3003,0.7881,0.5113,0.4566,1.7265,0.5917,1.3009,1.5842,1.4605,0.1545,0.8666,0.551,0.204,0.2048,1.0877,0.4815,0.5444,0.6204,0.3174,1.0723,0.2597,0.2232,0.3837,0.4931,0.7487,0.6668,0.1856,0.2945,0.3717,0.5315,0.5767,0.6667,0.3748,0.5023,0.5119,0.9043,1.0985,0.4538,0.901,0.3213,0.2091,1.0184,0.5288,3.31,0.6415,0.5588,0.9976,1.3666,0.5277,0.3826,0.101,0.8794,0.5143,0.493,0.5352,0.7307,0.7104,0.6822,0.2663,0.78,0.4673,0.5707,0.1088,0.0852,0.5529,0.3596,0.6169,0.3678,0.3811,0.524,0.5583,0.5213,0.2191,-0.1418,0.3508,0.6577,0.2878,0.5048,0.2768,0.3938,0.8333,0.8591,2.2408,0.571,0.5423,-0.0116,0.4002,0.2389,0.3783,0.4199,0.684,0.7243,0.5857,-0.175,0.4023,0.6685,0.9937,0.8346,0.3157,-0.0178,0.0328,0.2866,0.4255,0.4507,-0.249,0.9508,0.213,0.3198,-0.0337,2.3399,0.3674,0.3989,0.3924,0.3392,0.1873,0.349,0.4559,0.3229,0.1145,0.3784,1.0882,0.3547,0.1071,0.487,-0.0164,0.7545,0.1806,0.6393,0.3463,0.0139,0.3144,0.3581,0.3173,-0.0162,0.2759,0.2674,0.9874,0.2541,0.4181,0.1886,-0.0819,0.7807,0.0014,0.6217,0.2969,0.2453,0.6731,-0.1249,0.5864,0.1224,0.1678,0.0001,0.0782,0.1774,0.1465,0.4657,0.3645,0.0044,0.2523,0.0272,0.1045,-0.0716,0.2668,0.1775,0.761,0.2853,-0.3096,0.172,0.1057,-0.2008,0.199,-0.0957,0.3724,-0.1379,0.3855,-0.1028,0.3539,0.5915,-0.3639,0.2591,0.0144,0.0892,-0.0716,0.5193,0.1793,0.0833,0.0191,-0.2463,0.8418,0.2825,0.2029,0.0876,-0.0481,-0.1773,1.1214,0.173,0.5703,0.113,0.5492,-0.3003,0.6481,-0.1001,0.3723,0.2194,-0.3981,0.6554,0.0498,-0.0753,-0.0511,0.0809,-0.5843,-0.2354,-0.2935,0.0086,-0.3179,0.0002,0.3382,0.2615,-0.3021,-0.3947,-0.3909,-0.3946,0.1695,0.0486,-0.4076,-0.6682,0.1959,0.6153,-0.2832,-0.1256,0.3883,0.0048,-0.1802,-0.4849,-0.2813,-0.5046,-0.112,0.1429,-0.1939,-0.4693,-0.2109,-0.1613,-0.5462,-0.359,-0.6248,-0.2439,-0.2952,0.0148,-0.6795,-0.2007,-0.2023,-0.2527,-0.5097,1.0506,-0.5191,-0.3825,0.2156,-0.5518,-0.2814,-0.579,-1.1489,-0.2756,-0.5165,-0.1191,-0.806,0.0859,-0.6073,-0.3323,-0.2873,-0.017,-0.9417,-0.6012,-0.7007,-1.0743,-0.8247,-0.4379,-0.8243,-0.4301,-0.7752,-1.7446,-2.2655,-1.8229,-2.1623,-2.666]],"log_likelihood":[-1416.8361],"no_ties":[true]},{"time":[1838,403,1603,177,1855,842,293,42,564,1093,436,238,723,503,448,359,1720,1306,942,370,959,552,392,698,249,2051,1356,530,1150,956,679,1820,1013,1225,417,343,488,1862,1763,1587,446,344,63,1483,827,296,1701,2014,2030,722,286,184,1469,276,797,2128,1177,1449,1108,1460,533,1434,168,525,180,471,350,1167,855,449,745,544,186,308,1856,1965,546,1183,1826,360,797,375,779,336,578,463,526,502,540,721,1729,275,2030,72,17,420,2027,891,1352,1192,737,936,1089,377,1655,740,650,1981,742,1977,628,624,733,177,1207,542,1756,515,1459,233,455,379,223,622,426,227,1100,1693,1977,717,1434,973,498,557,650,1751,160,770,1441,424,1730,65,1387,242,792,500,1653,338,731,426,772,1884,1185,359,369,2007,2372,2353,1388,1193,358,175,1366,1163,2233,595,529,1472,2372,410,281,1675,1077,251,541,1192,859,518,548,1140,535,2024,1826,1094,29,2239,1589,504,308,657,1502,624,586,316,120,550,181,1685,828,114,2456,855,632,918,1195,272,2205,548,918,71,1317,195,790,1093,15,870,2034,490,859,486,974,1463,631,2052,1637,2126,1230,1838,758,476,1918,972,307,563,329,191,357,1735,429,729,1557,727,1841,1036,747,825,1363,1560,577,1157,1842,465,2612,964,559,1483,1641,1280,1280,571,1604,567,473,420,370,615,1331,1863,169,1182,415,594,854,305,1854,766,281,1521,945,893,2009,98,2563,1666,1208,859,2467,552,1459,1582,1956,575,853,1443,579,1091,544,247,663,348,2401,740,888,1090,148,730,372,1231,1253,1062,772,1349,1965,1240,1789,2551,1164,972,1868,1866,751,1598,113,1756,491,646,491,1684,16,2059,460,2048,883,890,1043,353,1833,1905,338,241,2144,2014,670,1222,858,675,2438,1502,229,598,1570,940,1296,855,967,1342,1401,495,836,2227,573,1601,1624,1080,754,867,769,1722,1722,1481,1357,1089,1525,768,1277,2234,1343,537,1904,918,2161,806,623,1814,877,456,936,288,956,995,945,712,1219,981,1729,2153,173,2156,1212,1059,1600,1878,2015,536,2057,1078,687,1807,1632,2018,67,1243,857,675,1976,1959,1852,1702,960,1714,1232,272,1786,371,1990,374,1351,2192,933,798,1989,545,18,1170,1807,547,1753,2170,1420,707,1730,1264,1105,1109,1791,1475,889,761,648,1113,1645,1528,857,1499,1355,838,1693,1979,481,8,637,1441,171,1527,2296,2011,801,1806,1120,819,1341,1514,566,554,1707,46,1174,1246,1493,612,1162,2177,753,841,1219,734,805,969,1897,1095,2217,310,1358,1722,1703,1743,1821,662,1146,385,2380,1701,195,1818,748,1692,1679,1490,2388,1833,1629,732,795,1781,2370,867,1861,1627,1371,2297,1642,2056,2138,2065,2049,1296,974,1337,623,695,1645,986,1680,594,1717,273,1717,1926,876,1840,1095,1922,1765,596,1323,1002,741,2017,322,776,554,1329,1233,57,1356,1502,2320,548,491,2172,550,1352,1701,1152,784,916,475,2161,2556,529,629,1666,652,1117,2132,1218,368,1427,1858,1340,1938,1818,1114,1846,1329,866,2195,1853,2237,1169,2456,476,1088,1721,1984,432,1751,205,747,1771,2010,861,1675,1090,1472,285,1847,1171,2659,2539,2449,2093,2286,762,1435,1105,1624,982,865,1720,1432,2271,1926,755,2009,1625,1343,1119,285,692,1933,17,651,1499,1834,2471,570,600,637,2039,438,2388,1250,1486,714,799,1767,2237,2175,319,1125,892,394,1279,1205,1505,1975,1617,2372,1350,970,213,1094,1364,2148,338,177,983,1283,1869,461,1814,740,1703,1578,722,553,991,967,1499,1222,1760,1152,1342,629,758],"status":[0,1,0,0,0,1,1,0,1,1,1,1,0,1,1,1,0,1,0,1,1,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,0,1,1,1,1,0,0,1,0,0,0,1,1,1,1,0,0,1,0,0,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,1,0,0,0,1,0,1,1,1,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,1,0,1,0,1,1,1,1,1,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,1,1,1,0,0,0,1,1,0,1,0,1,1,1,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,1,1,1,1,0,0,1,0,0,1,1,1,0,0,1,1,1,1,1,1,0,0,0,1,1,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,1,1,1,1,1,0,0,1,0,1,0,1,1,0,1,0,1,1,0,1,0,1,1,0,1,1,1,1,0,0,1,1,1,0,0,0,1,0,1,1,0,1,0,0,1,1,1,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,1,1,1,0,0,1,0,1,1,1,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,1,1,0,1,0,1,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,1,1,0,0,0,1,0,0,1,1,1,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,1,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0,1,1,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0],"log_hazard_efron":[[0.0182,-0.0087,-0.0132,0.0361,-0.0536,0.0227,0.0227,0.072,-0.0625,0.0361,-0.0401,-0.0267,-0.0401,0.0092,0.0944,-0.0132,0.0092,-0.0446,0.0271,-0.0222,-0.067,-0.0536,-0.0491,-0.0446,0.0496,0.0182,-0.0446,-0.0267,-0.0401,0.0765,0.0182,0.0316,-0.0132,-0.0401,-0.0446,0.1258,0.0227,0.0227,-0.0132,0.0137,0.0137,-0.0267,0.0047,0.0002,0.0271,0.0406,-0.0536,-0.0581,-0.0132,-0.0222,0.0854,-0.0805,0.0361,0.0271,-0.0401,0.0899,-0.0222,-0.076,0.0854,0.0092,0.0541,0.063,-0.0581,0.0227,-0.0536,-0.1208,0.0137,0.0092,-0.0312,-0.0222,-0.0625,-0.0267,0.0002,0.0271,0.0092,0.0406,-0.0087,0.081,0.0047,-0.0581,-0.0401,0.0182,0.0227,0.0047,0.0361,0.0182,0.0765,0.0137,0.0361,0.0182,0.0137,-0.0491,-0.0177,-0.0267,0.0137,0.0002,0.0899,-0.0222,0.0361,0.0002,-0.0267,0.0047,-0.0042,-0.0401,-0.0042,0.0002,0.0451,0.063,-0.0267,-0.0581,-0.0042,0.0002,-0.0401,0.0316,0.0451,0.063,-0.0132,-0.085,0.0585,0.0899,0.0227,-0.0536,-0.0267,0.0316,-0.0267,0.0406,-0.0222,0.0316,0.0316,-0.067,-0.0715,-0.0446,-0.0042,0.0092,0.0182,-0.0401,0.0092,-0.0446,0.0854,0.0451,-0.0132,-0.0536,-0.0491,0.1034,0.0361,0.0271,-0.0625,0.0406,-0.0446,-0.0267,-0.0267,-0.0042,0.063,-0.0312,-0.0401,-0.0222,-0.0356,0.0316,-0.0042,0.0092,0.0002,0.0047,0.0541,0.0316,-0.0536,0.0541,-0.0625,0.0765,-0.0042,-0.0267,-0.0446,-0.0042,0.0316,0.0047,0.0496,-0.0536,-0.0222,-0.0401,-0.0267,0.0047,0.0406,0.0944,-0.0446,-0.0491,-0.0356,-0.0401,0.0541,-0.0312,0.0047,0.0137,0.0227,-0.0267,-0.0581,0.072,0.0451,-0.0536,0.0316,0.0002,-0.0042,-0.0087,-0.0356,-0.0939,-0.0312,0.0047,0.0765,0.0137,0.0002,-0.0356,0.0227,0.0451,0.0137,-0.1029,0.0406,-0.0581,-0.0177,-0.0401,0.0496,0.0047,0.0047,0.0541,-0.0536,0.0271,0.0316,-0.0312,-0.0401,0.0541,0.0002,0.0675,0.0585,0.072,0.0092,-0.0267,-0.0042,0.0227,0.0182,0.0361,0.0271,0.0675,-0.0312,-0.0087,0.0854,0.0047,-0.0581,-0.0042,0.0092,-0.0625,-0.0491,0.0271,-0.067,0.0002,0.0137,0.081,-0.0177,-0.0087,-0.0446,-0.0536,-0.0177,0.0002,-0.0446,0.0675,0.0271,0.0271,-0.0177,0.1079,0.0227,-0.0625,0.0944,-0.0491,0.0361,0.0092,0.0361,-0.0491,-0.067,-0.0446,0.0989,0.0137,0.0496,-0.0356,-0.0581,-0.0446,0.0361,-0.0177,0.0451,-0.0401,-0.0581,-0.0177,-0.0446,0.0451,0.072,-0.0267,-0.0356,-0.0536,0.0451,-0.076,0.0675,-0.0356,0.0137,0.1437,0.0316,-0.0356,0.0002,0.0541,-0.0042,-0.0536,0.0585,-0.0446,0.0541,0.0227,-0.0177,-0.0042,-0.0895,-0.0087,0.0316,0.0406,0.0361,-0.0446,0.0899,-0.067,0.0496,0.0406,-0.0536,-0.0042,0.0092,-0.0356,0.0989,0.0361,0.0675,-0.0132,0.0406,0.0002,0.0227,0.0271,0.0271,-0.0267,0.0047,-0.0042,-0.0805,-0.067,0.1079,0.0047,0.0316,-0.0356,0.0451,0.0271,0.0316,0.0944,-0.0267,-0.076,-0.0401,-0.0401,0.0944,0.0316,0.0451,0.063,0.0271,-0.0222,0.0271,-0.0177,-0.0177,0.0182,-0.067,-0.0491,0.0227,-0.0356,-0.0312,-0.0536,0.0092,-0.0177,0.0316,-0.0177,0.0002,0.0271,-0.0132,-0.0356,0.0047,0.0451,-0.0132,-0.0356,-0.0446,-0.0491,0.0271,-0.0446,0.0675,-0.076,0.0271,-0.0177,0.081,0.0585,-0.0222,0.0271,-0.0715,-0.0222,-0.0132,0.072,0.0002,-0.0581,0.0944,0.0092,0.0361,-0.0491,-0.0401,0.0316,0.0182,0.1168,0.0271,0.0092,-0.0312,-0.0267,-0.1164,-0.0132,0.0182,-0.0087,-0.0446,-0.0222,-0.0087,0.0361,0.0496,-0.0312,0.0899,0.0047,-0.0491,0.0316,0.0182,0.0765,-0.0715,-0.0401,0.0316,0.0002,0.0361,-0.0177,-0.0222,0.0765,-0.0401,0.0002,0.0496,-0.0222,0.0092,-0.0312,0.0047,0.063,0.0182,0.0137,-0.0087,0.0137,0.0316,0.0361,-0.0312,-0.0177,0.0182,-0.0536,-0.0805,-0.0446,-0.0536,-0.0267,-0.0401,-0.0267,-0.076,0.0092,0.0002,0.0137,0.0451,-0.0177,0.0092,0.0092,-0.0312,0.0227,0.0092,-0.1074,-0.0625,0.0899,-0.0087,-0.0805,0.0182,0.0137,-0.0581,-0.0401,0.0316,0.0541,-0.0312,0.0675,0.0854,0.072,-0.0312,0.0182,0.0406,-0.076,-0.0356,0.0316,0.0047,-0.0087,0.0271,0.0406,-0.0132,-0.0132,0.0182,-0.0581,-0.076,-0.0132,0.0271,-0.0312,-0.0312,-0.0087,0.0092,0.0182,0.0316,0.0316,-0.0491,-0.0446,-0.076,0.0451,0.0271,0.0496,-0.0222,-0.0715,0.0361,0.0092,-0.0536,0.0227,-0.0042,0.0137,-0.0312,0.0227,-0.0042,0.0675,0.0271,-0.0715,-0.0356,0.0675,-0.0401,-0.076,-0.0446,-0.0042,0.0496,-0.0536,0.0406,0.0182,0.0182,0.0271,-0.0715,-0.0267,0.0361,0.0182,0.072,-0.0312,0.0271,-0.0177,0.0227,0.0092,0.0092,0.0271,-0.0984,-0.0177,0.072,0.0451,0.0406,0.0316,0.0361,-0.0356,-0.0446,-0.0267,0.0137,-0.0312,-0.0177,-0.0356,-0.0491,0.0271,0.0406,-0.0536,0.0271,0.0361,-0.0401,0.0271,-0.0491,0.0585,0.0451,-0.0491,-0.0625,0.0854,0.0227,-0.0042,-0.0536,0.0002,-0.0312,-0.0446,-0.0491,0.0585,-0.085,0.0451,0.0227,0.072,0.0137,-0.0401,0.0316,-0.0222,0.0541,-0.0222,0.0271,0.072,-0.0984,0.0227,0.0092,0.1258,-0.0581,0.0182,0.0002,0.0496,-0.0446,0.0047,-0.0401,0.0271,-0.0132,0.0585,-0.0715,-0.0087,-0.0312,0.0406,0.0227,0.0227,-0.0087,0.0585,0.0137,0.0182,-0.0536,0.0227,-0.0491,0.0271,0.0002,0.0361,0.0989,0.0406,0.0182,0.0092,0.0406,0.0182,0.0675,-0.0491,-0.0491,0.0002,-0.0536,0.0182,0.0496,-0.0625,-0.0536,0.0002,-0.0312,-0.0491,-0.0312,-0.0491,0.0316,-0.0356,0.0271,0.0137,-0.0581,0.0271,0.0002,-0.0625,-0.0939,0.0451,-0.0939,-0.0356,-0.0581,-0.0177,0.0092,0.0406,-0.0446,0.0989,-0.0491,0.0047,-0.0356,0.0675,0.0092,0.0316,-0.0267,0.0271,0.0227,-0.0491,-0.0267,-0.0536,-0.0536,0.0451,-0.0625,0.0092,-0.0491,-0.0177,0.0406,-0.1208]],"log_likelihood_efron":[-1787.8147],"log_hazard_breslow":[[0.0182,-0.0087,-0.0132,0.0361,-0.0536,0.0226,0.0226,0.072,-0.0625,0.0361,-0.0401,-0.0267,-0.0401,0.0092,0.0944,-0.0132,0.0092,-0.0446,0.0271,-0.0222,-0.067,-0.0536,-0.0491,-0.0446,0.0495,0.0182,-0.0446,-0.0267,-0.0401,0.0764,0.0182,0.0316,-0.0132,-0.0401,-0.0446,0.1257,0.0226,0.0226,-0.0132,0.0137,0.0137,-0.0267,0.0047,0.0002,0.0271,0.0406,-0.0536,-0.058,-0.0132,-0.0222,0.0854,-0.0805,0.0361,0.0271,-0.0401,0.0899,-0.0222,-0.076,0.0854,0.0092,0.054,0.063,-0.058,0.0226,-0.0536,-0.1208,0.0137,0.0092,-0.0311,-0.0222,-0.0625,-0.0267,0.0002,0.0271,0.0092,0.0406,-0.0087,0.0809,0.0047,-0.058,-0.0401,0.0182,0.0226,0.0047,0.0361,0.0182,0.0764,0.0137,0.0361,0.0182,0.0137,-0.0491,-0.0177,-0.0267,0.0137,0.0002,0.0899,-0.0222,0.0361,0.0002,-0.0267,0.0047,-0.0042,-0.0401,-0.0042,0.0002,0.0451,0.063,-0.0267,-0.058,-0.0042,0.0002,-0.0401,0.0316,0.0451,0.063,-0.0132,-0.0849,0.0585,0.0899,0.0226,-0.0536,-0.0267,0.0316,-0.0267,0.0406,-0.0222,0.0316,0.0316,-0.067,-0.0715,-0.0446,-0.0042,0.0092,0.0182,-0.0401,0.0092,-0.0446,0.0854,0.0451,-0.0132,-0.0536,-0.0491,0.1033,0.0361,0.0271,-0.0625,0.0406,-0.0446,-0.0267,-0.0267,-0.0042,0.063,-0.0311,-0.0401,-0.0222,-0.0356,0.0316,-0.0042,0.0092,0.0002,0.0047,0.054,0.0316,-0.0536,0.054,-0.0625,0.0764,-0.0042,-0.0267,-0.0446,-0.0042,0.0316,0.0047,0.0495,-0.0536,-0.0222,-0.0401,-0.0267,0.0047,0.0406,0.0944,-0.0446,-0.0491,-0.0356,-0.0401,0.054,-0.0311,0.0047,0.0137,0.0226,-0.0267,-0.058,0.072,0.0451,-0.0536,0.0316,0.0002,-0.0042,-0.0087,-0.0356,-0.0939,-0.0311,0.0047,0.0764,0.0137,0.0002,-0.0356,0.0226,0.0451,0.0137,-0.1029,0.0406,-0.058,-0.0177,-0.0401,0.0495,0.0047,0.0047,0.054,-0.0536,0.0271,0.0316,-0.0311,-0.0401,0.054,0.0002,0.0675,0.0585,0.072,0.0092,-0.0267,-0.0042,0.0226,0.0182,0.0361,0.0271,0.0675,-0.0311,-0.0087,0.0854,0.0047,-0.058,-0.0042,0.0092,-0.0625,-0.0491,0.0271,-0.067,0.0002,0.0137,0.0809,-0.0177,-0.0087,-0.0446,-0.0536,-0.0177,0.0002,-0.0446,0.0675,0.0271,0.0271,-0.0177,0.1078,0.0226,-0.0625,0.0944,-0.0491,0.0361,0.0092,0.0361,-0.0491,-0.067,-0.0446,0.0989,0.0137,0.0495,-0.0356,-0.058,-0.0446,0.0361,-0.0177,0.0451,-0.0401,-0.058,-0.0177,-0.0446,0.0451,0.072,-0.0267,-0.0356,-0.0536,0.0451,-0.076,0.0675,-0.0356,0.0137,0.1437,0.0316,-0.0356,0.0002,0.054,-0.0042,-0.0536,0.0585,-0.0446,0.054,0.0226,-0.0177,-0.0042,-0.0894,-0.0087,0.0316,0.0406,0.0361,-0.0446,0.0899,-0.067,0.0495,0.0406,-0.0536,-0.0042,0.0092,-0.0356,0.0989,0.0361,0.0675,-0.0132,0.0406,0.0002,0.0226,0.0271,0.0271,-0.0267,0.0047,-0.0042,-0.0805,-0.067,0.1078,0.0047,0.0316,-0.0356,0.0451,0.0271,0.0316,0.0944,-0.0267,-0.076,-0.0401,-0.0401,0.0944,0.0316,0.0451,0.063,0.0271,-0.0222,0.0271,-0.0177,-0.0177,0.0182,-0.067,-0.0491,0.0226,-0.0356,-0.0311,-0.0536,0.0092,-0.0177,0.0316,-0.0177,0.0002,0.0271,-0.0132,-0.0356,0.0047,0.0451,-0.0132,-0.0356,-0.0446,-0.0491,0.0271,-0.0446,0.0675,-0.076,0.0271,-0.0177,0.0809,0.0585,-0.0222,0.0271,-0.0715,-0.0222,-0.0132,0.072,0.0002,-0.058,0.0944,0.0092,0.0361,-0.0491,-0.0401,0.0316,0.0182,0.1168,0.0271,0.0092,-0.0311,-0.0267,-0.1163,-0.0132,0.0182,-0.0087,-0.0446,-0.0222,-0.0087,0.0361,0.0495,-0.0311,0.0899,0.0047,-0.0491,0.0316,0.0182,0.0764,-0.0715,-0.0401,0.0316,0.0002,0.0361,-0.0177,-0.0222,0.0764,-0.0401,0.0002,0.0495,-0.0222,0.0092,-0.0311,0.0047,0.063,0.0182,0.0137,-0.0087,0.0137,0.0316,0.0361,-0.0311,-0.0177,0.0182,-0.0536,-0.0805,-0.0446,-0.0536,-0.0267,-0.0401,-0.0267,-0.076,0.0092,0.0002,0.0137,0.0451,-0.0177,0.0092,0.0092,-0.0311,0.0226,0.0092,-0.1073,-0.0625,0.0899,-0.0087,-0.0805,0.0182,0.0137,-0.058,-0.0401,0.0316,0.054,-0.0311,0.0675,0.0854,0.072,-0.0311,0.0182,0.0406,-0.076,-0.0356,0.0316,0.0047,-0.0087,0.0271,0.0406,-0.0132,-0.0132,0.0182,-0.058,-0.076,-0.0132,0.0271,-0.0311,-0.0311,-0.0087,0.0092,0.0182,0.0316,0.0316,-0.0491,-0.0446,-0.076,0.0451,0.0271,0.0495,-0.0222,-0.0715,0.0361,0.0092,-0.0536,0.0226,-0.0042,0.0137,-0.0311,0.0226,-0.0042,0.0675,0.0271,-0.0715,-0.0356,0.0675,-0.0401,-0.076,-0.0446,-0.0042,0.0495,-0.0536,0.0406,0.0182,0.0182,0.0271,-0.0715,-0.0267,0.0361,0.0182,0.072,-0.0311,0.0271,-0.0177,0.0226,0.0092,0.0092,0.0271,-0.0984,-0.0177,0.072,0.0451,0.0406,0.0316,0.0361,-0.0356,-0.0446,-0.0267,0.0137,-0.0311,-0.0177,-0.0356,-0.0491,0.0271,0.0406,-0.0536,0.0271,0.0361,-0.0401,0.0271,-0.0491,0.0585,0.0451,-0.0491,-0.0625,0.0854,0.0226,-0.0042,-0.0536,0.0002,-0.0311,-0.0446,-0.0491,0.0585,-0.0849,0.0451,0.0226,0.072,0.0137,-0.0401,0.0316,-0.0222,0.054,-0.0222,0.0271,0.072,-0.0984,0.0226,0.0092,0.1257,-0.058,0.0182,0.0002,0.0495,-0.0446,0.0047,-0.0401,0.0271,-0.0132,0.0585,-0.0715,-0.0087,-0.0311,0.0406,0.0226,0.0226,-0.0087,0.0585,0.0137,0.0182,-0.0536,0.0226,-0.0491,0.0271,0.0002,0.0361,0.0989,0.0406,0.0182,0.0092,0.0406,0.0182,0.0675,-0.0491,-0.0491,0.0002,-0.0536,0.0182,0.0495,-0.0625,-0.0536,0.0002,-0.0311,-0.0491,-0.0311,-0.0491,0.0316,-0.0356,0.0271,0.0137,-0.058,0.0271,0.0002,-0.0625,-0.0939,0.0451,-0.0939,-0.0356,-0.058,-0.0177,0.0092,0.0406,-0.0446,0.0989,-0.0491,0.0047,-0.0356,0.0675,0.0092,0.0316,-0.0267,0.0271,0.0226,-0.0491,-0.0267,-0.0536,-0.0536,0.0451,-0.0625,0.0092,-0.0491,-0.0177,0.0406,-0.1208]],"log_likelihood_breslow":[-1787.8833],"no_ties":[false]},{"time":[1838,403,1603,177,1855,842,293,42,564,1093,436,238,723,503,448,359,1720,1306,942,370,959,552,392,698,249,2051,1356,530,1150,956,679,1820,1013,1225,417,343,488,1862,1763,1587,446,344,63,1483,827,296,1701,2014,2030,722,286,184,1469,276,797,2128,1177,1449,1108,1460,533,1434,168,525,180,471,350,1167,855,449,745,544,186,308,1856,1965,546,1183,1826,360,797,375,779,336,578,463,526,502,540,721,1729,275,2030,72,17,420,2027,891,1352,1192,737,936,1089,377,1655,740,650,1981,742,1977,628,624,733,177,1207,542,1756,515,1459,233,455,379,223,622,426,227,1100,1693,1977,717,1434,973,498,557,650,1751,160,770,1441,424,1730,65,1387,242,792,500,1653,338,731,426,772,1884,1185,359,369,2007,2372,2353,1388,1193,358,175,1366,1163,2233,595,529,1472,2372,410,281,1675,1077,251,541,1192,859,518,548,1140,535,2024,1826,1094,29,2239,1589,504,308,657,1502,624,586,316,120,550,181,1685,828,114,2456,855,632,918,1195,272,2205,548,918,71,1317,195,790,1093,15,870,2034,490,859,486,974,1463,631,2052,1637,2126,1230,1838,758,476,1918,972,307,563,329,191,357,1735,429,729,1557,727,1841,1036,747,825,1363,1560,577,1157,1842,465,2612,964,559,1483,1641,1280,1280,571,1604,567,473,420,370,615,1331,1863,169,1182,415,594,854,305,1854,766,281,1521,945,893,2009,98,2563,1666,1208,859,2467,552,1459,1582,1956,575,853,1443,579,1091,544,247,663,348,2401,740,888,1090,148,730,372,1231,1253,1062,772,1349,1965,1240,1789,2551,1164,972,1868,1866,751,1598,113,1756,491,646,491,1684,16,2059,460,2048,883,890,1043,353,1833,1905,338,241,2144,2014,670,1222,858,675,2438,1502,229,598,1570,940,1296,855,967,1342,1401,495,836,2227,573,1601,1624,1080,754,867,769,1722,1722,1481,1357,1089,1525,768,1277,2234,1343,537,1904,918,2161,806,623,1814,877,456,936,288,956,995,945,712,1219,981,1729,2153,173,2156,1212,1059,1600,1878,2015,536,2057,1078,687,1807,1632,2018,67,1243,857,675,1976,1959,1852,1702,960,1714,1232,272,1786,371,1990,374,1351,2192,933,798,1989,545,18,1170,1807,547,1753,2170,1420,707,1730,1264,1105,1109,1791,1475,889,761,648,1113,1645,1528,857,1499,1355,838,1693,1979,481,8,637,1441,171,1527,2296,2011,801,1806,1120,819,1341,1514,566,554,1707,46,1174,1246,1493,612,1162,2177,753,841,1219,734,805,969,1897,1095,2217,310,1358,1722,1703,1743,1821,662,1146,385,2380,1701,195,1818,748,1692,1679,1490,2388,1833,1629,732,795,1781,2370,867,1861,1627,1371,2297,1642,2056,2138,2065,2049,1296,974,1337,623,695,1645,986,1680,594,1717,273,1717,1926,876,1840,1095,1922,1765,596,1323,1002,741,2017,322,776,554,1329,1233,57,1356,1502,2320,548,491,2172,550,1352,1701,1152,784,916,475,2161,2556,529,629,1666,652,1117,2132,1218,368,1427,1858,1340,1938,1818,1114,1846,1329,866,2195,1853,2237,1169,2456,476,1088,1721,1984,432,1751,205,747,1771,2010,861,1675,1090,1472,285,1847,1171,2659,2539,2449,2093,2286,762,1435,1105,1624,982,865,1720,1432,2271,1926,755,2009,1625,1343,1119,285,692,1933,17,651,1499,1834,2471,570,600,637,2039,438,2388,1250,1486,714,799,1767,2237,2175,319,1125,892,394,1279,1205,1505,1975,1617,2372,1350,970,213,1094,1364,2148,338,177,983,1283,1869,461,1814,740,1703,1578,722,553,991,967,1499,1222,1760,1152,1342,629,758],"status":[0,1,0,0,0,1,1,0,1,1,1,1,0,1,1,1,0,1,0,1,1,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,0,1,1,1,1,0,0,1,0,0,0,1,1,1,1,0,0,1,0,0,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,1,0,0,0,1,0,1,1,1,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,1,0,1,0,1,1,1,1,1,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,1,1,1,0,0,0,1,1,0,1,0,1,1,1,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,1,1,1,1,0,0,1,0,0,1,1,1,0,0,1,1,1,1,1,1,0,0,0,1,1,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,1,1,1,1,1,0,0,1,0,1,0,1,1,0,1,0,1,1,0,1,0,1,1,0,1,1,1,1,0,0,1,1,1,0,0,0,1,0,1,1,0,1,0,0,1,1,1,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,1,1,1,0,0,1,0,1,1,1,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,1,1,0,1,0,1,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,1,1,0,0,0,1,0,0,1,1,1,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,1,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0,1,1,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0],"log_hazard_efron":[[-0.1547,-0.1429,0.1483,-0.0401,-0.0251,0.3481,-0.1077,-0.0902,-0.178,0.0334,-0.281,-0.0076,-0.1487,-0.0576,0.4685,-0.0723,-0.1165,-0.0634,-0.2371,0.2159,-0.2103,-0.2016,-0.0222,-0.0193,-0.0313,-0.2135,-0.1516,-0.0076,-0.1193,0.0598,0.3893,-0.2488,0.1483,-0.0899,-0.2398,0.0773,-0.1959,0.2452,0.1483,0.0188,0.4599,-0.1399,-0.1341,0.4217,0.0276,0.007,-0.0986,-0.2045,0.1483,0.0689,0.0657,-0.175,0.254,0.1746,-0.1634,-0.0931,0.3188,0.6954,0.2127,-0.1312,0.7803,0.051,0.016,-0.1812,-0.0986,0.0633,0.3423,0.3099,0.1218,0.1718,0.4836,-0.037,-0.0635,-0.0753,0.0453,-0.1842,0.1512,0.1362,-0.0606,-0.0281,-0.134,0.2423,-0.1224,-0.0312,0.0187,-0.0959,-0.0284,-0.0547,-0.0695,0.0217,0.3129,0.1983,-0.3399,-0.331,-0.1576,-0.1958,0.0392,-0.137,-0.1871,-0.137,-0.2722,-0.1341,0.0071,0.2777,-0.0664,0.01,-0.0342,0.0804,0.066,-0.1751,-0.0223,-0.0488,0.0572,-0.0724,0.7744,-0.096,-0.1458,0.0132,0.0481,-0.0343,0.0982,0.563,-0.1546,0.2511,-0.0958,0.007,0.0689,-0.043,0.4716,0.0396,0.1102,-0.1222,0.1541,-0.1165,0.0952,0.3512,1.3391,-0.1222,0.3597,0.4069,-0.2046,-0.1428,-0.1545,-0.1873,-0.2018,0.4687,-0.031,-0.0371,0.1278,0.2571,0.066,-0.0664,0.0216,0.063,-0.0163,0.0689,-0.131,-0.2341,-0.1252,0.0894,0.3335,0.1012,-0.0284,0.0452,-0.1722,0.0452,-0.1045,0.2656,-0.1252,-0.0076,0.0101,0.3011,-0.1018,-0.1341,0.4833,0.0484,-0.0046,-0.1634,-0.1105,0.2923,0.4039,-0.0755,-0.0928,-0.1398,-0.1898,-0.0163,-0.1019,0.1365,0.0865,-0.2311,0.6128,-0.0517,-0.1604,-0.0166,0.7744,0.0631,0.0599,-0.0635,-0.1546,-0.1429,0.2806,0.022,-0.0987,-0.0606,-0.2637,0.6069,-0.2399,0.0601,0.1717,-0.1371,-0.2606,0.0456,-0.3312,-0.1457,0.4394,-0.1634,-0.0313,0.0129,0.0865,-0.1754,0.019,0.0276,0.0011,-0.1869,-0.0899,-0.1019,-0.0929,-0.0343,-0.0695,-0.0166,0.0747,-0.1105,-0.0958,-0.093,-0.0959,-0.2606,0.1011,-0.049,-0.231,0.2982,-0.3313,-0.09,-0.2486,0.0071,0.0159,-0.1045,0.1248,-0.0018,0.1131,-0.1958,-0.0253,-0.0549,-0.1193,-0.2164,-0.1516,-0.0986,-0.0017,-0.284,-0.181,0.4509,-0.0459,-0.0753,0.0718,-0.1402,0.0247,0.0425,-0.1196,-0.1839,-0.1283,-0.0576,0.3275,0.0219,-0.0339,0.2013,-0.0285,-0.0547,0.4098,-0.0869,0.119,0.1719,-0.2165,0.2924,0.0393,-0.2369,-0.1016,0.3659,-0.1222,-0.0048,-0.0608,-0.1252,0.0601,-0.0692,0.4069,0.0778,-0.0931,-0.0134,-0.0547,-0.1168,-0.0871,-0.1604,-0.1811,0.104,-0.1252,0.2983,-0.0401,-0.0928,-0.0578,-0.093,-0.0752,-0.0076,0.025,-0.0694,0.0305,0.1099,0.107,-0.1516,0.1421,-0.1368,0.0128,0.0217,0.1954,-0.037,0.604,-0.1016,0.442,-0.1871,-0.1225,-0.1164,0.6245,-0.1223,0.0247,0.3951,-0.0606,-0.2281,-0.0606,0.0071,-0.2191,0.1866,-0.1843,0.16,-0.1165,-0.0869,0.0393,0.1746,-0.0283,0.0421,-0.0811,-0.1133,-0.0899,-0.1781,-0.002,0.0305,0.1128,-0.096,-0.0459,0.0689,-0.193,-0.1487,-0.0017,0.0217,-0.2692,-0.1104,0.0982,-0.0134,0.063,-0.3192,-0.0576,0.0277,0.3246,-0.2222,-0.0341,0.1746,0.0159,0.4277,0.307,0.0393,0.3688,0.1042,-0.1075,0.0513,-0.1194,-0.1957,-0.0637,-0.1721,0.1011,-0.0752,0.0627,0.1951,0.3776,0.6157,-0.1692,0.0689,0.0306,0.1304,-0.0635,-0.1751,-0.0755,-0.2488,-0.143,-0.0957,0.4247,-0.1312,-0.1253,-0.0315,0.1452,0.1923,-0.1428,-0.1987,-0.169,-0.2634,-0.1253,-0.2605,-0.1369,-0.1811,0.1512,-0.1136,0.0422,0.2836,-0.152,0.1159,-0.0957,0.104,-0.14,-0.0137,-0.1986,0.116,-0.1018,-0.1517,0.4745,-0.1781,-0.1811,0.148,-0.134,-0.0635,-0.2665,0.2894,-0.1312,-0.084,-0.1341,0.1245,-0.1106,0.1658,0.1071,-0.1135,-0.043,-0.2606,-0.231,-0.2663,1.0509,-0.0251,-0.2632,-0.0928,-0.0986,-0.0076,-0.0163,-0.1105,-0.2603,-0.2341,-0.137,0.0041,-0.0048,-0.2222,-0.0576,-0.1459,-0.0105,0.1423,-0.1606,-0.2073,-0.1192,-0.0049,-0.2164,-0.2485,-0.0812,-0.0841,-0.0281,-0.1634,0.104,0.1922,1.0187,-0.0196,-0.1549,0.0569,0.0189,-0.0665,-0.0813,-0.2162,0.0748,0.0599,-0.2811,0.063,-0.2371,0.0364,-0.3222,-0.1311,-0.1988,-0.131,-0.1574,0.1777,0.0276,0.063,-0.084,-0.0988,0.0159,-0.0665,-0.0724,-0.1459,0.066,-0.2692,-0.2456,-0.2401,-0.1783,0.1893,0.0689,-0.1104,0.3275,0.1629,-0.2016,0.0247,0.0071,-0.0988,-0.1134,-0.1518,-0.037,-0.0343,-0.193,-0.081,-0.0575,-0.1225,-0.281,-0.2309,-0.0193,0.0806,-0.0901,-0.0692,-0.1107,-0.1253,-0.0518,0.1158,-0.1839,0.4041,0.1511,-0.2135,-0.1637,0.0189,0.204,-0.0605,-0.1959,-0.19,-0.0576,0.7333,0.2396,0.0865,0.3509,0.0687,-0.1842,-0.2341,1.0626,-0.131,0.4218,-0.331,0.0188,-0.2163,-0.134,0.1336,-0.0663,0.1746,-0.0518,-0.231,0.0276,0.0334,-0.0605,-0.0459,-0.2574,-0.1725,-0.093,-0.1104,-0.2515,0.0657,-0.0636,-0.1105,-0.3192,-0.284,-0.1281,0.0395,-0.2133,0.1951,-0.2368,0.1863,-0.0489,-0.0166,0.1952,0.0278,0.2511,0.0101,-0.2489,-0.0781,-0.2224,0.1304,-0.2603,0.0247,-0.1018,-0.0256,-0.2486,0.0217,0.2747,0.1893,-0.0487,-0.0459,-0.134,0.2481,-0.2781,0.1216,-0.1545,-0.0988,0.0924,-0.0665,0.2452,0.4657,0.5187,0.0481,0.0041,-0.1694,-0.1133,0.0982,-0.2427,0.2481,0.1129,0.0334,0.045,0.007,0.404,0.3099,0.1834,-0.0077,0.0686,-0.1104,-0.081,0.6716,-0.1428,-0.14,-0.2224,-0.2221,0.3865,0.2306,-0.0546,0.0072,-0.2751,-0.1545,0.104,-0.0869,-0.1194,0.0923,0.1484,0.0276,-0.2399,0.1748,-0.0515,0.0099,-0.1985,-0.0134,-0.0575,-0.1928,0.0159,-0.0077,0.2013,0.5155,-0.0222,-0.1782,-0.0869,0.5097,-0.3664,-0.1165,0.213,0.6157,0.0982,0.0513,-0.0958,-0.1722,-0.2163,-0.1077,-0.0751,0.0159,-0.081,0.0718,-0.096,-0.4072]],"log_likelihood_efron":[-1780.1422],"log_hazard_breslow":[[-0.1547,-0.1429,0.1482,-0.0401,-0.0251,0.3481,-0.1077,-0.0902,-0.178,0.0334,-0.281,-0.0076,-0.1486,-0.0576,0.4684,-0.0723,-0.1164,-0.0634,-0.2371,0.2159,-0.2103,-0.2015,-0.0222,-0.0193,-0.0313,-0.2135,-0.1516,-0.0076,-0.1192,0.0598,0.3893,-0.2488,0.1482,-0.0898,-0.2398,0.0773,-0.1959,0.2452,0.1482,0.0188,0.4598,-0.1399,-0.1341,0.4217,0.0276,0.007,-0.0986,-0.2045,0.1482,0.0689,0.0656,-0.175,0.254,0.1746,-0.1633,-0.0932,0.3188,0.6953,0.2126,-0.1312,0.7802,0.051,0.0161,-0.1812,-0.0986,0.0633,0.3422,0.3099,0.1218,0.1718,0.4836,-0.037,-0.0635,-0.0753,0.0453,-0.1842,0.1512,0.1362,-0.0606,-0.028,-0.1339,0.2422,-0.1224,-0.0312,0.0187,-0.0959,-0.0284,-0.0547,-0.0695,0.0217,0.3128,0.1983,-0.3398,-0.331,-0.1576,-0.1958,0.0391,-0.1369,-0.1871,-0.137,-0.2722,-0.1341,0.0071,0.2777,-0.0664,0.01,-0.0342,0.0804,0.066,-0.1751,-0.0223,-0.0488,0.0572,-0.0724,0.7744,-0.096,-0.1458,0.0132,0.0481,-0.0344,0.0982,0.563,-0.1546,0.251,-0.0958,0.007,0.0689,-0.043,0.4716,0.0396,0.1102,-0.1222,0.1541,-0.1164,0.0952,0.3512,1.339,-0.1222,0.3597,0.4068,-0.2046,-0.1427,-0.1545,-0.1873,-0.2018,0.4686,-0.031,-0.0372,0.1278,0.2571,0.066,-0.0664,0.0216,0.063,-0.0163,0.0689,-0.131,-0.2341,-0.1252,0.0894,0.3334,0.1011,-0.0284,0.0452,-0.1721,0.0451,-0.1045,0.2656,-0.1252,-0.0076,0.0101,0.3011,-0.1018,-0.1341,0.4833,0.0484,-0.0046,-0.1633,-0.1105,0.2923,0.4039,-0.0755,-0.0928,-0.1398,-0.1898,-0.0163,-0.1019,0.1365,0.0864,-0.2311,0.6127,-0.0517,-0.1604,-0.0167,0.7744,0.0631,0.0599,-0.0635,-0.1546,-0.1429,0.2806,0.0221,-0.0987,-0.0606,-0.2637,0.6069,-0.2399,0.0601,0.1717,-0.1371,-0.2605,0.0456,-0.3312,-0.1457,0.4394,-0.1633,-0.0313,0.0129,0.0864,-0.1754,0.019,0.0276,0.0011,-0.1869,-0.0898,-0.1019,-0.0929,-0.0343,-0.0696,-0.0167,0.0747,-0.1105,-0.0958,-0.093,-0.0959,-0.2606,0.1011,-0.049,-0.231,0.2982,-0.3313,-0.09,-0.2486,0.0071,0.0159,-0.1045,0.1248,-0.0018,0.1131,-0.1958,-0.0253,-0.0549,-0.1193,-0.2164,-0.1516,-0.0986,-0.0017,-0.284,-0.181,0.4509,-0.0459,-0.0753,0.0718,-0.1403,0.0246,0.0425,-0.1196,-0.1839,-0.1283,-0.0576,0.3275,0.0219,-0.0339,0.2013,-0.0285,-0.0547,0.4098,-0.0869,0.119,0.1719,-0.2165,0.2923,0.0393,-0.2369,-0.1015,0.3658,-0.1222,-0.0048,-0.0608,-0.1252,0.0601,-0.0692,0.4068,0.0779,-0.0931,-0.0134,-0.0547,-0.1168,-0.0871,-0.1604,-0.1811,0.1039,-0.1252,0.2983,-0.0401,-0.0928,-0.0578,-0.093,-0.0752,-0.0076,0.025,-0.0694,0.0305,0.1099,0.1069,-0.1516,0.1421,-0.1368,0.0128,0.0217,0.1954,-0.037,0.6039,-0.1016,0.4419,-0.1871,-0.1225,-0.1164,0.6244,-0.1223,0.0246,0.3951,-0.0606,-0.2281,-0.0606,0.0071,-0.2191,0.1866,-0.1844,0.16,-0.1165,-0.0869,0.0393,0.1746,-0.0283,0.0421,-0.0811,-0.1133,-0.0898,-0.178,-0.002,0.0305,0.1128,-0.096,-0.0459,0.0689,-0.193,-0.1487,-0.0017,0.0217,-0.2691,-0.1104,0.0982,-0.0134,0.063,-0.3191,-0.0576,0.0277,0.3245,-0.2222,-0.0341,0.1746,0.0159,0.4276,0.307,0.0393,0.3688,0.1042,-0.1075,0.0513,-0.1194,-0.1957,-0.0637,-0.1721,0.1011,-0.0752,0.0627,0.1951,0.3776,0.6156,-0.1691,0.0689,0.0306,0.1304,-0.0635,-0.1751,-0.0755,-0.2488,-0.143,-0.0957,0.4247,-0.1312,-0.1253,-0.0315,0.1452,0.1923,-0.1428,-0.1987,-0.169,-0.2634,-0.1253,-0.2605,-0.1369,-0.181,0.1512,-0.1136,0.0422,0.2836,-0.152,0.1159,-0.0957,0.104,-0.14,-0.0137,-0.1985,0.116,-0.1018,-0.1517,0.4745,-0.1781,-0.181,0.148,-0.1339,-0.0635,-0.2665,0.2894,-0.1312,-0.084,-0.1341,0.1245,-0.1106,0.1658,0.1071,-0.1135,-0.043,-0.2606,-0.231,-0.2663,1.0508,-0.0251,-0.2632,-0.0928,-0.0986,-0.0076,-0.0163,-0.1105,-0.2603,-0.2341,-0.137,0.0041,-0.0048,-0.2222,-0.0576,-0.1459,-0.0105,0.1423,-0.1606,-0.2073,-0.1192,-0.005,-0.2164,-0.2485,-0.0812,-0.0841,-0.028,-0.1633,0.104,0.1922,1.0186,-0.0196,-0.1549,0.0568,0.0189,-0.0665,-0.0813,-0.2162,0.0748,0.0599,-0.2811,0.063,-0.2371,0.0364,-0.3222,-0.1311,-0.1988,-0.131,-0.1574,0.1777,0.0276,0.063,-0.084,-0.0988,0.0159,-0.0665,-0.0724,-0.1459,0.066,-0.2692,-0.2456,-0.24,-0.1782,0.1892,0.0689,-0.1103,0.3275,0.1629,-0.2015,0.0246,0.0071,-0.0988,-0.1134,-0.1518,-0.037,-0.0343,-0.193,-0.0809,-0.0575,-0.1225,-0.281,-0.2309,-0.0193,0.0806,-0.0901,-0.0692,-0.1107,-0.1253,-0.0518,0.1158,-0.1838,0.4041,0.151,-0.2135,-0.1637,0.0189,0.204,-0.0605,-0.1959,-0.19,-0.0576,0.7333,0.2397,0.0865,0.3509,0.0687,-0.1842,-0.2341,1.0625,-0.131,0.4218,-0.331,0.0188,-0.2163,-0.134,0.1336,-0.0663,0.1746,-0.0519,-0.2309,0.0276,0.0334,-0.0604,-0.0459,-0.2574,-0.1725,-0.093,-0.1104,-0.2515,0.0656,-0.0636,-0.1105,-0.3191,-0.284,-0.1281,0.0395,-0.2133,0.1951,-0.2367,0.1863,-0.0489,-0.0167,0.1952,0.0278,0.251,0.0101,-0.2489,-0.0781,-0.2224,0.1304,-0.2602,0.0246,-0.1017,-0.0256,-0.2486,0.0217,0.2746,0.1892,-0.0487,-0.0459,-0.1339,0.2481,-0.2781,0.1216,-0.1544,-0.0988,0.0924,-0.0666,0.2452,0.4657,0.5187,0.0481,0.0041,-0.1694,-0.1133,0.0982,-0.2427,0.2481,0.1129,0.0334,0.045,0.007,0.404,0.3099,0.1834,-0.0077,0.0686,-0.1104,-0.081,0.6716,-0.1427,-0.14,-0.2224,-0.2221,0.3865,0.2305,-0.0546,0.0072,-0.2751,-0.1545,0.104,-0.0869,-0.1194,0.0923,0.1484,0.0276,-0.2399,0.1749,-0.0515,0.0099,-0.1985,-0.0134,-0.0574,-0.1928,0.0159,-0.0078,0.2013,0.5155,-0.0222,-0.1782,-0.0869,0.5097,-0.3664,-0.1165,0.213,0.6156,0.0982,0.0513,-0.0958,-0.1721,-0.2162,-0.1077,-0.0751,0.0159,-0.081,0.0718,-0.096,-0.4072]],"log_likelihood_breslow":[-1780.2123],"no_ties":[false]},{"time":[1838,403,1603,177,1855,842,293,42,564,1093,436,238,723,503,448,359,1720,1306,942,370,959,552,392,698,249,2051,1356,530,1150,956,679,1820,1013,1225,417,343,488,1862,1763,1587,446,344,63,1483,827,296,1701,2014,2030,722,286,184,1469,276,797,2128,1177,1449,1108,1460,533,1434,168,525,180,471,350,1167,855,449,745,544,186,308,1856,1965,546,1183,1826,360,797,375,779,336,578,463,526,502,540,721,1729,275,2030,72,17,420,2027,891,1352,1192,737,936,1089,377,1655,740,650,1981,742,1977,628,624,733,177,1207,542,1756,515,1459,233,455,379,223,622,426,227,1100,1693,1977,717,1434,973,498,557,650,1751,160,770,1441,424,1730,65,1387,242,792,500,1653,338,731,426,772,1884,1185,359,369,2007,2372,2353,1388,1193,358,175,1366,1163,2233,595,529,1472,2372,410,281,1675,1077,251,541,1192,859,518,548,1140,535,2024,1826,1094,29,2239,1589,504,308,657,1502,624,586,316,120,550,181,1685,828,114,2456,855,632,918,1195,272,2205,548,918,71,1317,195,790,1093,15,870,2034,490,859,486,974,1463,631,2052,1637,2126,1230,1838,758,476,1918,972,307,563,329,191,357,1735,429,729,1557,727,1841,1036,747,825,1363,1560,577,1157,1842,465,2612,964,559,1483,1641,1280,1280,571,1604,567,473,420,370,615,1331,1863,169,1182,415,594,854,305,1854,766,281,1521,945,893,2009,98,2563,1666,1208,859,2467,552,1459,1582,1956,575,853,1443,579,1091,544,247,663,348,2401,740,888,1090,148,730,372,1231,1253,1062,772,1349,1965,1240,1789,2551,1164,972,1868,1866,751,1598,113,1756,491,646,491,1684,16,2059,460,2048,883,890,1043,353,1833,1905,338,241,2144,2014,670,1222,858,675,2438,1502,229,598,1570,940,1296,855,967,1342,1401,495,836,2227,573,1601,1624,1080,754,867,769,1722,1722,1481,1357,1089,1525,768,1277,2234,1343,537,1904,918,2161,806,623,1814,877,456,936,288,956,995,945,712,1219,981,1729,2153,173,2156,1212,1059,1600,1878,2015,536,2057,1078,687,1807,1632,2018,67,1243,857,675,1976,1959,1852,1702,960,1714,1232,272,1786,371,1990,374,1351,2192,933,798,1989,545,18,1170,1807,547,1753,2170,1420,707,1730,1264,1105,1109,1791,1475,889,761,648,1113,1645,1528,857,1499,1355,838,1693,1979,481,8,637,1441,171,1527,2296,2011,801,1806,1120,819,1341,1514,566,554,1707,46,1174,1246,1493,612,1162,2177,753,841,1219,734,805,969,1897,1095,2217,310,1358,1722,1703,1743,1821,662,1146,385,2380,1701,195,1818,748,1692,1679,1490,2388,1833,1629,732,795,1781,2370,867,1861,1627,1371,2297,1642,2056,2138,2065,2049,1296,974,1337,623,695,1645,986,1680,594,1717,273,1717,1926,876,1840,1095,1922,1765,596,1323,1002,741,2017,322,776,554,1329,1233,57,1356,1502,2320,548,491,2172,550,1352,1701,1152,784,916,475,2161,2556,529,629,1666,652,1117,2132,1218,368,1427,1858,1340,1938,1818,1114,1846,1329,866,2195,1853,2237,1169,2456,476,1088,1721,1984,432,1751,205,747,1771,2010,861,1675,1090,1472,285,1847,1171,2659,2539,2449,2093,2286,762,1435,1105,1624,982,865,1720,1432,2271,1926,755,2009,1625,1343,1119,285,692,1933,17,651,1499,1834,2471,570,600,637,2039,438,2388,1250,1486,714,799,1767,2237,2175,319,1125,892,394,1279,1205,1505,1975,1617,2372,1350,970,213,1094,1364,2148,338,177,983,1283,1869,461,1814,740,1703,1578,722,553,991,967,1499,1222,1760,1152,1342,629,758],"status":[0,1,0,0,0,1,1,0,1,1,1,1,0,1,1,1,0,1,0,1,1,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,0,1,1,1,1,0,0,1,0,0,0,1,1,1,1,0,0,1,0,0,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,1,0,0,0,1,0,1,1,1,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,1,0,1,0,1,1,1,1,1,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,1,1,1,0,0,0,1,1,0,1,0,1,1,1,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,1,1,1,1,0,0,1,0,0,1,1,1,0,0,1,1,1,1,1,1,0,0,0,1,1,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,1,1,1,1,1,0,0,1,0,1,0,1,1,0,1,0,1,1,0,1,0,1,1,0,1,1,1,1,0,0,1,1,1,0,0,0,1,0,1,1,0,1,0,0,1,1,1,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,1,1,1,0,0,1,0,1,1,1,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,1,1,0,1,0,1,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,1,1,0,0,0,1,0,0,1,1,1,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,1,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0,1,1,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0],"log_hazard_efron":[[0.5796,1.5817,1.0808,0.8631,0.5142,1.2821,1.1846,0.6163,0.2347,0.6164,0.7931,0.6543,0.2891,0.6467,2.2451,1.0924,0.8363,0.6052,0.5424,1.1693,1.192,0.5018,1.1407,0.6068,0.8778,0.4998,0.6258,0.7254,0.3064,0.944,1.105,0.5257,0.9813,1.073,0.9992,0.6966,0.7758,1.013,0.4773,1.1528,1.2759,0.7211,0.3281,0.5087,0.7469,0.28,0.8748,0.8408,0.4869,0.9241,1.123,0.6448,1.0612,0.7076,0.5318,0.2563,1.2714,1.6372,0.9735,0.5457,0.665,0.8959,0.4309,1.2475,1.4042,2.1658,0.7831,1.1691,1.0551,0.9969,1.2405,1.1409,1.3468,0.7279,1.3684,0.5042,1.2972,0.4766,0.8629,1.4674,1.119,1.2675,1.1272,0.7999,0.609,0.9426,0.8994,0.4471,0.3919,1.0143,0.6955,0.9012,0.1297,0.6644,0.8118,0.7982,0.5542,0.8886,0.7806,0.5448,0.4516,0.2245,1.0029,0.9531,0.6591,0.9029,1.076,1.0268,0.8102,0.6339,1.0384,1.2228,0.6716,0.8729,1.9372,0.4963,-0.0022,2.5597,0.9947,1.2862,1.4225,2.4665,0.5467,1.0748,1.2299,1.3594,0.8495,0.5752,1.4178,0.4071,0.6626,1.0814,0.8021,0.2257,0.9493,1.4397,1.8331,0.348,1.3326,0.8133,0.9604,0.9105,0.8357,0.9647,0.7764,1.2152,0.6709,1.1007,0.7918,0.7126,0.8724,0.2622,0.687,0.702,0.3625,0.3288,0.3119,0.4777,0.8427,0.9268,1.1763,0.9044,0.7645,0.5734,0.5416,1.3843,0.5822,1.0352,0.242,0.9023,1.3994,1.2879,0.8359,1.2649,1.5227,0.6626,1.4997,0.5879,0.6169,0.9569,1.2179,0.4452,0.3347,0.8353,0.9535,0.6725,0.6777,0.6127,0.9235,0.9634,1.1975,1.8159,0.6967,1.1868,1.7499,0.9871,0.8135,0.2927,0.8822,0.0932,0.9038,0.9093,0.8221,0.9463,0.7073,1.4833,0.8585,1.3553,0.682,0.5099,0.1738,2.096,0.8563,0.6984,1.6365,0.2073,0.8869,1.149,1.3219,0.6289,0.8807,0.471,1.6094,0.8433,0.6828,0.572,0.6405,0.6383,0.5769,0.8276,0.4011,0.2256,1.2743,0.6765,0.5341,0.4358,1.3857,0.912,0.1792,0.4532,0.6615,0.64,0.2196,0.5306,1.3367,0.2468,1.449,1.165,0.7508,0.501,0.8455,1.1184,0.3574,0.2557,0.0112,0.5671,0.278,0.4439,0.3899,1.4655,0.6462,0.8588,0.4487,1.2937,0.7252,0.73,0.7524,0.1831,0.47,0.5887,1.0231,0.99,0.6384,1.2924,0.6596,0.8216,1.3412,0.2495,1.76,0.585,0.5585,1.6134,0.5644,0.6267,0.3292,1.3245,0.6303,0.5413,0.0059,0.6031,0.6243,1.456,0.7558,0.9718,0.8884,0.2566,0.8248,0.539,0.665,0.7073,0.1513,1.0379,0.4918,1.3448,0.3298,0.8698,0.8358,0.6538,0.5783,0.7329,0.6222,0.3014,0.6456,0.8438,0.6499,0.1849,0.8694,0.1962,0.6535,0.55,1.1631,0.9573,1.3872,0.2548,0.8445,0.5449,0.2882,0.5031,1.7545,0.5683,1.3091,1.6021,1.4556,0.1444,0.8252,0.6024,0.2024,0.1917,0.5747,1.1555,0.5238,-0.0139,0.5941,0.6761,0.3397,1.0861,0.2874,0.3925,0.22,0.3265,0.5399,0.8229,0.7179,0.4696,0.2172,0.3062,0.4184,0.5738,0.5677,0.7072,0.3603,0.5528,0.5714,0.9407,1.1292,0.4933,0.967,0.3182,1.3984,0.2034,1.0173,0.5924,0.5762,3.2534,0.6517,0.6133,1.0917,1.389,0.5812,0.3471,0.437,0.1098,0.9055,0.5656,0.5558,0.5872,0.6593,0.7854,0.605,0.8024,0.5382,0.6678,0.275,0.8298,0.5196,0.4957,0.6143,0.1372,0.1217,0.5711,0.403,0.6272,0.3614,0.4337,0.5951,0.5678,0.546,0.2241,-0.1433,0.3411,0.704,0.3466,0.503,0.2389,0.3302,0.4527,0.9118,0.9298,2.2304,0.6386,0.5683,0.8074,-0.0237,0.466,0.2645,0.3952,0.484,0.7442,0.8055,0.6354,-0.178,0.4826,0.7186,1.0294,0.0337,0.909,0.3835,-0.0328,0.0857,0.3394,0.5937,0.513,0.5259,-0.2403,0.9944,0.2799,0.3864,0.0171,2.3299,0.3749,0.4057,0.4552,0.4665,0.4258,0.197,0.4266,0.1202,0.5116,0.3979,0.1765,0.4532,0.3239,1.1287,0.4184,0.1457,0.5727,0.0412,0.8343,0.2086,0.7027,0.3831,0.0342,0.3961,0.3758,0.3654,0.0182,0.3405,0.3041,1.0556,0.3415,0.4809,0.2192,-0.0683,0.8407,0.3757,0.0279,0.7015,0.3918,0.3226,0.7334,-0.0885,0.6656,0.2058,0.0828,0.2545,0.0369,0.1148,0.1687,0.1553,0.5495,0.3753,0.7057,0.3532,0.0468,0.3452,0.0385,0.1547,-0.0435,0.3455,-0.4171,0.2714,0.8481,0.3567,-0.2784,0.2621,0.7512,0.1421,-0.1703,0.3116,-0.0154,0.4475,-0.0576,0.4854,-0.0199,0.4748,0.1633,0.2177,0.699,0.3813,-0.3397,-0.0705,0.3775,0.0918,0.4481,0.1362,0.0158,0.0145,0.6573,0.2846,0.1747,2.1585,0.1329,-0.1532,0.9546,0.3431,0.3011,0.1959,0.0125,-0.1044,1.2466,0.4463,0.2718,0.7238,0.243,0.1157,0.1933,0.6691,0.2253,1.1379,-0.227,0.2393,-0.215,0.2332,0.7267,-0.02,0.4772,0.3129,0.0861,-0.3284,-0.0627,0.7641,0.1446,0.1544,0.055,0.0881,0.2109,-0.5211,-0.1372,-0.2017,0.1481,-0.2084,-0.2954,0.1019,0.413,-0.2753,0.4159,-0.2207,-0.2986,-0.2762,-0.2821,-0.3898,0.028,0.3043,0.1963,-0.287,-0.5679,0.0354,0.3852,-0.5579,0.7497,-0.1729,0.0329,-0.0315,0.144,0.4897,0.5486,0.1756,-0.0024,-0.3543,-0.1404,-0.3981,0.0741,0.3044,-0.004,-0.2821,-0.0699,-0.2323,-0.0079,0.0433,-0.3905,-0.3558,-0.1589,-0.1526,-0.4442,-0.5763,-0.0093,-0.235,-0.074,-0.1295,0.2488,-0.5018,0.1484,0.0281,-0.6689,-0.0198,-0.0636,-0.3379,1.2932,-0.3488,-0.2842,-0.159,-0.1496,0.4583,-0.3414,-0.044,-0.3908,-0.974,-0.2246,-0.0252,-0.2673,0.1417,-0.56,0.2894,-0.3404,-0.1004,-0.0846,0.1929,-0.6852,-0.7852,-0.3826,-0.4096,-0.8266,-0.4481,-0.5069,-0.0935,-0.1058,-0.0825,-0.5229,-0.1815,-0.4691,-1.4589,-0.4994,-0.627,-0.7166,-1.8295,-1.4442,-1.3319,-1.6778,-1.8732,-1.6119,-2.0119,-2.0182,-2.6027,-2.7774,-3.0296,-4.8757]],"log_likelihood_efron":[-1738.2329],"log_hazard_breslow":[[0.5793,1.5811,1.0803,0.8626,0.5138,1.2818,1.1841,0.616,0.2343,0.6161,0.7927,0.6539,0.2887,0.6465,2.2447,1.092,0.8358,0.6048,0.5421,1.1688,1.1915,0.5012,1.1401,0.6064,0.8775,0.4995,0.6256,0.7251,0.306,0.9436,1.1047,0.5254,0.9808,1.0724,0.9986,0.6964,0.7755,1.0126,0.4769,1.1523,1.2755,0.7208,0.3277,0.5085,0.7466,0.2797,0.8742,0.8403,0.4866,0.9235,1.1226,0.6443,1.0608,0.7073,0.5313,0.256,1.2709,1.6367,0.9732,0.5454,0.6649,0.8955,0.4305,1.2469,1.4036,2.1652,0.7829,1.1688,1.0546,0.9964,1.2402,1.1404,1.3462,0.7275,1.3678,0.5039,1.2969,0.4764,0.8625,1.4672,1.1186,1.2671,1.1267,0.7995,0.6087,0.9421,0.899,0.447,0.3916,1.0139,0.6953,0.9007,0.1293,0.6639,0.8113,0.7977,0.5539,0.888,0.7803,0.5445,0.4511,0.2242,1.0024,0.9527,0.6587,0.9024,1.0757,1.0265,0.8098,0.6334,1.0379,1.2223,0.6713,0.8724,1.937,0.4959,-0.0022,2.5594,0.9943,1.2857,1.4222,2.4659,0.5464,1.0745,1.2295,1.3589,0.8491,0.5749,1.4175,0.4068,0.662,1.0808,0.8017,0.2254,0.949,1.4391,1.833,0.3476,1.3323,0.8132,0.9599,0.9101,0.8351,0.9644,0.776,1.215,0.6705,1.1002,0.7915,0.7122,0.8721,0.2619,0.6867,0.7017,0.3621,0.3285,0.3116,0.4774,0.8423,0.9264,1.176,0.9041,0.7642,0.573,0.5412,1.3839,0.5818,1.0348,0.2417,0.9019,1.399,1.2874,0.8355,1.2644,1.5225,0.6623,1.4991,0.5876,0.6163,0.9564,1.2175,0.445,0.3344,0.8347,0.953,0.6723,0.6774,0.6124,0.9231,0.9628,1.1973,1.8153,0.6967,1.1864,1.7496,0.9865,0.8132,0.2924,0.8816,0.0931,0.9035,0.909,0.8216,0.9458,0.7068,1.4831,0.858,1.3547,0.6818,0.5096,0.1736,2.0952,0.856,0.6979,1.636,0.2069,0.8865,1.1487,1.3216,0.6286,0.8803,0.4707,1.6088,0.8428,0.6823,0.5716,0.6402,0.6381,0.5767,0.8272,0.4008,0.2252,1.2738,0.6762,0.5338,0.4355,1.3852,0.9115,0.179,0.4531,0.6611,0.6396,0.2192,0.5303,1.3362,0.2464,1.4486,1.1646,0.7504,0.5007,0.8451,1.1181,0.3571,0.2553,0.0111,0.5665,0.2777,0.4435,0.3895,1.4651,0.6459,0.8583,0.4483,1.2933,0.7249,0.7296,0.752,0.1828,0.4696,0.5884,1.0229,0.9894,0.6381,1.2919,0.6594,0.8211,1.3408,0.2492,1.7596,0.5848,0.558,1.6129,0.5641,0.6263,0.329,1.3241,0.6299,0.5411,0.0058,0.6028,0.6238,1.4555,0.7557,0.9713,0.8881,0.2563,0.8244,0.5388,0.6647,0.7069,0.1509,1.0376,0.4914,1.3444,0.3296,0.8695,0.8353,0.6535,0.5781,0.7327,0.6218,0.3012,0.6454,0.8435,0.6496,0.1845,0.869,0.1958,0.6531,0.5498,1.1626,0.9572,1.3868,0.2545,0.8444,0.5446,0.288,0.5027,1.7542,0.568,1.3087,1.6018,1.4552,0.1441,0.8249,0.602,0.2019,0.1916,0.5746,1.155,0.5235,-0.0141,0.5939,0.6759,0.3396,1.0858,0.2872,0.3922,0.2197,0.3266,0.5396,0.8224,0.7177,0.4694,0.2171,0.3059,0.4181,0.5735,0.5674,0.707,0.3599,0.5524,0.5712,0.9403,1.1289,0.4929,0.9665,0.318,1.3979,0.203,1.0168,0.5922,0.576,3.2528,0.6514,0.613,1.0912,1.3886,0.5808,0.3468,0.4367,0.1094,0.9052,0.5652,0.5556,0.5868,0.659,0.7852,0.6048,0.8022,0.538,0.6675,0.2748,0.8296,0.5193,0.4951,0.614,0.1371,0.1215,0.5707,0.4027,0.627,0.3611,0.4335,0.5948,0.5675,0.5459,0.2237,-0.1436,0.3407,0.7036,0.3463,0.5025,0.2387,0.3301,0.4524,0.9114,0.9295,2.2298,0.6383,0.568,0.8071,-0.0239,0.4657,0.2644,0.395,0.4837,0.744,0.8054,0.635,-0.1782,0.4824,0.7183,1.0291,0.0335,0.9087,0.3832,-0.0328,0.0855,0.3393,0.5934,0.5127,0.5257,-0.2405,0.994,0.2795,0.386,0.0169,2.3295,0.3747,0.4052,0.4549,0.4662,0.4254,0.1969,0.4262,0.1198,0.5113,0.3976,0.1763,0.4529,0.3236,1.1283,0.4182,0.1454,0.5724,0.041,0.8338,0.2083,0.7025,0.3826,0.0339,0.3958,0.3755,0.3652,0.0179,0.3403,0.3039,1.0555,0.3412,0.4807,0.219,-0.0684,0.8403,0.3754,0.0276,0.7012,0.3915,0.3223,0.7333,-0.0888,0.6653,0.2054,0.0825,0.2542,0.0366,0.1145,0.1689,0.1551,0.5492,0.3751,0.7053,0.3529,0.0465,0.345,0.0385,0.1544,-0.0438,0.3452,-0.4172,0.271,0.8478,0.3565,-0.2785,0.2621,0.7509,0.1418,-0.1704,0.3113,-0.0156,0.4473,-0.0577,0.485,-0.02,0.4743,0.1632,0.2175,0.6986,0.3809,-0.3398,-0.0706,0.3772,0.0917,0.4478,0.1359,0.0156,0.0142,0.657,0.2843,0.1744,2.158,0.1325,-0.1533,0.9542,0.3429,0.301,0.1956,0.0122,-0.1046,1.2464,0.4461,0.2714,0.7235,0.2428,0.1155,0.193,0.669,0.225,1.1375,-0.2274,0.2391,-0.2153,0.233,0.7265,-0.0204,0.4768,0.3124,0.0856,-0.3285,-0.0628,0.7637,0.1443,0.1543,0.0548,0.0878,0.2106,-0.5212,-0.1374,-0.2019,0.1478,-0.2086,-0.2958,0.1016,0.4127,-0.2756,0.4157,-0.2209,-0.2987,-0.2765,-0.2824,-0.3899,0.0278,0.3042,0.1962,-0.287,-0.5681,0.0351,0.3848,-0.558,0.7493,-0.1732,0.0327,-0.0319,0.1438,0.4894,0.5483,0.1752,-0.0027,-0.3546,-0.1406,-0.3983,0.0739,0.304,-0.0044,-0.2823,-0.0702,-0.2323,-0.008,0.0432,-0.3908,-0.3559,-0.1592,-0.1529,-0.4444,-0.5767,-0.0095,-0.2354,-0.0743,-0.1296,0.2484,-0.5019,0.1482,0.0279,-0.669,-0.0199,-0.0641,-0.3382,1.2927,-0.3491,-0.2845,-0.1594,-0.1498,0.4579,-0.3417,-0.0444,-0.391,-0.9742,-0.225,-0.0255,-0.2676,0.1412,-0.5601,0.289,-0.3407,-0.1008,-0.0849,0.1923,-0.6853,-0.7855,-0.3829,-0.4099,-0.827,-0.4483,-0.5072,-0.0939,-0.106,-0.083,-0.523,-0.1818,-0.4691,-1.459,-0.4997,-0.6271,-0.7169,-1.8297,-1.4445,-1.3322,-1.6778,-1.8735,-1.6122,-2.012,-2.0187,-2.6026,-2.7779,-3.03,-4.8759]],"log_likelihood_breslow":[-1738.3171],"no_ties":[false]}] diff --git a/tests/benchmark_data/benchmark_ipcw.json b/tests/benchmark_data/benchmark_ipcw.json new file mode 100644 index 0000000..c339ce1 --- /dev/null +++ b/tests/benchmark_data/benchmark_ipcw.json @@ -0,0 +1 @@ +[{"time":[5,11,11,11,12,13,13,15,26,30,31,53,53,54,59,60,60,61,62,65,65,71,79,81,81,88,88,92,92,93,95,95,105,105,107,107,110,116,118,122,131,132,132,135,142,144,145,145,147,153,156,156,163,163,163,166,166,167,170,173,174,175,175,176,177,177,179,179,180,181,181,182,183,185,186,188,189,191,192,194,196,197,197,199,201,201,202,202,203,207,208,210,211,212,218,221,222,222,223,224,225,225,226,229,230,235,237,239,239,240,243,245,246,252,259,266,267,268,269,269,270,272,276,279,283,284,284,285,285,286,288,291,292,292,293,296,300,301,301,303,303,305,306,310,310,315,320,329,332,337,340,345,348,350,351,353,353,356,361,363,363,364,364,371,371,376,382,384,387,390,394,404,413,426,428,429,433,442,444,444,450,455,457,458,460,473,477,511,511,519,520,524,524,529,533,543,550,551,558,559,567,574,583,588,613,624,641,643,654,655,687,689,705,707,728,731,735,740,765,791,806,814,821,840,883,965,1010,1022],"status":[true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,false,true,false,true,true,false,true,true,true,true,true,true,true,false,true,false,true,false,false,true,false,true,false,true,true,true,true,false,false,true,true,true,false,true,true,false,true,false,true,false,false,false,true,true,true,false,false,true,true,false,false,true,true,false,false,false,true,true,false,true,true,false,false,false,true,true,false,true,true,true,true,true,false,false,true,false,false,true,false,true,false,true,true,true,true,false,true,true,false,true,true,true,true,true,true,true,true,false,true,true,true,true,false,true,true,false,false,false,true,true,true,false,false,true,true,true,true,true,true,false,true,true,true,false,true,true,true,false,false,true,true,true,true,false,true,false,true,false,true,false,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,false,true,false,false,true,false,false,false],"times":[144.4,180.1,209.6,255.5,300.2,362.8,456.2],"ipcw_times":[1.0102,1.0348,1.0926,1.1933,1.3294,1.4137,1.5946],"ipcw_subjectimes":[1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1.005,1.005,1.005,1.005,1.005,1.0102,1.0102,1.0102,1.0102,1.0102,1.0102,1.0102,1.0102,1.0102,1.0102,1.0102,1.0102,1.0102,1.0102,1.0102,1.0102,1.0102,1.0102,1.0102,1.0102,1.0102,1.0102,1.0102,1.0102,1.0102,1.0102,1.0102,1.0162,1.0223,1.0285,1.0285,1.0285,1.0348,1.0348,1.0348,1.0348,1.0348,1.0348,1.0348,1.0348,1.0348,1.0416,1.0416,1.0484,1.0484,1.0554,1.0625,1.0625,1.0697,1.0771,1.0771,1.0771,1.0771,1.0771,1.0848,1.0848,1.0926,1.0926,1.0926,1.0926,1.1007,1.1007,1.1007,1.109,1.1176,1.1176,1.1176,1.1263,1.1442,1.1442,1.1442,1.1442,1.1442,1.1535,1.1631,1.1631,1.1631,1.1729,1.183,1.183,1.183,1.1933,1.2039,1.2146,1.2146,1.2146,1.2259,1.2259,1.2259,1.2375,1.2492,1.2613,1.2613,1.2737,1.2737,1.2737,1.2737,1.2737,1.2737,1.2737,1.3008,1.3008,1.3008,1.315,1.3294,1.3444,1.3444,1.3598,1.3598,1.3598,1.3598,1.3598,1.3598,1.3764,1.3764,1.3764,1.3938,1.3938,1.3938,1.3938,1.3938,1.3938,1.3938,1.3938,1.3938,1.4137,1.4137,1.4137,1.4137,1.4355,1.4355,1.4355,1.4355,1.4586,1.4826,1.5073,1.5073,1.5073,1.5073,1.5342,1.5621,1.5621,1.5621,1.5621,1.5621,1.5621,1.5946,1.5946,1.5946,1.5946,1.5946,1.6309,1.6309,1.6309,1.6309,1.7145,1.7145,1.7145,1.7145,1.7145,1.7145,1.7649,1.7649,1.8201,1.8201,1.8807,1.8807,1.9479,1.9479,1.9479,1.9479,2.0291,2.0291,2.0291,2.0291,2.0291,2.0291,2.0291,2.0291,2.0291,2.0291,2.0291,2.0291,2.0291,2.0291,2.232,2.232,2.232,2.5508,2.5508,3.061,3.8263,3.8263,5.7394,11.4788,0]},{"time":[8,15,16,17,17,18,29,42,46,57,63,65,67,71,72,98,113,114,120,148,160,168,169,171,173,175,177,177,177,180,181,184,186,191,195,195,205,213,223,227,229,233,238,241,242,247,249,251,272,272,273,275,276,281,281,285,285,286,288,293,296,305,307,308,308,310,316,319,322,329,336,338,338,338,343,344,348,350,353,357,358,359,359,360,368,369,370,370,371,372,374,375,377,379,385,392,394,403,410,415,417,420,420,424,426,426,429,432,436,438,446,448,449,455,456,460,461,463,465,471,473,475,476,476,481,486,488,490,491,491,491,495,498,500,502,503,504,515,518,525,526,529,529,530,533,535,536,537,540,541,542,544,544,545,546,547,548,548,548,550,550,552,552,553,554,554,557,559,563,564,566,567,570,571,573,575,577,578,579,586,594,594,595,596,598,600,612,615,622,623,623,624,624,628,629,629,631,632,637,637,646,648,650,650,651,652,657,662,663,670,675,675,679,687,692,695,698,707,712,714,717,721,722,722,723,727,729,730,731,732,733,734,737,740,740,740,741,742,745,747,747,748,751,753,754,755,758,758,761,762,766,768,769,770,772,772,776,779,784,790,792,795,797,797,798,799,801,805,806,819,825,827,828,836,838,841,842,853,854,855,855,855,857,857,858,859,859,859,861,865,866,867,867,870,876,877,883,888,889,890,891,892,893,916,918,918,918,933,936,936,940,942,945,945,956,956,959,960,964,967,967,969,970,972,972,973,974,974,981,982,983,986,991,995,1002,1013,1036,1043,1059,1062,1077,1078,1080,1088,1089,1089,1090,1090,1091,1093,1093,1094,1094,1095,1095,1100,1105,1105,1108,1109,1113,1114,1117,1119,1120,1125,1140,1146,1150,1152,1152,1157,1162,1163,1164,1167,1169,1170,1171,1174,1177,1182,1183,1185,1192,1192,1193,1195,1205,1207,1208,1212,1218,1219,1219,1222,1222,1225,1230,1231,1232,1233,1240,1243,1246,1250,1253,1264,1277,1279,1280,1280,1283,1296,1296,1306,1317,1323,1329,1329,1331,1337,1340,1341,1342,1342,1343,1343,1349,1350,1351,1352,1352,1355,1356,1356,1357,1358,1363,1364,1366,1371,1387,1388,1401,1420,1427,1432,1434,1434,1435,1441,1441,1443,1449,1459,1459,1460,1463,1469,1472,1472,1475,1481,1483,1483,1486,1490,1493,1499,1499,1499,1502,1502,1502,1505,1514,1521,1525,1527,1528,1557,1560,1570,1578,1582,1587,1589,1598,1600,1601,1603,1604,1617,1624,1624,1625,1627,1629,1632,1637,1641,1642,1645,1645,1653,1655,1666,1666,1675,1675,1679,1680,1684,1685,1692,1693,1693,1701,1701,1701,1702,1703,1703,1707,1714,1717,1717,1720,1720,1721,1722,1722,1722,1729,1729,1730,1730,1735,1743,1751,1751,1753,1756,1756,1760,1763,1765,1767,1771,1781,1786,1789,1791,1806,1807,1807,1814,1814,1818,1818,1820,1821,1826,1826,1833,1833,1834,1838,1838,1840,1841,1842,1846,1847,1852,1853,1854,1855,1856,1858,1861,1862,1863,1866,1868,1869,1878,1884,1897,1904,1905,1918,1922,1926,1926,1933,1938,1956,1959,1965,1965,1975,1976,1977,1977,1979,1981,1984,1989,1990,2007,2009,2009,2010,2011,2014,2014,2015,2017,2018,2024,2027,2030,2030,2034,2039,2048,2049,2051,2052,2056,2057,2059,2065,2093,2126,2128,2132,2138,2144,2148,2153,2156,2161,2161,2170,2172,2175,2177,2192,2195,2205,2217,2227,2233,2234,2237,2237,2239,2271,2286,2296,2297,2320,2353,2370,2372,2372,2372,2380,2388,2388,2401,2438,2449,2456,2456,2467,2471,2539,2551,2556,2563,2612,2659],"status":[0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,1,0,1,1,1,1,0,1,1,1,1,1,0,1,1,0,1,0,1,1,0,1,1,1,1,1,1,1,1,1,0,1,0,1,1,1,1,1,1,1,0,1,1,1,1,0,1,0,0,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,0,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,1,0,1,1,0,0,1,1,1,1,1,1,1,1,0,0,1,1,1,1,1,1,1,1,0,1,1,1,1,1,1,1,1,1,1,1,1,1,0,1,0,1,1,1,1,1,1,0,1,1,1,1,0,1,1,1,1,1,1,1,1,0,1,1,1,1,1,1,0,0,0,1,1,1,1,1,1,1,1,1,1,0,1,1,1,0,1,0,0,1,1,0,1,0,0,1,0,1,1,1,1,0,0,0,0,1,0,1,0,1,1,1,0,0,1,1,1,1,0,0,1,0,0,1,1,1,1,1,0,0,0,0,0,0,0,1,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,1,1,0,1,1,1,0,1,1,1,0,1,0,1,0,1,1,0,1,0,0,0,1,1,0,1,0,1,1,0,1,1,1,0,1,0,1,0,1,0,1,1,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,1,1,1,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,1,0,1,1,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,1,1,0,0,0,0,0,1,0,1,1,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0],"times":[515,654.5,838,1084,1280,1527.5,1767],"ipcw_times":[1.056,1.0965,1.1781,1.2967,1.4861,1.81,2.5391],"ipcw_subjectimes":[1.0015,1.0029,1.0044,1.0073,1.0073,1.0088,1.0103,1.0118,1.0133,1.0148,1.0163,1.0178,1.0193,1.0208,1.0208,1.0208,1.0208,1.0224,1.0224,1.0239,1.0239,1.0254,1.0254,1.0254,1.0254,1.0254,1.027,1.027,1.027,1.027,1.027,1.027,1.0286,1.0286,1.0302,1.0302,1.0302,1.0317,1.0317,1.0317,1.0333,1.0333,1.0333,1.0333,1.0333,1.0333,1.0333,1.0333,1.0333,1.0333,1.035,1.035,1.0366,1.0366,1.0366,1.0366,1.0366,1.0366,1.0366,1.0366,1.0383,1.0383,1.0383,1.0383,1.0383,1.0399,1.0399,1.0416,1.0433,1.0433,1.0433,1.0433,1.0433,1.0433,1.0433,1.0433,1.0433,1.0433,1.0433,1.0433,1.0433,1.0433,1.0433,1.0433,1.045,1.045,1.045,1.045,1.045,1.045,1.045,1.045,1.045,1.045,1.045,1.045,1.045,1.045,1.045,1.045,1.045,1.045,1.045,1.0468,1.0468,1.0468,1.0486,1.0505,1.0505,1.0505,1.0505,1.0505,1.0505,1.0505,1.0505,1.0505,1.0523,1.0542,1.0542,1.0542,1.0542,1.0542,1.0542,1.0542,1.0542,1.0542,1.056,1.056,1.056,1.056,1.056,1.056,1.056,1.056,1.056,1.056,1.056,1.056,1.056,1.056,1.058,1.0599,1.0599,1.0599,1.0599,1.0599,1.0599,1.0599,1.0599,1.0619,1.0619,1.0619,1.0619,1.0619,1.0639,1.0639,1.0639,1.0639,1.0639,1.0639,1.0639,1.0639,1.0639,1.066,1.066,1.066,1.066,1.066,1.066,1.066,1.068,1.0701,1.0722,1.0722,1.0722,1.0722,1.0722,1.0722,1.0722,1.0722,1.0722,1.0722,1.0722,1.0743,1.0743,1.0743,1.0743,1.0765,1.0765,1.0808,1.0808,1.0808,1.0808,1.083,1.0852,1.0852,1.0875,1.0875,1.0897,1.0897,1.0897,1.0897,1.092,1.092,1.0942,1.0965,1.0988,1.0988,1.1011,1.1011,1.1034,1.1034,1.1034,1.1034,1.1058,1.1081,1.1081,1.1081,1.1081,1.1081,1.1105,1.1129,1.1153,1.1153,1.1177,1.1177,1.1177,1.1177,1.1177,1.1177,1.1202,1.1226,1.1251,1.1326,1.1326,1.1326,1.1351,1.1351,1.1351,1.1377,1.1377,1.1377,1.1403,1.1428,1.1428,1.1428,1.1481,1.1481,1.1507,1.1507,1.1533,1.156,1.156,1.1587,1.1614,1.1614,1.1614,1.1641,1.1641,1.1641,1.1668,1.1668,1.1668,1.1668,1.1696,1.1696,1.1696,1.1696,1.1724,1.1724,1.1752,1.1752,1.1781,1.1781,1.1781,1.1809,1.1809,1.1838,1.1867,1.1897,1.1897,1.1897,1.1926,1.1926,1.1956,1.1986,1.1986,1.1986,1.1986,1.1986,1.1986,1.2017,1.2017,1.2047,1.2047,1.2078,1.2078,1.2109,1.2109,1.2109,1.2109,1.2141,1.2141,1.2173,1.2237,1.2237,1.2237,1.2269,1.2334,1.2334,1.2367,1.24,1.2434,1.2434,1.2434,1.2434,1.2434,1.2434,1.2434,1.2502,1.2502,1.2536,1.2571,1.264,1.264,1.2676,1.2746,1.2746,1.2746,1.2746,1.2746,1.2782,1.2782,1.2819,1.2819,1.2855,1.2855,1.2855,1.2855,1.2892,1.293,1.2967,1.2967,1.3005,1.3082,1.3082,1.3121,1.3121,1.3159,1.3199,1.3199,1.3238,1.3238,1.3318,1.3318,1.3359,1.3359,1.3359,1.3359,1.34,1.3441,1.3482,1.3524,1.3566,1.3566,1.3609,1.3609,1.3609,1.3609,1.3695,1.3695,1.3695,1.3695,1.3739,1.3739,1.3783,1.3828,1.3828,1.3873,1.3873,1.3918,1.3964,1.3964,1.401,1.4057,1.4057,1.4057,1.4104,1.4152,1.4152,1.42,1.4248,1.4248,1.4297,1.4297,1.4396,1.4396,1.4396,1.4446,1.4497,1.4547,1.4599,1.465,1.4702,1.4702,1.4755,1.4755,1.4808,1.4861,1.4861,1.4861,1.4861,1.4916,1.4971,1.4971,1.4971,1.5026,1.5082,1.5139,1.5139,1.5196,1.5196,1.5254,1.5312,1.543,1.543,1.549,1.549,1.555,1.5611,1.5672,1.5734,1.5734,1.5796,1.5923,1.5923,1.5987,1.6051,1.6051,1.6116,1.6116,1.6116,1.6116,1.6116,1.6183,1.6183,1.6251,1.6319,1.6458,1.6458,1.6528,1.667,1.667,1.6741,1.6741,1.6814,1.6814,1.6814,1.6814,1.6889,1.704,1.704,1.7116,1.7116,1.7272,1.7272,1.7351,1.743,1.743,1.7674,1.7674,1.7674,1.7842,1.7842,1.7842,1.7927,1.8013,1.8013,1.8013,1.81,1.81,1.8189,1.8279,1.8369,1.846,1.8553,1.8553,1.8553,1.8647,1.8742,1.8742,1.8839,1.8936,1.9035,1.9235,1.9235,1.9337,1.944,1.9544,1.9649,1.9755,1.9755,1.9863,2.0083,2.0083,2.0194,2.0307,2.0536,2.0536,2.0654,2.0654,2.0654,2.0773,2.0773,2.0895,2.1017,2.1268,2.1268,2.1525,2.1525,2.1525,2.1657,2.1924,2.1924,2.206,2.2198,2.2479,2.2479,2.2767,2.2767,2.2914,2.3366,2.3366,2.3366,2.3678,2.3678,2.3838,2.3838,2.4,2.4165,2.45,2.45,2.45,2.4848,2.4848,2.5025,2.5025,2.5207,2.5391,2.5577,2.5767,2.5959,2.6154,2.6352,2.6352,2.6557,2.6557,2.6557,2.6557,2.6981,2.6981,2.7199,2.742,2.7873,2.7873,2.8342,2.8342,2.8582,2.9075,2.9075,2.9328,2.9585,2.9847,3.0113,3.0385,3.0661,3.0942,3.1229,3.152,3.1818,3.2121,3.243,3.2745,3.3066,3.3393,3.3727,3.4068,3.4415,3.477,3.5132,3.5502,3.588,3.588,3.627,3.7076,3.7076,3.7492,3.7918,3.8354,3.88,3.9724,3.9724,3.9724,4.0208,4.0711,4.0711,4.1226,4.1755,4.2297,4.2297,4.2297,4.2869,4.4059,4.4059,4.468,4.5318,4.6651,4.6651,4.6651,4.7358,4.7358,4.8098,4.8861,4.9662,4.9662,4.9662,4.9662,5.0519,5.1405,5.2323,5.3274,5.4261,5.5285,5.6348,5.7453,5.7453,5.8625,5.9846,6.112,6.2448,6.3836,6.5287,6.6805,6.8396,7.1816,7.1816,7.3657,7.5596,7.7639,7.9795,8.2075,8.4489,8.7049,8.977,9.2665,9.5754,9.9056,10.6394,10.6394,11.0486,11.4905,11.4905,11.9901,12.5351,13.132,13.7886,14.5143,16.3286,16.3286,16.3286,17.4172,20.0968,20.0968,21.7715,23.7507,26.1258,29.3915,29.3915,33.5903,39.1887,47.0265,58.7831,78.3774,117.5662,235.1323,0]}] diff --git a/tests/benchmark_data/benchmark_kaplan_meier.json b/tests/benchmark_data/benchmark_kaplan_meier.json new file mode 100644 index 0000000..6c08fc5 --- /dev/null +++ b/tests/benchmark_data/benchmark_kaplan_meier.json @@ -0,0 +1 @@ +[{"time":[306,455,1010,210,883,1022,310,361,218,166,170,654,728,71,567,144,613,707,61,88,301,81,624,371,394,520,574,118,390,12,473,26,533,107,53,122,814,965,93,731,460,153,433,145,583,95,303,519,643,765,735,189,53,246,689,65,5,132,687,345,444,223,175,60,163,65,208,821,428,230,840,305,11,132,226,426,705,363,11,176,791,95,196,167,806,284,641,147,740,163,655,239,88,245,588,30,179,310,477,166,559,450,364,107,177,156,529,11,429,351,15,181,283,201,524,13,212,524,288,363,442,199,550,54,558,207,92,60,551,543,293,202,353,511,267,511,371,387,457,337,201,404,222,62,458,356,353,163,31,340,229,444,315,182,156,329,364,291,179,376,384,268,292,142,413,266,194,320,181,285,301,348,197,382,303,296,180,186,145,269,300,284,350,272,292,332,285,259,110,286,270,81,131,225,269,225,243,279,276,135,79,59,240,202,235,105,224,239,237,173,252,221,185,92,13,222,192,183,211,175,197,203,116,188,191,105,174,177],"status":[true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,false,true,false,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,false,true,true,true,false,true,false,true,true,true,true,true,false,true,true,false,false,true,true,true,true,true,false,false,true,true,true,false,true,true,false,false,true,false,true,false,false,true,true,true,true,false,true,true,false,false,false,true,true,true,false,false,false,true,false,false,false,true,false,true,true,true,true,true,false,true,false,false,false,false,true,true,true,false,false,false,true,false,true,false,false,false,false,false,false,true,false,false,true,false,false,false,false,true,false,false,false,false,false],"times":[5,11,12,13,15,26,30,31,53,54,59,60,61,62,65,71,79,81,88,92,93,95,105,107,110,116,118,122,131,132,135,142,144,145,147,153,156,163,166,167,170,173,174,175,176,177,179,180,181,182,183,185,186,188,189,191,192,194,196,197,199,201,202,203,207,208,210,211,212,218,221,222,223,224,225,226,229,230,235,237,239,240,243,245,246,252,259,266,267,268,269,270,272,276,279,283,284,285,286,288,291,292,293,296,300,301,303,305,306,310,315,320,329,332,337,340,345,348,350,351,353,356,361,363,364,371,376,382,384,387,390,394,404,413,426,428,429,433,442,444,450,455,457,458,460,473,477,511,519,520,524,529,533,543,550,551,558,559,567,574,583,588,613,624,641,643,654,655,687,689,705,707,728,731,735,740,765,791,806,814,821,840,883,965,1010,1022],"surv_prob_survival":[0.9956,0.9825,0.9781,0.9693,0.9649,0.9605,0.9561,0.9518,0.943,0.9386,0.9342,0.9254,0.9211,0.9167,0.9079,0.9035,0.8991,0.8904,0.8816,0.8772,0.8728,0.864,0.8596,0.8507,0.8463,0.8418,0.8374,0.833,0.8285,0.8197,0.8153,0.8108,0.8064,0.7975,0.7931,0.7887,0.7798,0.7665,0.7577,0.7532,0.7488,0.7488,0.7488,0.7443,0.7398,0.7353,0.7262,0.7217,0.7126,0.7081,0.7035,0.7035,0.6989,0.6989,0.6943,0.6943,0.6943,0.6897,0.6897,0.685,0.6803,0.6708,0.6661,0.6661,0.6613,0.6565,0.6517,0.6517,0.6469,0.6421,0.6421,0.6372,0.6323,0.6323,0.6323,0.6273,0.6223,0.6172,0.6172,0.6172,0.607,0.607,0.607,0.6019,0.5967,0.5967,0.5967,0.5967,0.5913,0.586,0.5807,0.5753,0.5753,0.5753,0.5753,0.5698,0.5642,0.5531,0.5475,0.5419,0.5363,0.5363,0.5306,0.5306,0.5306,0.5248,0.5189,0.5129,0.507,0.495,0.495,0.489,0.483,0.483,0.4768,0.4707,0.4646,0.4585,0.4524,0.4463,0.434,0.434,0.4278,0.4154,0.4092,0.3966,0.3966,0.3966,0.3966,0.39,0.3834,0.3768,0.3768,0.3768,0.37,0.3631,0.3563,0.3494,0.3426,0.3357,0.3287,0.3217,0.3147,0.3147,0.3076,0.3004,0.2933,0.2933,0.2857,0.2782,0.2632,0.2632,0.2554,0.2554,0.2475,0.2475,0.2392,0.2392,0.2307,0.2221,0.2136,0.2136,0.2047,0.1958,0.1869,0.178,0.1691,0.1602,0.1513,0.1424,0.1335,0.1246,0.1157,0.1068,0.0979,0.0979,0.0881,0.0783,0.0783,0.0671,0.0671,0.0671,0.0503,0.0503,0.0503,0.0503]},{"time":[1838,403,1603,177,1855,842,293,42,564,1093,436,238,723,503,448,359,1720,1306,942,370,959,552,392,698,249,2051,1356,530,1150,956,679,1820,1013,1225,417,343,488,1862,1763,1587,446,344,63,1483,827,296,1701,2014,2030,722,286,184,1469,276,797,2128,1177,1449,1108,1460,533,1434,168,525,180,471,350,1167,855,449,745,544,186,308,1856,1965,546,1183,1826,360,797,375,779,336,578,463,526,502,540,721,1729,275,2030,72,17,420,2027,891,1352,1192,737,936,1089,377,1655,740,650,1981,742,1977,628,624,733,177,1207,542,1756,515,1459,233,455,379,223,622,426,227,1100,1693,1977,717,1434,973,498,557,650,1751,160,770,1441,424,1730,65,1387,242,792,500,1653,338,731,426,772,1884,1185,359,369,2007,2372,2353,1388,1193,358,175,1366,1163,2233,595,529,1472,2372,410,281,1675,1077,251,541,1192,859,518,548,1140,535,2024,1826,1094,29,2239,1589,504,308,657,1502,624,586,316,120,550,181,1685,828,114,2456,855,632,918,1195,272,2205,548,918,71,1317,195,790,1093,15,870,2034,490,859,486,974,1463,631,2052,1637,2126,1230,1838,758,476,1918,972,307,563,329,191,357,1735,429,729,1557,727,1841,1036,747,825,1363,1560,577,1157,1842,465,2612,964,559,1483,1641,1280,1280,571,1604,567,473,420,370,615,1331,1863,169,1182,415,594,854,305,1854,766,281,1521,945,893,2009,98,2563,1666,1208,859,2467,552,1459,1582,1956,575,853,1443,579,1091,544,247,663,348,2401,740,888,1090,148,730,372,1231,1253,1062,772,1349,1965,1240,1789,2551,1164,972,1868,1866,751,1598,113,1756,491,646,491,1684,16,2059,460,2048,883,890,1043,353,1833,1905,338,241,2144,2014,670,1222,858,675,2438,1502,229,598,1570,940,1296,855,967,1342,1401,495,836,2227,573,1601,1624,1080,754,867,769,1722,1722,1481,1357,1089,1525,768,1277,2234,1343,537,1904,918,2161,806,623,1814,877,456,936,288,956,995,945,712,1219,981,1729,2153,173,2156,1212,1059,1600,1878,2015,536,2057,1078,687,1807,1632,2018,67,1243,857,675,1976,1959,1852,1702,960,1714,1232,272,1786,371,1990,374,1351,2192,933,798,1989,545,18,1170,1807,547,1753,2170,1420,707,1730,1264,1105,1109,1791,1475,889,761,648,1113,1645,1528,857,1499,1355,838,1693,1979,481,8,637,1441,171,1527,2296,2011,801,1806,1120,819,1341,1514,566,554,1707,46,1174,1246,1493,612,1162,2177,753,841,1219,734,805,969,1897,1095,2217,310,1358,1722,1703,1743,1821,662,1146,385,2380,1701,195,1818,748,1692,1679,1490,2388,1833,1629,732,795,1781,2370,867,1861,1627,1371,2297,1642,2056,2138,2065,2049,1296,974,1337,623,695,1645,986,1680,594,1717,273,1717,1926,876,1840,1095,1922,1765,596,1323,1002,741,2017,322,776,554,1329,1233,57,1356,1502,2320,548,491,2172,550,1352,1701,1152,784,916,475,2161,2556,529,629,1666,652,1117,2132,1218,368,1427,1858,1340,1938,1818,1114,1846,1329,866,2195,1853,2237,1169,2456,476,1088,1721,1984,432,1751,205,747,1771,2010,861,1675,1090,1472,285,1847,1171,2659,2539,2449,2093,2286,762,1435,1105,1624,982,865,1720,1432,2271,1926,755,2009,1625,1343,1119,285,692,1933,17,651,1499,1834,2471,570,600,637,2039,438,2388,1250,1486,714,799,1767,2237,2175,319,1125,892,394,1279,1205,1505,1975,1617,2372,1350,970,213,1094,1364,2148,338,177,983,1283,1869,461,1814,740,1703,1578,722,553,991,967,1499,1222,1760,1152,1342,629,758],"status":[0,1,0,0,0,1,1,0,1,1,1,1,0,1,1,1,0,1,0,1,1,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,0,1,1,1,1,0,0,1,0,0,0,1,1,1,1,0,0,1,0,0,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,1,0,0,0,1,0,1,1,1,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,1,0,1,0,1,1,1,1,1,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,1,1,1,0,0,0,1,1,0,1,0,1,1,1,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,1,1,1,1,0,0,1,0,0,1,1,1,0,0,1,1,1,1,1,1,0,0,0,1,1,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,1,1,1,1,1,0,0,1,0,1,0,1,1,0,1,0,1,1,0,1,0,1,1,0,1,1,1,1,0,0,1,1,1,0,0,0,1,0,1,1,0,1,0,0,1,1,1,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,1,1,1,0,0,1,0,1,1,1,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,1,1,0,1,0,1,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,1,1,0,0,0,1,0,0,1,1,1,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,1,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0,1,1,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0],"times":[8,15,16,17,18,29,42,46,57,63,65,67,71,72,98,113,114,120,148,160,168,169,171,173,175,177,180,181,184,186,191,195,205,213,223,227,229,233,238,241,242,247,249,251,272,273,275,276,281,285,286,288,293,296,305,307,308,310,316,319,322,329,336,338,343,344,348,350,353,357,358,359,360,368,369,370,371,372,374,375,377,379,385,392,394,403,410,415,417,420,424,426,429,432,436,438,446,448,449,455,456,460,461,463,465,471,473,475,476,481,486,488,490,491,495,498,500,502,503,504,515,518,525,526,529,530,533,535,536,537,540,541,542,544,545,546,547,548,550,552,553,554,557,559,563,564,566,567,570,571,573,575,577,578,579,586,594,595,596,598,600,612,615,622,623,624,628,629,631,632,637,646,648,650,651,652,657,662,663,670,675,679,687,692,695,698,707,712,714,717,721,722,723,727,729,730,731,732,733,734,737,740,741,742,745,747,748,751,753,754,755,758,761,762,766,768,769,770,772,776,779,784,790,792,795,797,798,799,801,805,806,819,825,827,828,836,838,841,842,853,854,855,857,858,859,861,865,866,867,870,876,877,883,888,889,890,891,892,893,916,918,933,936,940,942,945,956,959,960,964,967,969,970,972,973,974,981,982,983,986,991,995,1002,1013,1036,1043,1059,1062,1077,1078,1080,1088,1089,1090,1091,1093,1094,1095,1100,1105,1108,1109,1113,1114,1117,1119,1120,1125,1140,1146,1150,1152,1157,1162,1163,1164,1167,1169,1170,1171,1174,1177,1182,1183,1185,1192,1193,1195,1205,1207,1208,1212,1218,1219,1222,1225,1230,1231,1232,1233,1240,1243,1246,1250,1253,1264,1277,1279,1280,1283,1296,1306,1317,1323,1329,1331,1337,1340,1341,1342,1343,1349,1350,1351,1352,1355,1356,1357,1358,1363,1364,1366,1371,1387,1388,1401,1420,1427,1432,1434,1435,1441,1443,1449,1459,1460,1463,1469,1472,1475,1481,1483,1486,1490,1493,1499,1502,1505,1514,1521,1525,1527,1528,1557,1560,1570,1578,1582,1587,1589,1598,1600,1601,1603,1604,1617,1624,1625,1627,1629,1632,1637,1641,1642,1645,1653,1655,1666,1675,1679,1680,1684,1685,1692,1693,1701,1702,1703,1707,1714,1717,1720,1721,1722,1729,1730,1735,1743,1751,1753,1756,1760,1763,1765,1767,1771,1781,1786,1789,1791,1806,1807,1814,1818,1820,1821,1826,1833,1834,1838,1840,1841,1842,1846,1847,1852,1853,1854,1855,1856,1858,1861,1862,1863,1866,1868,1869,1878,1884,1897,1904,1905,1918,1922,1926,1933,1938,1956,1959,1965,1975,1976,1977,1979,1981,1984,1989,1990,2007,2009,2010,2011,2014,2015,2017,2018,2024,2027,2030,2034,2039,2048,2049,2051,2052,2056,2057,2059,2065,2093,2126,2128,2132,2138,2144,2148,2153,2156,2161,2170,2172,2175,2177,2192,2195,2205,2217,2227,2233,2234,2237,2239,2271,2286,2296,2297,2320,2353,2370,2372,2380,2388,2401,2438,2449,2456,2467,2471,2539,2551,2556,2563,2612,2659],"surv_prob_survival":[1,1,1,1,1,1,1,1,1,1,1,1,1,0.9985,0.997,0.9955,0.9955,0.994,0.994,0.9926,0.9926,0.9911,0.9896,0.9881,0.9866,0.9836,0.9821,0.9806,0.9791,0.9791,0.9776,0.9761,0.9746,0.9746,0.9731,0.9716,0.9716,0.9701,0.9686,0.9671,0.9656,0.9641,0.9625,0.961,0.958,0.958,0.9565,0.9565,0.9535,0.9505,0.949,0.9475,0.9459,0.9459,0.9444,0.9429,0.9399,0.9399,0.9384,0.9384,0.9384,0.9369,0.9353,0.9308,0.9292,0.9277,0.9262,0.9247,0.9232,0.9216,0.9201,0.9171,0.9156,0.9156,0.914,0.911,0.9095,0.9079,0.9064,0.9049,0.9034,0.9018,0.9003,0.8988,0.8973,0.8958,0.8942,0.8927,0.8912,0.8881,0.8881,0.8851,0.8851,0.8851,0.8836,0.882,0.8805,0.879,0.8774,0.8759,0.8744,0.8728,0.8728,0.8728,0.8713,0.8698,0.8682,0.8667,0.8636,0.8621,0.8605,0.8605,0.859,0.8544,0.8528,0.8513,0.8498,0.8482,0.8467,0.8451,0.8436,0.8421,0.8405,0.8405,0.839,0.8374,0.8359,0.8344,0.8328,0.8313,0.8297,0.8297,0.8282,0.8251,0.8235,0.8235,0.822,0.8173,0.8142,0.8111,0.8111,0.808,0.8065,0.8049,0.8033,0.8018,0.8018,0.8018,0.8018,0.8002,0.7987,0.7971,0.7955,0.794,0.7924,0.7909,0.7877,0.7862,0.7862,0.7846,0.783,0.7815,0.7815,0.7799,0.7799,0.7767,0.7767,0.7752,0.7752,0.7736,0.772,0.7704,0.7688,0.7672,0.7672,0.7672,0.7672,0.7656,0.7656,0.764,0.7624,0.7608,0.7592,0.7592,0.7592,0.7576,0.756,0.7544,0.7527,0.7527,0.7527,0.7511,0.7511,0.7495,0.7479,0.7462,0.7446,0.743,0.743,0.743,0.743,0.743,0.743,0.7413,0.7397,0.738,0.7363,0.7363,0.7363,0.7347,0.733,0.733,0.733,0.7313,0.7313,0.7313,0.7297,0.7297,0.728,0.7263,0.7263,0.7246,0.7229,0.7229,0.7212,0.7178,0.7178,0.7161,0.7144,0.7127,0.7127,0.711,0.711,0.7092,0.7092,0.7075,0.7058,0.7058,0.7041,0.7041,0.7041,0.7006,0.6989,0.6989,0.6954,0.6937,0.6919,0.6902,0.6884,0.6884,0.6867,0.6867,0.6849,0.6849,0.6831,0.6814,0.6796,0.6796,0.6778,0.6778,0.6761,0.6761,0.6761,0.6761,0.6761,0.6743,0.6706,0.6688,0.667,0.6652,0.6652,0.6652,0.6652,0.6652,0.6652,0.6652,0.6633,0.6615,0.6596,0.6596,0.6578,0.6578,0.6559,0.6559,0.654,0.6521,0.6503,0.6503,0.6503,0.6503,0.6484,0.6484,0.6484,0.6465,0.6465,0.6445,0.6426,0.6426,0.6426,0.6387,0.6368,0.6368,0.6368,0.6368,0.6368,0.6368,0.6348,0.6348,0.6328,0.6308,0.6288,0.6288,0.6269,0.6249,0.6249,0.6229,0.6229,0.6229,0.6208,0.6208,0.6188,0.6188,0.6188,0.6168,0.6168,0.6147,0.6127,0.6127,0.6127,0.6106,0.6106,0.6106,0.6085,0.6065,0.6065,0.6044,0.6044,0.6044,0.6044,0.6044,0.6044,0.6044,0.6022,0.6022,0.6001,0.6001,0.6001,0.5979,0.5936,0.5936,0.5914,0.5892,0.5892,0.5892,0.587,0.587,0.5848,0.5848,0.5848,0.5848,0.5826,0.5826,0.5826,0.5826,0.5803,0.5803,0.5803,0.5803,0.5803,0.5779,0.5779,0.5756,0.5732,0.5709,0.5685,0.5685,0.5662,0.5662,0.5662,0.5662,0.5662,0.5662,0.5662,0.5637,0.5613,0.5588,0.5564,0.5564,0.5564,0.5564,0.5539,0.5539,0.5539,0.5539,0.5514,0.5514,0.5488,0.5488,0.5488,0.5462,0.5435,0.5435,0.5409,0.5409,0.5409,0.5409,0.5409,0.5409,0.5382,0.5355,0.5355,0.5355,0.5328,0.5328,0.5328,0.5328,0.5328,0.5328,0.5328,0.5328,0.5328,0.5328,0.5299,0.5299,0.5299,0.5299,0.5299,0.5299,0.5269,0.5239,0.5239,0.5208,0.5208,0.5208,0.5208,0.5177,0.5177,0.5177,0.5177,0.5177,0.5177,0.5177,0.5177,0.5177,0.5177,0.5143,0.5143,0.5143,0.5143,0.5107,0.5107,0.5107,0.5071,0.5071,0.5071,0.5071,0.5071,0.5071,0.5071,0.5071,0.5032,0.4994,0.4916,0.4916,0.4916,0.4916,0.4916,0.4916,0.4916,0.4916,0.4916,0.4916,0.4916,0.4916,0.4916,0.4916,0.4916,0.4916,0.4916,0.4916,0.4916,0.4916,0.4916,0.4916,0.4916,0.4916,0.4916,0.4916,0.4916,0.4916,0.4916,0.4916,0.4864,0.4864,0.4864,0.4864,0.4864,0.4864,0.4864,0.4864,0.4806,0.4806,0.4748,0.4748,0.4748,0.4748,0.4686,0.4624,0.4624,0.4624,0.4624,0.4624,0.4624,0.4556,0.4556,0.4487,0.4487,0.4487,0.4416,0.4344,0.4271,0.4271,0.4271,0.4271,0.4271,0.4271,0.4271,0.4271,0.4271,0.4188,0.4188,0.4188,0.4188,0.4188,0.4188,0.4188,0.4188,0.4188,0.4188,0.4188,0.4188,0.4188,0.4188,0.4188,0.4188,0.4188,0.4188,0.4188,0.4188,0.4188,0.4188,0.4188,0.4188,0.402,0.402,0.402,0.402,0.402,0.402,0.3808,0.3808,0.3808,0.3808,0.3808,0.3808,0.3428,0.3428,0.3428,0.3428,0.3428,0.3428,0.3428,0.3428,0.3428]}] diff --git a/tests/benchmark_data/benchmark_weibull.json b/tests/benchmark_data/benchmark_weibull.json new file mode 100644 index 0000000..a52fea6 --- /dev/null +++ b/tests/benchmark_data/benchmark_weibull.json @@ -0,0 +1 @@ +[{"time":[306,455,1010,210,883,1022,310,361,218,166,170,654,728,71,567,144,613,707,61,88,301,81,624,371,394,520,574,118,390,12,473,26,533,107,53,122,814,965,93,731,460,153,433,145,583,95,303,519,643,765,735,189,53,246,689,65,5,132,687,345,444,223,175,60,163,65,208,821,428,230,840,305,11,132,226,426,705,363,11,176,791,95,196,167,806,284,641,147,740,163,655,239,88,245,588,30,179,310,477,166,559,450,364,107,177,156,529,11,429,351,15,181,283,201,524,13,212,524,288,363,442,199,550,54,558,207,92,60,551,543,293,202,353,511,267,511,371,387,457,337,201,404,222,62,458,356,353,163,31,340,229,444,315,182,156,329,364,291,179,376,384,268,292,142,413,266,194,320,181,285,301,348,197,382,303,296,180,186,145,269,300,284,350,272,292,332,285,259,110,286,270,81,131,225,269,225,243,279,276,135,79,59,240,202,235,105,224,239,237,173,252,221,185,92,13,222,192,183,211,175,197,203,116,188,191,105,174,177],"status":[true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,false,true,false,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,false,true,true,true,false,true,false,true,true,true,true,true,false,true,true,false,false,true,true,true,true,true,false,false,true,true,true,false,true,true,false,false,true,false,true,false,false,true,true,true,true,false,true,true,false,false,false,true,true,true,false,false,false,true,false,false,false,true,false,true,true,true,true,true,false,true,false,false,false,false,true,true,true,false,false,false,true,false,true,false,false,false,false,false,false,true,false,false,true,false,false,false,false,true,false,false,false,false,false],"log_shape":[[5.8456,5.9506,6.1604,6.1429,6.0905,5.8456,5.9506,5.8981,6.2129,6.073,6.1429,5.9506,5.9506,6.0905,6.1429,5.9681,5.9156,6.038,6.1604,6.1429,5.9681,6.2828,6.2653,6.1254,5.8806,5.9156,6.0905,5.9156,6.2129,5.8456,5.9331,5.8631,6.3003,6.0905,6.073,6.0555,6.003,5.9855,5.8456,6.0205,5.9156,5.8631,6.1079,6.0905,5.9506,5.8107,5.8456,6.038,5.8456,6.2653,5.8806,6.038,5.9506,6.1254,6.1079,6.0555,6.003,6.1429,6.1254,6.0205,5.8282,6.3003,5.8631,6.003,5.9331,5.9506,5.9681,6.0205,5.9506,5.9681,6.038,6.3003,5.8456,6.4402,6.2129,5.8981,6.2478,6.1604,5.7232,5.8631,6.1079,6.1779,6.4052,6.3702,6.3702,5.8981,6.0555,6.073,6.3702,5.8806,6.038,5.9156,5.9855,6.1429,5.9331,5.8806,5.9331,5.8981,6.0205,5.9156,6.1254,5.9331,6.1604,6.038,6.1079,5.9855,6.1954,5.9681,6.1779,5.8282,5.9331,6.3702,5.7407,5.8282,6.1954,5.8107,6.2828,5.9506,5.9855,5.7407,5.8282,6.0905,5.9331,5.8806,5.9156,5.9855,6.2653,6.0205,5.7932,6.3003,6.1079,6.2129,6.3178,6.1779,5.9681,5.8456,6.1254,6.1604,6.1954,6.1604,5.8631,5.8456,5.8107,6.003,6.1429,6.2129,5.8981,6.1954,5.7058,6.1079,5.9156,6.0905,6.0555,6.2129,6.1779,5.9331,5.9506,6.0555,6.038,6.1604,6.0555,6.3702,5.9331,6.038,6.0205,6.1429,6.0905,6.3353,6.073,6.003,6.073,6.1254,6.1604,6.3877,6.2129,6.1079,6.1604,6.1779,6.2129,5.8456,6.0905,6.4577,5.9855,6.003,6.2478,6.3528,5.8806,6.1254,6.0205,6.2129,5.8806,6.2304,6.2653,6.0205,5.8981,5.9156,6.038,6.0205,6.2304,6.0905,6.0205,5.8631,6.038,6.2653,6.038,6.0555,6.1779,6.2653,5.9331,6.1079,6.0905,5.9681,5.9331,6.0205,6.003,6.003,6.4227,5.8107,5.9156,6.1429,5.9681,5.8981,5.8107,5.7932,6.4577,5.8282,5.9855,6.1254]],"log_likelihood":[-1160.448]},{"time":[306,455,1010,210,883,1022,310,361,218,166,170,654,728,71,567,144,613,707,61,88,301,81,624,371,394,520,574,118,390,12,473,26,533,107,53,122,814,965,93,731,460,153,433,145,583,95,303,519,643,765,735,189,53,246,689,65,5,132,687,345,444,223,175,60,163,65,208,821,428,230,840,305,11,132,226,426,705,363,11,176,791,95,196,167,806,284,641,147,740,163,655,239,88,245,588,30,179,310,477,166,559,450,364,107,177,156,529,11,429,351,15,181,283,201,524,13,212,524,288,363,442,199,550,54,558,207,92,60,551,543,293,202,353,511,267,511,371,387,457,337,201,404,222,62,458,356,353,163,31,340,229,444,315,182,156,329,364,291,179,376,384,268,292,142,413,266,194,320,181,285,301,348,197,382,303,296,180,186,145,269,300,284,350,272,292,332,285,259,110,286,270,81,131,225,269,225,243,279,276,135,79,59,240,202,235,105,224,239,237,173,252,221,185,92,13,222,192,183,211,175,197,203,116,188,191,105,174,177],"status":[true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,false,true,false,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,false,true,true,true,false,true,false,true,true,true,true,true,false,true,true,false,false,true,true,true,true,true,false,false,true,true,true,false,true,true,false,false,true,false,true,false,false,true,true,true,true,false,true,true,false,false,false,true,true,true,false,false,false,true,false,false,false,true,false,true,true,true,true,true,false,true,false,false,false,false,true,true,true,false,false,false,true,false,true,false,false,false,false,false,false,true,false,false,true,false,false,false,false,true,false,false,false,false,false],"log_shape":[[5.6848,5.7785,5.966,5.9503,5.9035,5.6848,6.2595,6.2126,6.0128,5.8879,5.9503,6.2595,6.2595,5.9035,5.9503,5.7942,5.7473,5.8566,6.4469,5.9503,5.7942,6.5562,6.0597,5.9347,5.7161,6.2282,5.9035,5.7473,6.0128,5.6848,6.2439,5.7004,6.0909,6.3844,5.8879,6.3532,5.8254,6.2907,5.6848,6.3219,5.7473,6.1814,6.4,6.3844,5.7785,6.1345,5.6848,5.8566,5.6848,6.5406,6.197,5.8566,5.7785,5.9347,5.9191,5.8722,6.3063,5.9503,6.4157,6.3219,6.1501,6.0909,5.7004,6.3063,5.7629,5.7785,6.2751,6.3219,5.7785,5.7942,5.8566,6.5718,5.6848,6.2159,6.4937,6.2126,6.525,6.4469,5.5755,5.7004,5.9191,5.9816,6.1846,6.6343,6.1534,5.7317,6.3532,5.8879,6.6343,5.7161,5.8566,5.7473,5.8098,6.4313,6.2439,5.7161,5.7629,5.7317,5.841,6.2282,6.4157,6.2439,5.966,5.8566,5.9191,5.8098,6.4781,5.7942,5.9816,6.1501,5.7629,6.1534,5.5911,6.1501,6.4781,5.6536,6.0753,5.7785,5.8098,5.5911,5.6692,6.3844,6.2439,5.7161,5.7473,5.8098,6.0597,5.841,6.1189,6.5718,6.4,6.0128,6.1065,6.4625,5.7942,6.1658,6.4157,5.966,5.9972,5.966,6.1814,5.6848,5.6536,6.3063,5.9503,6.4937,5.7317,5.9972,5.5599,6.4,5.7473,5.9035,6.3532,6.4937,5.9816,5.7629,6.2595,5.8722,5.8566,6.4469,6.3532,6.6343,5.7629,5.8566,5.841,6.4313,6.3844,6.1221,5.8879,5.8254,5.8879,6.4157,5.966,6.6499,6.0128,6.4,5.966,6.4625,6.4937,6.1658,5.9035,6.2315,6.2907,6.3063,6.525,6.6187,6.197,5.9347,5.841,6.0128,5.7161,6.0284,6.0597,5.841,5.7317,5.7473,6.3376,5.841,6.5094,5.9035,6.3219,5.7004,6.3376,6.5406,6.3376,5.8722,6.4625,6.5406,5.7629,6.4,6.3844,5.7942,5.7629,6.3219,5.8254,5.8254,6.6812,5.6536,6.2282,6.4313,5.7942,6.2126,5.6536,5.638,6.2315,6.1501,5.8098,6.4157]],"log_likelihood":[-1156.099]},{"time":[455,210,1022,310,361,218,166,170,567,613,707,61,301,81,371,520,574,118,390,12,473,26,107,53,814,965,93,731,460,153,433,583,95,303,519,643,765,53,246,689,5,687,345,444,223,60,163,65,821,428,230,840,305,11,226,426,705,363,176,791,95,196,167,806,284,641,147,740,163,655,88,245,30,477,559,450,156,529,429,351,15,181,283,13,212,524,288,363,199,550,54,558,207,92,60,551,293,353,267,511,457,337,201,404,222,62,458,353,163,31,229,156,291,179,376,384,268,292,142,413,266,320,181,285,301,348,197,382,303,296,180,145,269,300,284,292,332,285,259,110,286,270,225,269,225,243,276,135,79,59,240,202,235,239,252,221,185,222,183,211,175,197,203,191,105,174,177],"status":[true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,false,true,false,true,true,true,false,true,true,true,true,true,true,false,true,true,false,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,true,false,true,true,true,false,true,true,true,false,true,true,false,true,true,true,true,true,true,true,false,false,true,false,true,false,false,true,true,true,false,true,true,false,false,false,true,true,false,false,false,false,false,true,false,true,true,true,false,true,false,false,false,true,true,true,false,false,false,true,false,false,false,false,true,false,false,false,false,false,false,false,false],"log_shape":[[6.4258,5.6084,6.1992,5.7344,5.9678,6.2046,5.6168,6.1144,6.3797,5.6923,5.829,6.0041,5.9287,6.5146,6.5763,6.1258,6.1294,4.9771,5.7161,5.1881,6.1558,5.545,5.8983,5.6541,5.4371,6.5683,5.4915,6.6197,5.6543,5.9701,7.1162,6.0697,5.4976,6.3365,5.8036,6.247,6.4592,6.3612,6.2606,5.8114,6.5854,6.4436,6.0903,5.7442,6.4375,6.1111,5.5646,5.1263,6.6643,6.0142,6.1589,6.3071,6.7987,5.4442,6.2407,6.3403,6.6685,6.2513,6.3408,6.1373,6.2762,6.0574,6.5323,5.9642,5.9544,6.318,6.2049,6.6756,5.2109,6.1347,5.6752,6.3009,4.9938,5.7902,6.9287,6.3676,5.9938,6.5213,5.571,5.7731,6.1799,6.0955,5.8851,5.3503,5.4956,5.7013,5.3898,5.8366,5.9846,6.4142,5.2392,6.4259,5.9659,5.8565,5.872,5.6742,6.8525,6.3351,6.153,5.9418,5.7374,6.4516,5.4428,5.9821,5.2455,6.3702,6.3149,6.0048,5.8329,6.2457,5.7061,5.0824,5.4521,5.6761,6.6141,6.903,6.5087,5.7696,5.6406,5.8465,6.9025,6.4172,5.7243,6.1284,5.8347,6.8776,5.8725,6.872,5.8314,6.5095,5.5701,6.5961,6.6398,6.3095,6.303,6.8369,7.1124,6.0685,6.353,5.7263,6.4835,5.937,5.9426,5.6272,6.2371,6.3836,6.6553,5.563,6.5723,5.9351,6.9094,6.8552,6.6422,5.9361,6.6488,5.8912,5.4833,5.6975,4.9674,5.3767,7.0584,5.8738,6.3182,6.4887,5.892,5.7856,6.4297]],"log_likelihood":[-837.1494]},{"time":[1838,403,1603,177,1855,842,293,42,564,1093,436,238,723,503,448,359,1720,1306,942,370,959,552,392,698,249,2051,1356,530,1150,956,679,1820,1013,1225,417,343,488,1862,1763,1587,446,344,63,1483,827,296,1701,2014,2030,722,286,184,1469,276,797,2128,1177,1449,1108,1460,533,1434,168,525,180,471,350,1167,855,449,745,544,186,308,1856,1965,546,1183,1826,360,797,375,779,336,578,463,526,502,540,721,1729,275,2030,72,17,420,2027,891,1352,1192,737,936,1089,377,1655,740,650,1981,742,1977,628,624,733,177,1207,542,1756,515,1459,233,455,379,223,622,426,227,1100,1693,1977,717,1434,973,498,557,650,1751,160,770,1441,424,1730,65,1387,242,792,500,1653,338,731,426,772,1884,1185,359,369,2007,2372,2353,1388,1193,358,175,1366,1163,2233,595,529,1472,2372,410,281,1675,1077,251,541,1192,859,518,548,1140,535,2024,1826,1094,29,2239,1589,504,308,657,1502,624,586,316,120,550,181,1685,828,114,2456,855,632,918,1195,272,2205,548,918,71,1317,195,790,1093,15,870,2034,490,859,486,974,1463,631,2052,1637,2126,1230,1838,758,476,1918,972,307,563,329,191,357,1735,429,729,1557,727,1841,1036,747,825,1363,1560,577,1157,1842,465,2612,964,559,1483,1641,1280,1280,571,1604,567,473,420,370,615,1331,1863,169,1182,415,594,854,305,1854,766,281,1521,945,893,2009,98,2563,1666,1208,859,2467,552,1459,1582,1956,575,853,1443,579,1091,544,247,663,348,2401,740,888,1090,148,730,372,1231,1253,1062,772,1349,1965,1240,1789,2551,1164,972,1868,1866,751,1598,113,1756,491,646,491,1684,16,2059,460,2048,883,890,1043,353,1833,1905,338,241,2144,2014,670,1222,858,675,2438,1502,229,598,1570,940,1296,855,967,1342,1401,495,836,2227,573,1601,1624,1080,754,867,769,1722,1722,1481,1357,1089,1525,768,1277,2234,1343,537,1904,918,2161,806,623,1814,877,456,936,288,956,995,945,712,1219,981,1729,2153,173,2156,1212,1059,1600,1878,2015,536,2057,1078,687,1807,1632,2018,67,1243,857,675,1976,1959,1852,1702,960,1714,1232,272,1786,371,1990,374,1351,2192,933,798,1989,545,18,1170,1807,547,1753,2170,1420,707,1730,1264,1105,1109,1791,1475,889,761,648,1113,1645,1528,857,1499,1355,838,1693,1979,481,8,637,1441,171,1527,2296,2011,801,1806,1120,819,1341,1514,566,554,1707,46,1174,1246,1493,612,1162,2177,753,841,1219,734,805,969,1897,1095,2217,310,1358,1722,1703,1743,1821,662,1146,385,2380,1701,195,1818,748,1692,1679,1490,2388,1833,1629,732,795,1781,2370,867,1861,1627,1371,2297,1642,2056,2138,2065,2049,1296,974,1337,623,695,1645,986,1680,594,1717,273,1717,1926,876,1840,1095,1922,1765,596,1323,1002,741,2017,322,776,554,1329,1233,57,1356,1502,2320,548,491,2172,550,1352,1701,1152,784,916,475,2161,2556,529,629,1666,652,1117,2132,1218,368,1427,1858,1340,1938,1818,1114,1846,1329,866,2195,1853,2237,1169,2456,476,1088,1721,1984,432,1751,205,747,1771,2010,861,1675,1090,1472,285,1847,1171,2659,2539,2449,2093,2286,762,1435,1105,1624,982,865,1720,1432,2271,1926,755,2009,1625,1343,1119,285,692,1933,17,651,1499,1834,2471,570,600,637,2039,438,2388,1250,1486,714,799,1767,2237,2175,319,1125,892,394,1279,1205,1505,1975,1617,2372,1350,970,213,1094,1364,2148,338,177,983,1283,1869,461,1814,740,1703,1578,722,553,991,967,1499,1222,1760,1152,1342,629,758],"status":[0,1,0,0,0,1,1,0,1,1,1,1,0,1,1,1,0,1,0,1,1,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,0,1,1,1,1,0,0,1,0,0,0,1,1,1,1,0,0,1,0,0,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,1,0,0,0,1,0,1,1,1,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,1,0,1,0,1,1,1,1,1,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,1,1,1,0,0,0,1,1,0,1,0,1,1,1,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,1,1,1,1,0,0,1,0,0,1,1,1,0,0,1,1,1,1,1,1,0,0,0,1,1,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,1,1,1,1,1,0,0,1,0,1,0,1,1,0,1,0,1,1,0,1,0,1,1,0,1,1,1,1,0,0,1,1,1,0,0,0,1,0,1,1,0,1,0,0,1,1,1,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,1,1,1,0,0,1,0,1,1,1,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,1,1,0,1,0,1,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,1,1,0,0,0,1,0,0,1,1,1,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,1,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0,1,1,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0],"log_shape":[[7.84,7.8622,7.8659,7.8252,7.8993,7.8363,7.8363,7.7956,7.9067,7.8252,7.8881,7.877,7.8881,7.8474,7.7771,7.8659,7.8474,7.8918,7.8326,7.8733,7.9104,7.8993,7.8956,7.8918,7.8141,7.84,7.8918,7.877,7.8881,7.7919,7.84,7.8289,7.8659,7.8881,7.8918,7.7512,7.8363,7.8363,7.8659,7.8437,7.8437,7.877,7.8511,7.8548,7.8326,7.8215,7.8993,7.903,7.8659,7.8733,7.7845,7.9215,7.8252,7.8326,7.8881,7.7808,7.8733,7.9178,7.7845,7.8474,7.8104,7.803,7.903,7.8363,7.8993,7.9548,7.8437,7.8474,7.8807,7.8733,7.9067,7.877,7.8548,7.8326,7.8474,7.8215,7.8622,7.7882,7.8511,7.903,7.8881,7.84,7.8363,7.8511,7.8252,7.84,7.7919,7.8437,7.8252,7.84,7.8437,7.8956,7.8696,7.877,7.8437,7.8548,7.7808,7.8733,7.8252,7.8548,7.877,7.8511,7.8585,7.8881,7.8585,7.8548,7.8178,7.803,7.877,7.903,7.8585,7.8548,7.8881,7.8289,7.8178,7.803,7.8659,7.9252,7.8067,7.7808,7.8363,7.8993,7.877,7.8289,7.877,7.8215,7.8733,7.8289,7.8289,7.9104,7.9141,7.8918,7.8585,7.8474,7.84,7.8881,7.8474,7.8918,7.7845,7.8178,7.8659,7.8993,7.8956,7.7697,7.8252,7.8326,7.9067,7.8215,7.8918,7.877,7.877,7.8585,7.803,7.8807,7.8881,7.8733,7.8844,7.8289,7.8585,7.8474,7.8548,7.8511,7.8104,7.8289,7.8993,7.8104,7.9067,7.7919,7.8585,7.877,7.8918,7.8585,7.8289,7.8511,7.8141,7.8993,7.8733,7.8881,7.877,7.8511,7.8215,7.7771,7.8918,7.8956,7.8844,7.8881,7.8104,7.8807,7.8511,7.8437,7.8363,7.877,7.903,7.7956,7.8178,7.8993,7.8289,7.8548,7.8585,7.8622,7.8844,7.9326,7.8807,7.8511,7.7919,7.8437,7.8548,7.8844,7.8363,7.8178,7.8437,7.94,7.8215,7.903,7.8696,7.8881,7.8141,7.8511,7.8511,7.8104,7.8993,7.8326,7.8289,7.8807,7.8881,7.8104,7.8548,7.7993,7.8067,7.7956,7.8474,7.877,7.8585,7.8363,7.84,7.8252,7.8326,7.7993,7.8807,7.8622,7.7845,7.8511,7.903,7.8585,7.8474,7.9067,7.8956,7.8326,7.9104,7.8548,7.8437,7.7882,7.8696,7.8622,7.8918,7.8993,7.8696,7.8548,7.8918,7.7993,7.8326,7.8326,7.8696,7.766,7.8363,7.9067,7.7771,7.8956,7.8252,7.8474,7.8252,7.8956,7.9104,7.8918,7.7734,7.8437,7.8141,7.8844,7.903,7.8918,7.8252,7.8696,7.8178,7.8881,7.903,7.8696,7.8918,7.8178,7.7956,7.877,7.8844,7.8993,7.8178,7.9178,7.7993,7.8844,7.8437,7.7364,7.8289,7.8844,7.8548,7.8104,7.8585,7.8993,7.8067,7.8918,7.8104,7.8363,7.8696,7.8585,7.9289,7.8622,7.8289,7.8215,7.8252,7.8918,7.7808,7.9104,7.8141,7.8215,7.8993,7.8585,7.8474,7.8844,7.7734,7.8252,7.7993,7.8659,7.8215,7.8548,7.8363,7.8326,7.8326,7.877,7.8511,7.8585,7.9215,7.9104,7.766,7.8511,7.8289,7.8844,7.8178,7.8326,7.8289,7.7771,7.877,7.9178,7.8881,7.8881,7.7771,7.8289,7.8178,7.803,7.8326,7.8733,7.8326,7.8696,7.8696,7.84,7.9104,7.8956,7.8363,7.8844,7.8807,7.8993,7.8474,7.8696,7.8289,7.8696,7.8548,7.8326,7.8659,7.8844,7.8511,7.8178,7.8659,7.8844,7.8918,7.8956,7.8326,7.8918,7.7993,7.9178,7.8326,7.8696,7.7882,7.8067,7.8733,7.8326,7.9141,7.8733,7.8659,7.7956,7.8548,7.903,7.7771,7.8474,7.8252,7.8956,7.8881,7.8289,7.84,7.7586,7.8326,7.8474,7.8807,7.877,7.9511,7.8659,7.84,7.8622,7.8918,7.8733,7.8622,7.8252,7.8141,7.8807,7.7808,7.8511,7.8956,7.8289,7.84,7.7919,7.9141,7.8881,7.8289,7.8548,7.8252,7.8696,7.8733,7.7919,7.8881,7.8548,7.8141,7.8733,7.8474,7.8807,7.8511,7.803,7.84,7.8437,7.8622,7.8437,7.8289,7.8252,7.8807,7.8696,7.84,7.8993,7.9215,7.8918,7.8993,7.877,7.8881,7.877,7.9178,7.8474,7.8548,7.8437,7.8178,7.8696,7.8474,7.8474,7.8807,7.8363,7.8474,7.9437,7.9067,7.7808,7.8622,7.9215,7.84,7.8437,7.903,7.8881,7.8289,7.8104,7.8807,7.7993,7.7845,7.7956,7.8807,7.84,7.8215,7.9178,7.8844,7.8289,7.8511,7.8622,7.8326,7.8215,7.8659,7.8659,7.84,7.903,7.9178,7.8659,7.8326,7.8807,7.8807,7.8622,7.8474,7.84,7.8289,7.8289,7.8956,7.8918,7.9178,7.8178,7.8326,7.8141,7.8733,7.9141,7.8252,7.8474,7.8993,7.8363,7.8585,7.8437,7.8807,7.8363,7.8585,7.7993,7.8326,7.9141,7.8844,7.7993,7.8881,7.9178,7.8918,7.8585,7.8141,7.8993,7.8215,7.84,7.84,7.8326,7.9141,7.877,7.8252,7.84,7.7956,7.8807,7.8326,7.8696,7.8363,7.8474,7.8474,7.8326,7.9363,7.8696,7.7956,7.8178,7.8215,7.8289,7.8252,7.8844,7.8918,7.877,7.8437,7.8807,7.8696,7.8844,7.8956,7.8326,7.8215,7.8993,7.8326,7.8252,7.8881,7.8326,7.8956,7.8067,7.8178,7.8956,7.9067,7.7845,7.8363,7.8585,7.8993,7.8548,7.8807,7.8918,7.8956,7.8067,7.9252,7.8178,7.8363,7.7956,7.8437,7.8881,7.8289,7.8733,7.8104,7.8733,7.8326,7.7956,7.9363,7.8363,7.8474,7.7512,7.903,7.84,7.8548,7.8141,7.8918,7.8511,7.8881,7.8326,7.8659,7.8067,7.9141,7.8622,7.8807,7.8215,7.8363,7.8363,7.8622,7.8067,7.8437,7.84,7.8993,7.8363,7.8956,7.8326,7.8548,7.8252,7.7734,7.8215,7.84,7.8474,7.8215,7.84,7.7993,7.8956,7.8956,7.8548,7.8993,7.84,7.8141,7.9067,7.8993,7.8548,7.8807,7.8956,7.8807,7.8956,7.8289,7.8844,7.8326,7.8437,7.903,7.8326,7.8548,7.9067,7.9326,7.8178,7.9326,7.8844,7.903,7.8696,7.8474,7.8215,7.8918,7.7734,7.8956,7.8511,7.8844,7.7993,7.8474,7.8289,7.877,7.8326,7.8363,7.8956,7.877,7.8993,7.8993,7.8178,7.9067,7.8474,7.8956,7.8696,7.8215,7.9548]],"log_likelihood":[-2647.6004]},{"time":[1838,403,1603,177,1855,842,293,42,564,1093,436,238,723,503,448,359,1720,1306,942,370,959,552,392,698,249,2051,1356,530,1150,956,679,1820,1013,1225,417,343,488,1862,1763,1587,446,344,63,1483,827,296,1701,2014,2030,722,286,184,1469,276,797,2128,1177,1449,1108,1460,533,1434,168,525,180,471,350,1167,855,449,745,544,186,308,1856,1965,546,1183,1826,360,797,375,779,336,578,463,526,502,540,721,1729,275,2030,72,17,420,2027,891,1352,1192,737,936,1089,377,1655,740,650,1981,742,1977,628,624,733,177,1207,542,1756,515,1459,233,455,379,223,622,426,227,1100,1693,1977,717,1434,973,498,557,650,1751,160,770,1441,424,1730,65,1387,242,792,500,1653,338,731,426,772,1884,1185,359,369,2007,2372,2353,1388,1193,358,175,1366,1163,2233,595,529,1472,2372,410,281,1675,1077,251,541,1192,859,518,548,1140,535,2024,1826,1094,29,2239,1589,504,308,657,1502,624,586,316,120,550,181,1685,828,114,2456,855,632,918,1195,272,2205,548,918,71,1317,195,790,1093,15,870,2034,490,859,486,974,1463,631,2052,1637,2126,1230,1838,758,476,1918,972,307,563,329,191,357,1735,429,729,1557,727,1841,1036,747,825,1363,1560,577,1157,1842,465,2612,964,559,1483,1641,1280,1280,571,1604,567,473,420,370,615,1331,1863,169,1182,415,594,854,305,1854,766,281,1521,945,893,2009,98,2563,1666,1208,859,2467,552,1459,1582,1956,575,853,1443,579,1091,544,247,663,348,2401,740,888,1090,148,730,372,1231,1253,1062,772,1349,1965,1240,1789,2551,1164,972,1868,1866,751,1598,113,1756,491,646,491,1684,16,2059,460,2048,883,890,1043,353,1833,1905,338,241,2144,2014,670,1222,858,675,2438,1502,229,598,1570,940,1296,855,967,1342,1401,495,836,2227,573,1601,1624,1080,754,867,769,1722,1722,1481,1357,1089,1525,768,1277,2234,1343,537,1904,918,2161,806,623,1814,877,456,936,288,956,995,945,712,1219,981,1729,2153,173,2156,1212,1059,1600,1878,2015,536,2057,1078,687,1807,1632,2018,67,1243,857,675,1976,1959,1852,1702,960,1714,1232,272,1786,371,1990,374,1351,2192,933,798,1989,545,18,1170,1807,547,1753,2170,1420,707,1730,1264,1105,1109,1791,1475,889,761,648,1113,1645,1528,857,1499,1355,838,1693,1979,481,8,637,1441,171,1527,2296,2011,801,1806,1120,819,1341,1514,566,554,1707,46,1174,1246,1493,612,1162,2177,753,841,1219,734,805,969,1897,1095,2217,310,1358,1722,1703,1743,1821,662,1146,385,2380,1701,195,1818,748,1692,1679,1490,2388,1833,1629,732,795,1781,2370,867,1861,1627,1371,2297,1642,2056,2138,2065,2049,1296,974,1337,623,695,1645,986,1680,594,1717,273,1717,1926,876,1840,1095,1922,1765,596,1323,1002,741,2017,322,776,554,1329,1233,57,1356,1502,2320,548,491,2172,550,1352,1701,1152,784,916,475,2161,2556,529,629,1666,652,1117,2132,1218,368,1427,1858,1340,1938,1818,1114,1846,1329,866,2195,1853,2237,1169,2456,476,1088,1721,1984,432,1751,205,747,1771,2010,861,1675,1090,1472,285,1847,1171,2659,2539,2449,2093,2286,762,1435,1105,1624,982,865,1720,1432,2271,1926,755,2009,1625,1343,1119,285,692,1933,17,651,1499,1834,2471,570,600,637,2039,438,2388,1250,1486,714,799,1767,2237,2175,319,1125,892,394,1279,1205,1505,1975,1617,2372,1350,970,213,1094,1364,2148,338,177,983,1283,1869,461,1814,740,1703,1578,722,553,991,967,1499,1222,1760,1152,1342,629,758],"status":[0,1,0,0,0,1,1,0,1,1,1,1,0,1,1,1,0,1,0,1,1,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,0,1,1,1,1,0,0,1,0,0,0,1,1,1,1,0,0,1,0,0,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,1,0,0,0,1,0,1,1,1,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,1,0,1,0,1,1,1,1,1,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,1,1,1,0,0,0,1,1,0,1,0,1,1,1,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,1,1,1,1,0,0,1,0,0,1,1,1,0,0,1,1,1,1,1,1,0,0,0,1,1,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,1,1,1,1,1,0,0,1,0,1,0,1,1,0,1,0,1,1,0,1,0,1,1,0,1,1,1,1,0,0,1,1,1,0,0,0,1,0,1,1,0,1,0,0,1,1,1,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,1,1,1,0,0,1,0,1,1,1,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,1,1,0,1,0,1,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,1,1,0,0,0,1,0,0,1,1,1,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,1,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0,1,1,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0],"log_shape":[[8.0137,7.9985,7.715,7.9048,7.8779,7.5258,7.9686,7.9584,8.0252,7.8334,8.1283,7.8645,7.9998,7.9181,7.4188,7.9293,7.9753,7.9163,8.0949,7.648,8.056,8.0493,7.8757,7.8734,7.8981,8.0708,8.002,7.8645,7.9712,7.8133,7.4852,8.107,7.715,7.9426,8.0877,7.8031,8.0543,7.6258,7.715,7.8445,7.416,7.9931,7.9918,7.4512,7.8378,7.8597,7.9493,8.0515,7.715,7.7909,7.8089,8.0198,7.6191,7.695,8.014,7.9638,7.5481,7.1748,7.666,7.9896,7.1103,7.82,7.8373,8.04,7.9493,7.7827,7.5302,7.561,7.7382,7.6909,7.3824,7.8931,7.9226,7.9378,7.8182,8.0454,7.7128,7.7397,7.9204,7.8801,7.9855,7.628,7.9829,7.8918,7.8476,7.9565,7.899,7.9159,7.9334,7.8423,7.5588,7.6614,8.1886,8.1788,8.0159,8.0511,7.8352,7.9909,8.0476,7.994,8.1216,7.9918,7.8534,7.5855,7.9248,7.8512,7.9003,7.7914,7.7931,8.023,7.882,7.9083,7.7998,7.9356,7.1147,7.9628,8.0007,7.8363,7.8222,7.9066,7.7686,7.3065,8.0074,7.6213,7.9502,7.8597,7.7909,7.907,7.4071,7.8131,7.744,7.9734,7.7106,7.9753,7.7708,7.5141,6.5612,7.9734,7.5232,7.4718,8.0578,7.9922,8.0042,8.0571,8.0619,7.4093,7.8823,7.9026,7.7306,7.6074,7.7931,7.9248,7.8486,7.7953,7.8712,7.7909,7.9833,8.0927,7.982,7.7753,7.5369,7.7632,7.8959,7.8213,8.0207,7.8245,7.9538,7.6134,7.982,7.8645,7.8449,7.5677,7.9641,7.9918,7.3982,7.8065,7.8623,8.014,7.9645,7.5776,7.474,7.9473,7.9449,7.9899,8.0404,7.8712,7.9673,7.7239,7.7775,8.0873,7.2687,7.9074,8.0087,7.887,7.1147,7.7922,7.807,7.9226,8.0105,7.9985,7.5833,7.8265,7.9525,7.9204,8.1276,7.2731,8.094,7.7976,7.6972,8.0003,8.1159,7.8024,8.1882,7.9944,7.4316,8.014,7.8981,7.8489,7.7775,8.0387,7.835,7.8378,7.8642,8.0382,7.9426,7.9673,7.9512,7.9035,7.9365,7.887,7.7896,7.9645,7.9534,7.9543,7.9565,8.119,7.7664,7.9178,8.081,7.5699,8.1945,7.9489,8.0944,7.8534,7.8467,7.9538,7.7328,7.8664,7.7417,8.0511,7.8873,7.9254,7.9743,8.0699,8.002,7.9493,7.8601,8.1369,8.0306,7.4321,7.9092,7.9378,7.7887,8.012,7.84,7.8109,7.9901,8.0328,7.9905,7.9181,7.5477,7.8328,7.8846,7.6592,7.9022,7.9159,7.4696,7.9404,7.7373,7.6877,8.0762,7.5744,7.8289,8.0855,7.9515,7.503,7.9734,7.8718,7.9298,7.9788,7.7976,7.9207,7.4718,7.7747,7.9606,7.869,7.9159,7.9942,7.9499,8.0118,8.0369,7.7673,7.982,7.5636,7.9079,7.9449,7.9244,7.9543,7.9315,7.8677,7.8243,7.927,7.8356,7.7597,7.7619,8.002,7.7352,7.9846,7.8553,7.8454,7.6636,7.8963,7.2754,7.9547,7.4451,8.0476,7.9892,7.9721,7.2598,7.9797,7.84,7.4807,7.9235,8.0788,7.9204,7.8534,8.0627,7.6703,8.0549,7.7061,7.9784,7.9404,7.8289,7.695,7.8927,7.833,7.936,7.9604,7.9426,8.0283,7.8758,7.8356,7.7575,7.9628,7.9092,7.7909,8.0521,8.0029,7.8601,7.8423,8.1131,7.9614,7.7686,7.869,7.7953,8.1636,7.9181,7.8315,7.5499,8.0743,7.894,7.695,7.8436,7.4405,7.5633,7.8289,7.5008,7.7547,7.9591,7.8042,7.9807,8.0448,7.9321,8.0176,7.7664,7.9315,7.8111,7.6794,7.4909,7.2665,8.0153,7.7909,7.8293,7.7441,7.9226,8.023,7.9473,8.1038,8.0048,7.9471,7.4427,7.9927,7.9851,7.9076,7.7235,7.6753,7.9953,8.0502,8.009,8.115,7.9851,8.1127,7.9877,8.0337,7.7128,7.9762,7.8267,7.5811,8.0209,7.749,7.9471,7.7642,7.9994,7.8847,8.0439,7.7427,7.9641,8.0083,7.4048,8.0315,8.0337,7.7276,7.9855,7.9226,8.1266,7.5766,7.9896,7.9382,7.9918,7.7486,7.9708,7.7017,7.7556,7.9731,7.907,8.119,8.081,8.1172,6.8424,7.8779,8.1055,7.9449,7.9493,7.8645,7.8712,7.9645,8.1033,8.0895,7.994,7.8588,7.8718,8.0743,7.9181,8.0038,7.8668,7.7258,8.0181,8.0474,7.968,7.8781,8.0699,8.0912,7.9423,7.9445,7.8801,8.014,7.7642,7.6816,6.8669,7.8892,8.0231,7.8156,7.8382,7.928,7.9454,8.0604,7.7833,7.807,8.1346,7.7985,8.0949,7.8311,8.1721,7.9864,8.0565,7.9801,8.0033,7.6864,7.8378,7.7953,7.9382,7.9556,7.8467,7.928,7.9356,8.007,7.79,8.1163,8.089,8.1003,8.0378,7.6838,7.7909,7.9582,7.5477,7.7039,8.0493,7.84,7.8534,7.9588,7.9667,8.0114,7.8963,7.9035,8.0521,7.9296,7.9118,7.9892,8.1283,8.0747,7.8734,7.782,7.9552,7.9207,7.974,7.9851,7.9137,7.7521,8.0296,7.4646,7.7191,8.0708,8.0298,7.8382,7.6664,7.9172,8.0543,8.0467,7.9181,7.1522,7.6145,7.7744,7.5299,7.8003,8.0454,8.0927,6.8335,7.9833,7.4449,8.1788,7.8445,8.0667,7.9886,7.7261,7.9185,7.695,7.9168,8.0779,7.8378,7.8334,7.9141,7.9092,8.1042,8.0365,7.9575,7.9614,8.0966,7.8089,7.9257,7.9677,8.1636,8.1369,7.981,7.8163,8.0614,7.6794,8.0792,7.6861,7.9115,7.887,7.6731,7.8284,7.6213,7.848,8.1101,7.9337,8.0806,7.7441,8.1001,7.84,7.961,7.9031,8.0944,7.8423,7.5941,7.6838,7.902,7.9061,7.9855,7.6236,8.1292,7.7508,8.0011,7.9556,7.7668,7.9311,7.6258,7.4115,7.3557,7.8222,7.8588,8.028,7.9636,7.7686,8.0899,7.6236,7.7512,7.8334,7.8308,7.8597,7.4709,7.561,7.6883,7.8708,7.8035,7.9614,7.9328,7.2084,7.9922,7.9994,8.0838,8.068,7.4779,7.6369,7.9096,7.8471,8.1239,8.0042,7.7642,7.9404,7.9807,7.7731,7.7087,7.8378,8.094,7.6824,7.8979,7.8575,8.0408,7.869,7.9087,8.0458,7.8467,7.874,7.6592,7.3737,7.8757,8.0346,7.9404,7.375,8.2181,7.9784,7.6503,7.2665,7.7686,7.8042,7.9502,8.0207,8.0636,7.9718,7.9252,7.8467,7.9328,7.7887,7.9597,8.2398]],"log_likelihood":[-2640.2752]},{"time":[1838,403,1603,177,1855,842,293,42,564,1093,436,238,723,503,448,359,1720,1306,942,370,959,552,392,698,249,2051,1356,530,1150,956,679,1820,1013,1225,417,343,488,1862,1763,1587,446,344,63,1483,827,296,1701,2014,2030,722,286,184,1469,276,797,2128,1177,1449,1108,1460,533,1434,168,525,180,471,350,1167,855,449,745,544,186,308,1856,1965,546,1183,1826,360,797,375,779,336,578,463,526,502,540,721,1729,275,2030,72,17,420,2027,891,1352,1192,737,936,1089,377,1655,740,650,1981,742,1977,628,624,733,177,1207,542,1756,515,1459,233,455,379,223,622,426,227,1100,1693,1977,717,1434,973,498,557,650,1751,160,770,1441,424,1730,65,1387,242,792,500,1653,338,731,426,772,1884,1185,359,369,2007,2372,2353,1388,1193,358,175,1366,1163,2233,595,529,1472,2372,410,281,1675,1077,251,541,1192,859,518,548,1140,535,2024,1826,1094,29,2239,1589,504,308,657,1502,624,586,316,120,550,181,1685,828,114,2456,855,632,918,1195,272,2205,548,918,71,1317,195,790,1093,15,870,2034,490,859,486,974,1463,631,2052,1637,2126,1230,1838,758,476,1918,972,307,563,329,191,357,1735,429,729,1557,727,1841,1036,747,825,1363,1560,577,1157,1842,465,2612,964,559,1483,1641,1280,1280,571,1604,567,473,420,370,615,1331,1863,169,1182,415,594,854,305,1854,766,281,1521,945,893,2009,98,2563,1666,1208,859,2467,552,1459,1582,1956,575,853,1443,579,1091,544,247,663,348,2401,740,888,1090,148,730,372,1231,1253,1062,772,1349,1965,1240,1789,2551,1164,972,1868,1866,751,1598,113,1756,491,646,491,1684,16,2059,460,2048,883,890,1043,353,1833,1905,338,241,2144,2014,670,1222,858,675,2438,1502,229,598,1570,940,1296,855,967,1342,1401,495,836,2227,573,1601,1624,1080,754,867,769,1722,1722,1481,1357,1089,1525,768,1277,2234,1343,537,1904,918,2161,806,623,1814,877,456,936,288,956,995,945,712,1219,981,1729,2153,173,2156,1212,1059,1600,1878,2015,536,2057,1078,687,1807,1632,2018,67,1243,857,675,1976,1959,1852,1702,960,1714,1232,272,1786,371,1990,374,1351,2192,933,798,1989,545,18,1170,1807,547,1753,2170,1420,707,1730,1264,1105,1109,1791,1475,889,761,648,1113,1645,1528,857,1499,1355,838,1693,1979,481,8,637,1441,171,1527,2296,2011,801,1806,1120,819,1341,1514,566,554,1707,46,1174,1246,1493,612,1162,2177,753,841,1219,734,805,969,1897,1095,2217,310,1358,1722,1703,1743,1821,662,1146,385,2380,1701,195,1818,748,1692,1679,1490,2388,1833,1629,732,795,1781,2370,867,1861,1627,1371,2297,1642,2056,2138,2065,2049,1296,974,1337,623,695,1645,986,1680,594,1717,273,1717,1926,876,1840,1095,1922,1765,596,1323,1002,741,2017,322,776,554,1329,1233,57,1356,1502,2320,548,491,2172,550,1352,1701,1152,784,916,475,2161,2556,529,629,1666,652,1117,2132,1218,368,1427,1858,1340,1938,1818,1114,1846,1329,866,2195,1853,2237,1169,2456,476,1088,1721,1984,432,1751,205,747,1771,2010,861,1675,1090,1472,285,1847,1171,2659,2539,2449,2093,2286,762,1435,1105,1624,982,865,1720,1432,2271,1926,755,2009,1625,1343,1119,285,692,1933,17,651,1499,1834,2471,570,600,637,2039,438,2388,1250,1486,714,799,1767,2237,2175,319,1125,892,394,1279,1205,1505,1975,1617,2372,1350,970,213,1094,1364,2148,338,177,983,1283,1869,461,1814,740,1703,1578,722,553,991,967,1499,1222,1760,1152,1342,629,758],"status":[0,1,0,0,0,1,1,0,1,1,1,1,0,1,1,1,0,1,0,1,1,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,0,1,1,1,1,0,0,1,0,0,0,1,1,1,1,0,0,1,0,0,1,1,1,1,0,0,1,1,1,1,0,0,1,1,1,0,1,0,0,0,1,0,1,1,1,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,1,0,1,0,1,1,1,1,1,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,1,1,1,0,0,0,1,1,0,1,0,1,1,1,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,1,1,1,1,0,0,1,0,0,1,1,1,0,0,1,1,1,1,1,1,0,0,0,1,1,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,1,1,1,1,1,0,0,1,0,1,0,1,1,0,1,0,1,1,0,1,0,1,1,0,1,1,1,1,0,0,1,1,1,0,0,0,1,0,1,1,0,1,0,0,1,1,1,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,1,1,1,0,0,1,0,1,1,1,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,1,1,0,1,0,1,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,1,1,0,0,0,1,0,0,1,1,1,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,1,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0,1,1,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0],"log_shape":[[7.8306,6.8971,7.3696,7.5787,7.8912,7.1686,7.2742,7.804,8.1536,7.7975,7.6246,7.7607,8.1041,7.7675,6.2798,7.3448,7.6018,7.8017,7.8669,7.2855,7.2463,7.9163,7.314,7.8041,7.5518,7.9058,7.786,7.6898,8.0879,7.5055,7.3355,7.8825,7.4635,7.3747,7.4438,7.7287,7.647,7.4364,7.9289,7.3037,7.1879,7.6944,8.0709,7.9005,7.6774,8.119,7.5607,7.5784,7.9204,7.5206,7.3412,7.7653,7.392,7.7118,7.8751,8.1451,7.1893,6.8404,7.4788,7.862,7.7575,7.5499,7.9691,7.2148,7.0649,6.3242,7.6387,7.2742,7.3963,7.4481,7.2015,7.3016,7.1233,7.7093,7.0999,7.9035,7.1518,7.9368,7.5662,6.9923,7.3173,7.1962,7.3284,7.622,7.8045,7.5022,7.5475,7.9642,8.013,7.4355,7.7252,7.5403,8.256,7.7474,7.6252,7.6369,7.878,7.55,7.644,7.8621,7.9656,8.1685,7.4437,7.478,7.7726,7.5384,7.3644,7.4124,7.6098,7.7775,7.4102,7.2365,7.7402,7.5728,6.5528,7.9305,8.3703,5.9833,7.4564,7.1836,7.0521,6.0601,7.8582,7.3648,7.2139,7.1145,7.5777,7.8359,7.0453,7.9917,7.7636,7.3701,7.637,8.1677,7.482,7.0291,6.6486,8.0481,7.1397,7.6139,7.4689,7.5128,7.5978,7.4737,7.6606,7.2363,7.7384,7.3547,7.6258,7.7199,7.5523,8.1328,7.7328,7.7115,8.0359,8.0682,8.0845,7.9281,7.5807,7.5165,7.2668,7.5234,7.659,7.8554,7.8609,7.0882,7.8221,7.4196,8.1525,7.5274,7.0537,7.1749,7.6048,7.1969,6.9437,7.7476,6.9739,7.8182,7.8097,7.4917,7.2445,7.967,8.0625,7.5982,7.4876,7.7422,7.7411,7.7996,7.5192,7.4823,7.2485,6.6746,7.723,7.2758,6.7432,7.4548,7.6112,8.1037,7.5611,8.2784,7.5209,7.5194,7.6158,7.4977,7.7283,6.9825,7.58,7.1126,7.7352,7.8987,8.199,6.4046,7.5709,7.7127,6.8489,8.1811,7.5571,7.2924,7.1336,7.7867,7.5413,7.9376,6.8741,7.5918,7.7468,7.8581,7.7716,7.7789,7.8362,7.6146,8.0022,8.165,7.1873,7.7393,7.8737,7.9673,7.0885,7.5347,8.1941,7.9537,7.7721,7.7727,8.1683,7.8796,7.1305,8.1425,7.0091,7.2937,7.6664,7.9042,7.5933,7.3271,8.041,8.1378,8.3539,7.8546,8.1168,7.9574,8.0085,7.0134,7.7686,7.5817,7.955,7.1778,7.6934,7.6827,7.6872,8.203,7.9389,7.8211,7.4138,7.4521,7.7714,7.1681,7.761,7.6158,7.1288,8.1431,6.729,7.8261,7.8695,6.8669,7.8467,7.7818,8.0478,7.1409,7.7779,7.8685,8.3661,7.8069,7.8019,6.9979,7.6669,7.4672,7.543,8.135,7.6134,7.8784,7.7514,7.7062,8.2369,7.4007,7.9159,7.1185,8.0551,7.5587,7.6052,7.7607,7.8316,7.6905,7.7824,8.0771,7.7712,7.5828,7.7658,8.2018,7.5764,8.1891,7.7809,7.86,7.2785,7.494,7.0821,8.1367,7.5877,7.8643,8.1126,7.9001,6.7242,7.8432,7.1426,6.8673,7.0043,8.2421,7.603,7.807,8.1821,8.181,7.8429,7.2999,7.8839,8.3771,7.8186,7.7404,8.044,7.3591,8.0887,8.0057,8.1703,8.0786,7.8734,7.6158,7.7016,7.9381,8.1589,8.0888,7.9825,7.8333,7.8425,7.7112,8.0345,7.8507,7.8386,7.4855,7.3082,7.906,7.4776,8.0804,7.0726,8.1864,7.4336,7.8186,7.8334,5.3037,7.7652,7.8002,7.3589,7.0625,7.8236,8.0484,7.9651,8.272,7.5267,7.8361,7.8536,7.8204,7.7801,7.6395,7.7932,7.621,7.8869,7.7499,8.1201,7.598,7.8853,7.9207,7.803,8.2326,8.2492,7.8528,7.9961,7.7718,8.04,7.9757,7.8158,7.8447,7.8643,8.1653,8.4916,8.0563,7.7122,8.047,7.9007,8.1555,8.0496,7.9508,7.5331,7.4956,6.2912,7.7738,7.8216,7.6159,8.3882,7.9411,8.1092,8.0049,7.9204,7.6916,7.6199,7.7748,8.5311,7.9254,7.6948,7.4045,8.3365,7.5161,8.0142,8.3964,8.28,8.0455,7.8171,7.8918,7.8799,8.5919,7.4388,8.113,8.0081,8.3428,6.1825,8.0239,7.989,7.945,7.9313,7.9706,8.1945,7.97,8.26,7.8934,7.9991,8.1951,7.9512,8.0682,7.3102,7.9824,8.2383,7.8361,8.3224,7.5957,8.177,7.7181,8.0315,8.3422,8.0019,8.0245,8.0136,8.3583,8.0413,8.0962,7.3812,8.057,7.9278,8.1775,8.4278,7.5826,8.0233,8.3483,7.7108,8.0072,8.0696,7.686,8.463,7.7491,8.1782,8.2985,8.135,8.3403,8.2645,8.2105,8.2193,7.8559,8.0252,7.7072,8.0414,8.3357,8.0505,8.3496,8.2296,8.4182,8.0447,8.7602,8.1194,7.5776,8.0227,8.6221,8.117,7.6659,8.2404,8.5267,8.0789,8.3758,7.9535,8.4158,7.915,8.3839,7.9413,8.2029,8.1721,7.7337,8.0108,8.6805,8.428,8.0167,8.277,7.9478,8.2518,8.3453,8.3645,7.7697,8.1004,8.2111,6.339,8.2486,8.5087,7.4866,8.0569,8.0921,8.1905,8.3651,8.4765,7.1995,7.9471,8.1344,7.7107,8.147,8.2669,8.1929,7.7493,8.1579,7.2956,8.5877,8.1498,8.5766,8.1534,7.6719,8.3923,7.942,8.0983,8.2866,8.674,8.4202,7.6485,8.2387,8.2281,8.3254,8.2927,8.1718,8.8505,8.5118,8.5691,8.2326,8.5517,8.6538,8.2948,7.9843,8.6129,7.9834,8.5816,8.6463,8.6373,8.6468,8.7299,8.3281,8.0729,8.1878,8.6336,8.8949,8.3393,8.0276,8.8843,7.6654,8.5389,8.35,8.3974,8.2396,7.9099,7.8568,8.2017,8.3731,8.7054,8.5094,8.7519,8.3056,8.0789,8.3729,8.6198,8.4388,8.5786,8.365,8.3149,8.746,8.6922,8.521,8.5097,8.7935,8.9128,8.3799,8.5945,8.4413,8.5,8.1519,8.8338,8.2295,8.3463,8.9915,8.3799,8.4439,8.6887,7.1633,8.6786,8.6382,8.5214,8.5073,7.9324,8.6938,8.4078,8.7396,9.2741,8.5776,8.3936,8.6181,8.2496,8.8829,8.1107,8.6908,8.4629,8.4481,8.1974,9.0026,9.1053,8.7304,8.7501,9.1484,8.7909,8.8463,8.4664,8.4726,8.4582,8.8623,8.5391,8.8198,9.7306,8.8358,8.9544,9.0371,10.0759,9.7018,9.6153,9.9262,10.106,9.8785,10.2554,10.2731,10.8123,10.9814,11.2019,12.926]],"log_likelihood":[-2602.1655]}] diff --git a/tests/benchmark_script/test_auc.R b/tests/benchmark_script/test_auc.R new file mode 100644 index 0000000..949ee79 --- /dev/null +++ b/tests/benchmark_script/test_auc.R @@ -0,0 +1,208 @@ +library(survival) +library(jsonlite) +library(riskRegression) +library(timeROC) +library(survAUC) + +# function to get metrics +get_auc <- function(TR, TE, train.fit){ + + # survival data object + Surv.rsp <- survival::Surv(TR$time, TR$status) + Surv.rsp.new <- survival::Surv(TE$time, TE$status) + + # times to estimate auc + times <- sort(unique(TE$time[TE$status == 1])) + last_time_event = F + if(max(TE$time) %in% times){ + last_time_event = T + times <- times[times < max(TE$time)] + + } + + # survival probability KM estimate + surv.prob <- unique(survfit(Surv(TE$time,TE$status)~1)$surv) + surv.prob = surv.prob[-length(surv.prob)] + + # predictors train and test data + lp <- predict(train.fit, newdata = TR) + lpnew <- predict(train.fit, newdata = TE) + + + # + # SurvAUC + + # SurvAUC: AUC C/D with ipcw + AUC_Uno <- survAUC::AUC.uno(Surv.rsp, Surv.rsp.new, lpnew, times) + auc_cd_survAUC <- AUC_Uno$auc + + # SurvAUC: integral of C/D with ipcw + iauc_cd_survAUC <- survAUC::IntAUC(AUC_Uno$auc, AUC_Uno$times, surv.prob, max(times), auc.type="cumulative") + + # SurvAUC: Integral of AUC I/D Soug and Zhou (2008) definition + auc_SZ <- survAUC::AUC.sh(Surv.rsp, Surv.rsp.new, lp, lpnew, times, type="incident") + auc_id_sz_survAUC <- auc_SZ$auc + i_auc_id_sz_survAUC <- auc_SZ$iauc + + + # + # TimeROC + # There is a bug when auc is evaluated at event time because case are defined + # as T < t instead of T <= t. So instead we samples new_time in between the + # event times. + times_se <- quantile(times, probs=seq(0.2,0.8,0.1)) + + # TimeROC: Uno's AUC C/D + auc_cd_Uno_timeROC <- timeROC_DEBUG(T=TE$time, + delta=TE$status, + marker=lpnew, + cause=1, + weighting="marginal", + times=times_se, + iid=TRUE)$AUC + + # TimeROC: standard error of Uno's AUC C/D + auc_cd_Uno_se_timeROC <- timeROC_DEBUG(T=TE$time, + delta=TE$status, + marker=lpnew, + cause=1, + weighting="marginal", + times=times_se, + iid=TRUE)$inference$vect_sd_1 + + + # + # riskRegression + + # riskRegression: Uno's AUC C/D + auc_cd_Uno_riskRegression <- riskRegression::Score(list("model"=train.fit), + formula=Surv(time,status)~1, + data=TE, + cens.method = "ipcw", + metrics="auc", + times=times)$AUC$score$AUC + + # riskRegression: standard error of Uno's AUC C/D + auc_cd_Uno_se_riskRegression <- riskRegression::Score(list("model"=train.fit), + formula=Surv(time,status)~1, + data=TE, + cens.method = "ipcw", + metrics="auc", + times=times)$AUC$score$se + + return(list(train_time = TR$time, train_status = TR$status, + test_time = TE$time, test_status = TE$status, + estimate = lpnew, times = times, + surv.prob = surv.prob, + auc_cd_survAUC = auc_cd_survAUC, iauc_cd_survAUC = iauc_cd_survAUC, + auc_id_sz_survAUC = auc_id_sz_survAUC, i_auc_id_sz_survAUC = i_auc_id_sz_survAUC, + auc_cd_Uno_riskRegression = auc_cd_Uno_riskRegression, + auc_cd_Uno_se_riskRegression = auc_cd_Uno_se_riskRegression, + times_se = times_se, + auc_cd_Uno_timeROC = auc_cd_Uno_timeROC, + auc_cd_Uno_se_timeROC = auc_cd_Uno_se_timeROC + + )) + + +} + +# bugfix timeROC function +bugfix_TimeROC_compute_iid_decomposition <- function(){ + timeROC_DEBUG <<-timeROC::timeROC + compute_iid_decomposition_DEBUG <<- timeROC:::compute_iid_decomposition + compute_iid_decomposition_survival_DEBUG <<- timeROC:::compute_iid_decomposition_survival + + print(body(timeROC_DEBUG)[[41]][[3]][[2]][[4]][[15]][[4]][[2]][[3]][[2]][[3]][[1]]) + body(timeROC_DEBUG)[[41]][[3]][[2]][[4]][[15]][[4]][[2]][[3]][[2]][[3]][[1]] <<- substitute(compute_iid_decomposition_DEBUG) + print(body(timeROC_DEBUG)[[41]][[3]][[2]][[4]][[15]][[4]][[2]][[3]][[2]][[3]][[1]]) + + print(body(compute_iid_decomposition_DEBUG)[[5]][[4]][[2]][[1]]) + body(compute_iid_decomposition_DEBUG)[[5]][[4]][[2]][[1]] <<- substitute(compute_iid_decomposition_survival_DEBUG) + print(body(compute_iid_decomposition_DEBUG)[[5]][[4]][[2]][[1]]) + + # wrong division by St to get ipsw + print(body(compute_iid_decomposition_survival_DEBUG)[[28]]) + body(compute_iid_decomposition_survival_DEBUG)[[28]] <<- substitute( + vect_Tisupt <- as.numeric(Mat_data[, c("T")] >= t)/St + ) +} + + +# bugfix timeROC function +bugfix_TimeROC_compute_iid_decomposition() + +# create list to save aucs +aucs <- list() +i = 1 + + +# +# lung dataset +# + + +lung <- survival::lung +lung$sex = lung$sex == 1 +lung$status = lung$status == 2 +lung$age = (lung$age - mean(lung$age)) / sd(lung$age) + +midpoint = floor(nrow(lung) / 2) +mask = 1:nrow(lung) %in% 1:midpoint +TR <- lung[1:midpoint,] +TE <- lung[(midpoint + 1):nrow(lung),] +TR_complete <- TR[complete.cases(TR),] +TE_complete <- TE[complete.cases(TE),] + + +# one and two covariates and all covariates ignore missing values +train.fit_1 <- coxph(Surv(time, status) ~ age, data = TR, method = 'efron', x= T, y = T) +train.fit_2 <- coxph(Surv(time, status) ~ age + sex, data = TR, method = 'efron', x= T, y = T) +train.fit_3 <- coxph(Surv(time, status) ~ age + sex + ph.ecog + ph.karno + + pat.karno + meal.cal + wt.loss, data = TR_complete, method = 'efron', x= T, y = T) + +# save aucs +aucs[[i]] <- get_auc(TR, TE, train.fit_1); i = i + 1 +aucs[[i]] <- get_auc(TR, TE, train.fit_2); i = i + 1 +aucs[[i]] <- get_auc(TR_complete, TE_complete, train.fit_3); i = i + 1 + + +# +# gbsg dataset +# + +gbsg <- survival::gbsg +gbsg$age = (gbsg$age - mean(gbsg$age)) / sd(gbsg$age) +gbsg$size = (gbsg$size - mean(gbsg$size)) / sd(gbsg$size) +gbsg$time = gbsg$rfstime + +midpoint = floor(nrow(gbsg) / 2) +mask = 1:nrow(gbsg) %in% 1:midpoint +TR <- gbsg[1:midpoint,] +TE <- gbsg[(midpoint + 1):nrow(gbsg),] + +# one and two covariates and all covariates +train.fit_1 <- coxph(Surv(rfstime, status) ~ age, data = TR, method = 'efron', x= T, y = T) +train.fit_2 <- coxph(Surv(rfstime, status) ~ age + size, data = TR, method = 'efron', x= T, y = T) +train.fit_3 <- coxph(Surv(rfstime, status) ~ age + size + grade + + nodes + pgr + er + hormon, data = TR, method = 'efron', x= T, y = T) + +aucs[[i]] <- get_auc(TR, TE, train.fit_1); i = i + 1 +aucs[[i]] <- get_auc(TR, TE, train.fit_2); i = i + 1 +aucs[[i]] <- get_auc(TR, TE, train.fit_3); i = i + 1 + + +# +# Save +# + + +write_json(aucs, file.path("../benchmark_data/benchmark_auc.json")) + + +# +# AUC I/D +# Note: risksetROC::risksetAUC uses a smoothing methods to estimate AUC I/D +# --> not compared to torchsurv + + diff --git a/tests/benchmark_script/test_brier_score.R b/tests/benchmark_script/test_brier_score.R new file mode 100644 index 0000000..166d6ea --- /dev/null +++ b/tests/benchmark_script/test_brier_score.R @@ -0,0 +1,171 @@ +library(survival) +library(survAUC) +library(SurvMetrics) + + +# function to get brier score +get_brier_score <- function(TR, TE, train.fit){ + + # survival data object + Surv.rsp <- survival::Surv(TR$time, TR$status) + Surv.rsp.new <- survival::Surv(TE$time, TE$status) + + # predictors train and test data + lp <- predict(train.fit, newdata = TR) + lpnew <- predict(train.fit, newdata = TE) + + # evaluation time + times <- sort(unique(TE$time[TE$status == 1])) + last_time_event = F + if(max(TE$time) %in% times){ + last_time_event = T + times <- times[times < max(TE$time)] + } + + # estimate of survival function + estimate = survival_function_weibull(train.fit, times, TE) + + # + # SurvMetrics + + brier_score_survMetrics <- vector(mode = 'numeric', length = length(times)) + for(i in seq_along(times)) + brier_score_survMetrics[i] <- Brier_SurvMetrics_DEBUG(Surv.rsp.new, estimate[,i], times[i]) + ibrier_score_survMetrics <- IBS_SurvMetrics_DEBUG(Surv.rsp.new, estimate, IBSrange = times) + + + # + # SurvAUC + + outputs_survAUC <- predErr(Surv.rsp, Surv.rsp.new, lp, lpnew, times, + type = "brier", int.type = "unweighted") + brier_score_survAUC <- outputs_survAUC$error + ibrier_score_survAUC <- outputs_survAUC$ierror + + + return(list(train_time = TR$time, train_status = TR$status, + test_time = TE$time, test_status = TE$status, + estimate = estimate, times = times, + brier_score_survMetrics = brier_score_survMetrics, + ibrier_score_survMetrics = ibrier_score_survMetrics, + brier_score_survAUC = brier_score_survAUC, + ibrier_score_survAUC = ibrier_score_survAUC + + )) + + +} + +# bugfix survMetrics brier score +bugfix_TimeROC_compute_iid_decomposition <- function(){ + + Brier_SurvMetrics_DEBUG <<- SurvMetrics::Brier + IBS_SurvMetrics_DEBUG <<- SurvMetrics::IBS + + # cases should be t <= t_star instead of t < t_star + print(body(Brier_SurvMetrics_DEBUG)[[21]][[4]][[2]][[2]]) + body(Brier_SurvMetrics_DEBUG)[[21]][[4]][[2]][[2]] <<- substitute(time[i] <= t_star & (status[i] == 1)) + print(body(Brier_SurvMetrics_DEBUG)[[21]][[4]][[2]][[2]]) + + # controls should be t > t_star instead of t >= t_star + print(body(Brier_SurvMetrics_DEBUG)[[21]][[4]][[3]][[2]]) + body(Brier_SurvMetrics_DEBUG)[[21]][[4]][[3]][[2]] <<- substitute(time[i] > t_star) + print(body(Brier_SurvMetrics_DEBUG)[[21]][[4]][[3]][[2]]) + + # use the Brier debug version in IBS + print(body(IBS_SurvMetrics_DEBUG)[[14]][[3]][[2]]) + body(IBS_SurvMetrics_DEBUG)[[14]][[3]][[2]] <<- substitute(bs <- Brier_SurvMetrics_DEBUG(object, sp_matrix, IBSrange)) + print(body(IBS_SurvMetrics_DEBUG)[[14]][[3]][[2]]) + + print(body(IBS_SurvMetrics_DEBUG)[[14]][[4]][[4]][[3]][[4]][[4]][[4]]) + body(IBS_SurvMetrics_DEBUG)[[14]][[4]][[4]][[3]][[4]][[4]][[4]] <<- substitute(t_brier[i] <- Brier_SurvMetrics_DEBUG(object, pre_sp, t_star)) + print(body(IBS_SurvMetrics_DEBUG)[[14]][[4]][[4]][[3]][[4]][[4]][[4]]) + + print(body(IBS_SurvMetrics_DEBUG)[[14]][[4]][[4]][[4]][[6]][[4]][[4]]) + body(IBS_SurvMetrics_DEBUG)[[14]][[4]][[4]][[4]][[6]][[4]][[4]] <<- substitute(t_brier[i] <- Brier_SurvMetrics_DEBUG(object, pre_sp, t_star)) + print(body(IBS_SurvMetrics_DEBUG)[[14]][[4]][[4]][[4]][[6]][[4]][[4]]) +} +bugfix_TimeROC_compute_iid_decomposition() + +# survival function weibull AFT model +survival_function_weibull <- function(fit, times, new_data){ + survreg.lp <- predict(fit, type = "lp", newdata = new_data) + survreg.scale <- fit$scale + shape <- 1/survreg.scale + scale <- exp(survreg.lp) + s <- matrix(ncol = length(times), nrow = length(scale), 0) + for(i in seq_along(times)){ + t = times[i] + s[,i] <- 1 - pweibull(t, shape = shape, scale = scale) + } + + return(s) +} + +# create list to save brier sores +brier_scores <- list() +i = 1 + + +# +# lung dataset +# + + +lung <- survival::lung +lung$sex = lung$sex == 1 +lung$status = lung$status == 2 +lung$age = (lung$age - mean(lung$age)) / sd(lung$age) + +midpoint = floor(nrow(lung) / 2) +mask = 1:nrow(lung) %in% 1:midpoint +TR <- lung[1:midpoint,] +TE <- lung[(midpoint + 1):nrow(lung),] +TR_complete <- TR[complete.cases(TR),] +TE_complete <- TE[complete.cases(TE),] + + +# one and two covariates and all covariates ignore missing values +train.fit_1 <- survreg(Surv(time, status) ~ age, data=TR, dist = 'weibull', scale = 1, x= T, y = T) +train.fit_2 <- survreg(Surv(time, status) ~ age+ sex, data=TR, dist = 'weibull', scale = 1, x= T, y = T) +train.fit_3 <- survreg(Surv(time, status) ~ age+ sex + ph.ecog + ph.karno + + pat.karno + meal.cal + wt.loss, data=TR_complete, dist = 'weibull', scale = 1, x= T, y = T) + +# save metrics +brier_scores[[i]] <- get_brier_score(TR, TE, train.fit_1); i = i + 1 +brier_scores[[i]] <- get_brier_score(TR, TE, train.fit_2); i = i + 1 +brier_scores[[i]] <- get_brier_score(TR_complete, TE_complete, train.fit_3); i = i + 1 + + +# +# gbsg dataset +# + +gbsg <- survival::gbsg +gbsg$age = (gbsg$age - mean(gbsg$age)) / sd(gbsg$age) +gbsg$size = (gbsg$size - mean(gbsg$size)) / sd(gbsg$size) +gbsg$time = gbsg$rfstime + +midpoint = floor(nrow(gbsg) / 2) +mask = 1:nrow(gbsg) %in% 1:midpoint +TR <- gbsg[1:midpoint,] +TE <- gbsg[(midpoint + 1):nrow(gbsg),] + +# one and two covariates and all covariates +train.fit_1 <- survreg(Surv(time, status) ~ age, data=TR, dist = 'weibull', scale = 1, x= T, y = T) +train.fit_2 <- survreg(Surv(time, status) ~ age+ size, data=TR, dist = 'weibull', scale = 1, x= T, y = T) +train.fit_3 <- survreg(Surv(time, status) ~ age+ size+ grade + + nodes + pgr + er + hormon, data=TR, dist = 'weibull', scale = 1, x= T, y = T) + +brier_scores[[i]] <- get_brier_score(TR, TE, train.fit_1); i = i + 1 +brier_scores[[i]] <- get_brier_score(TR, TE, train.fit_2); i = i + 1 +brier_scores[[i]] <- get_brier_score(TR, TE, train.fit_3); i = i + 1 + + +# +# Save +# + + +write_json(brier_scores, file.path("../benchmark_data/benchmark_brier_score.json")) + diff --git a/tests/benchmark_script/test_cindex.R b/tests/benchmark_script/test_cindex.R new file mode 100644 index 0000000..35278e2 --- /dev/null +++ b/tests/benchmark_script/test_cindex.R @@ -0,0 +1,184 @@ +library(survival) +library(survcomp) +library(jsonlite) +library(riskRegression) +library(survC1) +library(survAUC) + + +# function to get metrics +get_cindex <- function(TR, TE, train.fit){ + + # survival data object + Surv.rsp <- survival::Surv(TR$time, TR$status) + Surv.rsp.new <- survival::Surv(TE$time, TE$status) + + # survival probability KM estimate + surv.prob <- unique(survfit(Surv(TE$time,TE$status)~1)$surv) + surv.prob = surv.prob[-length(surv.prob)] + + # predictors train and test data + lp <- predict(train.fit, newdata = TR) + lpnew <- predict(train.fit, newdata = TE) + + # max time + times <- sort(unique(TE$time[TE$status == 1])) + last_time_event = F + if(max(TE$time) %in% times){ + last_time_event = T + times <- times[times < max(TE$time)] + } + max_times <- max(times) + + + # + # survival + + # survival: Harrell's C-index + c_Harrell_survival <- survival::concordance(train.fit, newdata = TE)$concordance + + + # + # SurvAUC + + # SurvAUC: Uno's c index + c_Uno_survAUC = survAUC::UnoC(Surv.rsp, Surv.rsp.new, lpnew, time = max_times) + + + # + # survC1 + + # survC1: Uno's C-index + c_Uno_survC1 = Est.Cval(cbind(TE$time, TE$status, lpnew), tau = max_times, nofit = TRUE)$Dhat + + # + # survcomp: + c_survcomp <- survcomp_concordance.index_modified(lpnew, TE$time, TE$status, method='noether') + c_survcomp_conservative <- survcomp_concordance.index_modified(lpnew, TE$time, TE$status, method='conservative') + + # Harrell's c-index + c_Harrell_survcomp = c_survcomp$c.index + + # Noether standard error + c_se_noether_survcomp = c_survcomp$se + ch_survcomp = c_survcomp$ch + dh_survcomp = c_survcomp$dh + weights_survcomp = c_survcomp$weights + + # conservative confidence interval (symmetric) + c_lower_conservative_survcomp = c_survcomp_conservative$lower + + + return(list(train_time = TR$time, train_status = TR$status, + test_time = TE$time, test_status = TE$status, + estimate = lpnew, times = times, + surv.prob = surv.prob, + c_Uno_survAUC = c_Uno_survAUC, + c_Uno_survC1 = c_Uno_survC1, + c_Harrell_survival = c_Harrell_survival, + c_Harrell_survcomp = c_Harrell_survcomp, + c_se_noether_survcomp = c_se_noether_survcomp, + c_lower_conservative_survcomp = c_lower_conservative_survcomp, + ch_survcomp = ch_survcomp, + dh_survcomp = dh_survcomp, + weights_survcomp = weights_survcomp + + )) + + +} + +# print more outputs from function +add_survcomp_ouputs <- function(){ + survcomp_concordance.index_modified <<- survcomp::concordance.index + + print(body(survcomp_concordance.index_modified)[[46]]) + body(survcomp_concordance.index_modified)[[46]] <<- substitute(return(list(c.index = cindex, + se = se, weights=weights, + lower = lower, upper = upper, + p.value = p, n = length(x2), + data = data, comppairs = cscount, + ch = ch, + dh = dh))) + print(body(survcomp_concordance.index_modified)[[46]]) +} + +add_survcomp_ouputs() + +# create list to save cindexs +cindexs <- list() +i = 1 + + +# +# lung dataset +# + + +lung <- survival::lung +lung$sex = lung$sex == 1 +lung$status = lung$status == 2 +lung$age = (lung$age - mean(lung$age)) / sd(lung$age) + +midpoint = floor(nrow(lung) / 2) +mask = 1:nrow(lung) %in% 1:midpoint +TR <- lung[1:midpoint,] +TE <- lung[(midpoint + 1):nrow(lung),] +TR_complete <- TR[complete.cases(TR),] +TE_complete <- TE[complete.cases(TE),] + + +# one and two covariates and all covariates ignore missing values +train.fit_1 <- coxph(Surv(time, status) ~ age, data = TR, method = 'efron', x= T, y = T) +train.fit_2 <- coxph(Surv(time, status) ~ age + sex, data = TR, method = 'efron', x= T, y = T) +train.fit_3 <- coxph(Surv(time, status) ~ age + sex + ph.ecog + ph.karno + + pat.karno + meal.cal + wt.loss, data = TR_complete, method = 'efron', x= T, y = T) + +# save metrics +cindexs[[i]] <- get_cindex(TR, TE, train.fit_1); i = i + 1 +cindexs[[i]] <- get_cindex(TR, TE, train.fit_2); i = i + 1 +cindexs[[i]] <- get_cindex(TR_complete, TE_complete, train.fit_3); i = i + 1 + + +# +# gbsg dataset +# + +gbsg <- survival::gbsg +gbsg$age = (gbsg$age - mean(gbsg$age)) / sd(gbsg$age) +gbsg$size = (gbsg$size - mean(gbsg$size)) / sd(gbsg$size) +gbsg$time = gbsg$rfstime + +midpoint = floor(nrow(gbsg) / 2) +mask = 1:nrow(gbsg) %in% 1:midpoint +TR <- gbsg[1:midpoint,] +TE <- gbsg[(midpoint + 1):nrow(gbsg),] + +# one and two covariates and all covariates +train.fit_1 <- coxph(Surv(rfstime, status) ~ age, data = TR, method = 'efron', x= T, y = T) +train.fit_2 <- coxph(Surv(rfstime, status) ~ age + size, data = TR, method = 'efron', x= T, y = T) +train.fit_3 <- coxph(Surv(rfstime, status) ~ age + size + grade + + nodes + pgr + er + hormon, data = TR, method = 'efron', x= T, y = T) + +cindexs[[i]] <- get_cindex(TR, TE, train.fit_1); i = i + 1 +cindexs[[i]] <- get_cindex(TR, TE, train.fit_2); i = i + 1 +cindexs[[i]] <- get_cindex(TR, TE, train.fit_3); i = i + 1 + + +# +# Save +# + + +write_json(cindexs, file.path("../benchmark_data/benchmark_cindex.json")) + + +# +# C-index +# Note: risksetROC::risksetAUC uses a smoothing methods to estimate AUC I/D that is integrated out to get the c-index +# --> not compared to torchsurv +# Note: pec::cindex and Hmisc::rcorr.cens C-index does not consider ties in the calculation of their C-index (https://stackoverflow.com/questions/24784203/r-differences-between-cindex-function-from-pec-package-and-coxph) +# --> not compared to torchsurv +# Note: SurvMetrics::Cindex does not consider ties but partial concordance metric (https://journal.r-project.org/articles/RJ-2023-009/RJ-2023-009.pdf) +# --> not compared to torchsurv + diff --git a/tests/benchmark_script/test_cox.R b/tests/benchmark_script/test_cox.R new file mode 100644 index 0000000..28677ff --- /dev/null +++ b/tests/benchmark_script/test_cox.R @@ -0,0 +1,152 @@ +library(survival) +library(jsonlite) + +# create function to extract log hazard and log likelihood +get_log_likelihood <- function(formula, data, x, no_ties){ + + time = data$time + status = data$status + + if(no_ties){ + # if no ties, standard cox partial likelihood is used + + fit <- coxph(formula, data = data) + log_hazard <- fit$coefficients %*% t(as.matrix(x, ncol = ncol(x))) + log_likelihood <- as.numeric(logLik(fit)) + + return(list(time = time, status = status, + log_hazard = log_hazard, + log_likelihood = log_likelihood, + no_ties = no_ties)) + }else{ + # with ties, use efrond and breslow method + + fit_efron <- coxph(formula, data = data, method = 'efron') + log_hazard_efron <- fit_efron$coefficients %*% t(as.matrix(x, ncol = ncol(x))) + log_likelihood_efron <- as.numeric(logLik(fit_efron)) + + fit_breslow <- coxph(formula, data = data, method = 'breslow') + log_hazard_breslow <- fit_breslow$coefficients %*% t(as.matrix(x, ncol = ncol(x))) + log_likelihood_breslow <- as.numeric(logLik(fit_breslow)) + + return(list(time = time, status = status, + log_hazard_efron = log_hazard_efron, + log_likelihood_efron = log_likelihood_efron, + log_hazard_breslow = log_hazard_breslow, + log_likelihood_breslow = log_likelihood_breslow, + no_ties = no_ties)) + } + +} + +# +# empty list to save log likelihoods +log_likelihoods <- list() +i = 1 + + +# +# lung dataset +# + +# load lung dataset +lung <- survival::lung +lung$sex = lung$sex == 1 +lung$status = lung$status == 2 +lung$age = (lung$age - mean(lung$age)) / sd(lung$age) + +# lung dataset without ties +index_duplicated <- which(duplicated(lung$time)) +lung_unique <- lung[-index_duplicated, ] + +# ignore missing values +lung_complete <- lung[complete.cases(lung),] +lung_unique_complete <- lung_unique[complete.cases(lung_unique),] + +# Cox: no ties +log_likelihoods[[i]] <- get_log_likelihood( + formula = Surv(time, status) ~ age, + data = lung_unique, + x = lung_unique[, c('age')], + no_ties = TRUE); i = i + 1 +log_likelihoods[[i]] <- get_log_likelihood( + formula = Surv(time, status) ~ age + sex, + data = lung_unique, + x = lung_unique[, c('age', 'sex')], + no_ties = TRUE); i = i + 1 +log_likelihoods[[i]] <- get_log_likelihood( + formula = Surv(time, status) ~ age + sex + ph.ecog + ph.karno + pat.karno + meal.cal + wt.loss, + data = lung_unique_complete, + x = lung_unique_complete[, c('age', 'sex', 'ph.ecog', 'ph.karno', 'pat.karno', 'meal.cal', 'wt.loss')], + no_ties = TRUE); i = i + 1 + +# Cox with ties +log_likelihoods[[i]] <- get_log_likelihood( + formula = Surv(time, status) ~ age, + data = lung, + x = lung[, c('age')], + no_ties = FALSE); i = i + 1 +log_likelihoods[[i]] <- get_log_likelihood( + formula = Surv(time, status) ~ age + sex, + data = lung, + x = lung[, c('age', 'sex')], + no_ties = FALSE); i = i + 1 +log_likelihoods[[i]] <- get_log_likelihood( + formula = Surv(time, status) ~ age + sex + ph.ecog + ph.karno + pat.karno + meal.cal + wt.loss, + data = lung_complete, + x = lung_complete[, c('age', 'sex', 'ph.ecog', 'ph.karno', 'pat.karno', 'meal.cal', 'wt.loss')], + no_ties = FALSE); i = i + 1 + + +# +# gbsg dataset +# + +gbsg <- survival::gbsg +gbsg$age = (gbsg$age - mean(gbsg$age)) / sd(gbsg$age) +gbsg$size = (gbsg$size - mean(gbsg$size)) / sd(gbsg$size) +gbsg$time = gbsg$rfstime + +# lung dataset without ties +index_duplicated <- which(duplicated(gbsg$time)) +gbsg_unique <- gbsg[-index_duplicated, ] + +# Cox: no ties +log_likelihoods[[i]] <- get_log_likelihood( + formula = Surv(time, status) ~ age, + data = gbsg_unique, + x = gbsg_unique[, c('age')], + no_ties = TRUE); i = i + 1 +log_likelihoods[[i]] <- get_log_likelihood( + formula = Surv(rfstime, status) ~ age + size, + data = gbsg_unique, + x = gbsg_unique[, c('age', 'size')], + no_ties = TRUE); i = i + 1 +log_likelihoods[[i]] <- get_log_likelihood( + formula = Surv(rfstime, status) ~ age + size + grade + nodes + pgr + er + hormon, + data = gbsg_unique, + x = gbsg_unique[, c('age', 'size', 'grade', 'nodes', 'pgr', 'er', 'hormon')], + no_ties = TRUE); i = i + 1 + +# Cox with ties +log_likelihoods[[i]] <- get_log_likelihood( + formula = Surv(time, status) ~ age, + data = gbsg, + x = gbsg[, c('age')], + no_ties = FALSE); i = i + 1 +log_likelihoods[[i]] <- get_log_likelihood( + formula = Surv(rfstime, status) ~ age + size, + data = gbsg, + x = gbsg[, c('age', 'size')], + no_ties = FALSE); i = i + 1 +log_likelihoods[[i]] <- get_log_likelihood( + formula = Surv(rfstime, status) ~ age + size + grade + nodes + pgr + er + hormon, + data = gbsg, + x = gbsg[, c('age', 'size', 'grade', 'nodes', 'pgr', 'er', 'hormon')], + no_ties = FALSE); i = i + 1 + + +# +# Save +write_json(log_likelihoods, file.path("../benchmark_data/benchmark_cox.json")) + diff --git a/tests/benchmark_script/test_ipcw.R b/tests/benchmark_script/test_ipcw.R new file mode 100644 index 0000000..80b0aba --- /dev/null +++ b/tests/benchmark_script/test_ipcw.R @@ -0,0 +1,54 @@ +library(pec) + +get_ipcw <- function(data){ + + sorted_indices <- order(data$time) + time = data$time[sorted_indices] + status = data$status[sorted_indices] + times <- quantile(time, probs=seq(0.2,0.8,0.1)) + + ipcw <- pec::ipcw(Surv(failure_time,status)~1, + data=data.frame(failure_time=time,status=as.numeric(status!=0)), + method="marginal", + times=times, + subjectTimes=T, + subjectTimesLag=0) + + ipcw_times <- 1/ipcw$IPCW.times + ipcw_subjectimes <- 1/ipcw$IPCW.subjectTimes + ipcw_subjectimes[ipcw_subjectimes == Inf] = 0 + + return(list(time=time, status=status, times=times, ipcw_times=ipcw_times, ipcw_subjectimes=ipcw_subjectimes)) +} + +# create list to save aucs +ipcws <- list() +i = 1 + +# +# lung dataset + +lung <- survival::lung +lung$sex = lung$sex == 1 +lung$status = lung$status == 2 +lung$age = (lung$age - mean(lung$age)) / sd(lung$age) + +ipcws[[1]] <- get_ipcw(lung) + +# +# gbsg dataset + +gbsg <- survival::gbsg +gbsg$age = (gbsg$age - mean(gbsg$age)) / sd(gbsg$age) +gbsg$size = (gbsg$size - mean(gbsg$size)) / sd(gbsg$size) +gbsg$time = gbsg$rfstime + +ipcws[[2]] <- get_ipcw(gbsg) + + +# +# Save + +write_json(ipcws, file.path("../benchmark_data/benchmark_ipcw.json")) + + diff --git a/tests/benchmark_script/test_kaplan_meier.R b/tests/benchmark_script/test_kaplan_meier.R new file mode 100644 index 0000000..ffe9d1a --- /dev/null +++ b/tests/benchmark_script/test_kaplan_meier.R @@ -0,0 +1,41 @@ +library(survival) + +get_kaplan_meier <- function(data){ + + surv_fit <- survfit(Surv(time, status) ~ 1, data=data) + times = surv_fit$time + surv_prob_survival <- surv_fit$surv + + return(list(time=data$time, status=data$status, + times = times, + surv_prob_survival=surv_prob_survival)) +} + +# create list to save aucs +kaplan_meiers <- list() +i = 1 + +# +# lung dataset + +lung <- survival::lung +lung$sex = lung$sex == 1 +lung$status = lung$status == 2 +lung$age = (lung$age - mean(lung$age)) / sd(lung$age) + +kaplan_meiers[[1]] <- get_kaplan_meier(lung) + +# +# gbsg dataset + +gbsg <- survival::gbsg +gbsg$age = (gbsg$age - mean(gbsg$age)) / sd(gbsg$age) +gbsg$size = (gbsg$size - mean(gbsg$size)) / sd(gbsg$size) +gbsg$time = gbsg$rfstime + +kaplan_meiers[[2]] <- get_kaplan_meier(gbsg) + +# +# Save + +write_json(kaplan_meiers, file.path("../benchmark_data/benchmark_kaplan_meier.json")) diff --git a/tests/benchmark_script/test_weibull.R b/tests/benchmark_script/test_weibull.R new file mode 100644 index 0000000..5626b10 --- /dev/null +++ b/tests/benchmark_script/test_weibull.R @@ -0,0 +1,89 @@ +library(survival) +library(jsonlite) + +# create function to extract log hazard and log likelihood +get_log_likelihood <- function(formula, data, x){ + + time = data$time + status = data$status + + fit <- survreg(formula, data=data, dist = 'weibull', scale = 1) # this is the survreg output model + log_shape = fit$coefficients %*% t(as.matrix(x, ncol = ncol(x))) + log_likelihood = fit$loglik[length(fit$loglik)] + + return(list(time = time, status = status, + log_shape = log_shape, + log_likelihood = log_likelihood)) + +} + +# +# empty list to save log likelihoods +log_likelihoods <- list() +i = 1 + + +# +# lung dataset +# + +# load lung dataset +lung <- survival::lung +lung$sex = lung$sex == 1 +lung$status = lung$status == 2 +lung$age = (lung$age - mean(lung$age)) / sd(lung$age) + +# lung dataset without ties +index_duplicated <- which(duplicated(lung$time)) + +# ignore missing values +lung_complete <- lung[complete.cases(lung),] + +log_likelihoods[[i]] <- get_log_likelihood( + formula = Surv(time, status) ~ age, + data = lung, + x = data.frame(rep(1, nrow(lung)), lung[, c('age')]) +); i = i + 1 +log_likelihoods[[i]] <- get_log_likelihood( + formula = Surv(time, status) ~ age + sex, + data = lung, + x = data.frame(rep(1, nrow(lung)), lung[, c('age', 'sex')]) +); i = i + 1 +log_likelihoods[[i]] <- get_log_likelihood( + formula = Surv(time, status) ~ age + sex + ph.ecog + ph.karno + pat.karno + meal.cal + wt.loss, + data = lung_complete, + x = data.frame(rep(1, nrow(lung_complete)),lung_complete[, c('age', 'sex', 'ph.ecog', 'ph.karno', 'pat.karno', 'meal.cal', 'wt.loss')]) +); i = i + 1 + + + +# +# gbsg dataset +# + +gbsg <- survival::gbsg +gbsg$age = (gbsg$age - mean(gbsg$age)) / sd(gbsg$age) +gbsg$size = (gbsg$size - mean(gbsg$size)) / sd(gbsg$size) +gbsg$time = gbsg$rfstime + +log_likelihoods[[i]] <- get_log_likelihood( + formula = Surv(time, status) ~ age, + data = gbsg, + x = data.frame(rep(1, nrow(gbsg)), gbsg[, c('age')]) +); i = i + 1 +log_likelihoods[[i]] <- get_log_likelihood( + formula = Surv(rfstime, status) ~ age + size, + data = gbsg, + x = data.frame(rep(1, nrow(gbsg)), gbsg[, c('age', 'size')]) +); i = i + 1 +log_likelihoods[[i]] <- get_log_likelihood( + formula = Surv(rfstime, status) ~ age + size + grade + nodes + pgr + er + hormon, + data = gbsg, + x = data.frame(rep(1, nrow(gbsg)), gbsg[, c('age', 'size', 'grade', 'nodes', 'pgr', 'er', 'hormon')]) +); i = i + 1 + + +# +# Save +write_json(log_likelihoods, file.path("../benchmark_data/benchmark_weibull.json")) + diff --git a/tests/test_auc.py b/tests/test_auc.py new file mode 100644 index 0000000..4d705a0 --- /dev/null +++ b/tests/test_auc.py @@ -0,0 +1,346 @@ +# global modules +import json +import unittest + +import numpy as np +import torch +from sksurv.metrics import cumulative_dynamic_auc +from utils import DataBatchContainer, conditions_ci, conditions_p_value + +# Local modules +from torchsurv.metrics.auc import Auc +from torchsurv.stats.ipcw import get_ipcw + +torch.manual_seed(23) + +# Load the benchmark metrics from R +with open("tests/benchmark_data/benchmark_auc.json", "r") as file: + benchmark_aucs = json.load(file) + +auc = Auc() + + +class TestAUC(unittest.TestCase): + """_summary_ + List of packages compared + - survAUC (R): AUC C/D with IPCW + Integral of AUC C/D + Integral of AUC I/D + - RiskRegression (R): AUC C/D with IPCW + Standard error of AUC C/D with IPCW + - timeROC (R): AUC C/D with IPCW + Standard error of AUC C/D with IPCW + - sksurv (Python): AUC C/D with IPCW + """ + + def test_auc_cd_real_data(self): + """test point estimate of auc cumulative/dynamic with ipcw on lung and gbsg datasets""" + for benchmark_auc in benchmark_aucs: + train_event = torch.tensor(benchmark_auc["train_status"]).bool() + train_time = torch.tensor(benchmark_auc["train_time"], dtype=torch.float32) + test_event = torch.tensor(benchmark_auc["test_status"]).bool() + test_time = torch.tensor(benchmark_auc["test_time"], dtype=torch.float32) + estimate = torch.tensor(benchmark_auc["estimate"], dtype=torch.float32) + new_time = torch.tensor(benchmark_auc["times"], dtype=torch.float32) + + # ipcw obtained using censoring distribution estimated on train data + ipcw = get_ipcw(train_event, train_time, test_time) + ipcw_new_time = get_ipcw(train_event, train_time, new_time) + auc_cd = auc( + estimate, + test_event, + test_time, + auc_type="cumulative", + weight=ipcw, + weight_new_time=ipcw_new_time, + new_time=new_time, + ) + + auc_cd_survAUC = benchmark_auc["auc_cd_survAUC"] # survAUC + auc_cd_Uno_riskRegression = benchmark_auc[ + "auc_cd_Uno_riskRegression" + ] # riskRegression + + self.assertTrue( + np.allclose( + auc_cd.numpy(), np.array(auc_cd_survAUC), rtol=1e-1, atol=1e-8 + ) + ) + self.assertTrue( + np.allclose( + auc_cd.numpy(), + np.array(auc_cd_Uno_riskRegression), + rtol=1e-1, + atol=1e-2, + ) + ) + + # commented out: riskRegression does not match other R packages + # auc_cd_se = auc._auc_se() + + # auc_cd_Uno_se_riskRegression = benchmark_auc[ + # "auc_cd_Uno_se_riskRegression" + # ] # riskRegression + + # self.assertTrue( + # np.allclose( + # auc_cd_se.numpy(), + # np.array(auc_cd_Uno_se_riskRegression), + # rtol=1e-1, + # atol=1e-1, + # ) + # ) + + def test_auc_cd_se_real_data(self): + """test standard error of auc cumulative/dynamic with ipcw on lung and gbsg datasets""" + for benchmark_auc in benchmark_aucs: + test_event = torch.tensor(benchmark_auc["test_status"]).bool() + test_time = torch.tensor(benchmark_auc["test_time"], dtype=torch.float32) + estimate = torch.tensor(benchmark_auc["estimate"], dtype=torch.float32) + new_time = torch.tensor(benchmark_auc["times_se"], dtype=torch.float32) + + # ipcw obtained using censoring distribution estimated on test data + ipcw = get_ipcw(test_event, test_time, test_time) + ipcw_new_time = get_ipcw(test_event, test_time, new_time) + auc_cd = auc( + estimate, + test_event, + test_time, + auc_type="cumulative", + weight=ipcw, + weight_new_time=ipcw_new_time, + new_time=new_time, + ) # point estimate + auc_cd_se = auc._auc_se() # standard error + + # timeROC + auc_cd_Uno_timeROC = benchmark_auc["auc_cd_Uno_timeROC"] # point estimate + auc_cd_Uno_se_timeROC = benchmark_auc[ + "auc_cd_Uno_se_timeROC" + ] # standard error + + self.assertTrue( + np.allclose( + auc_cd.numpy(), + np.array(auc_cd_Uno_timeROC), + rtol=1e-1, + atol=1e-8, + ) + ) + + self.assertTrue( + np.allclose( + auc_cd_se.numpy(), + np.array(auc_cd_Uno_se_timeROC), + rtol=1e-1, + atol=1e-8, + ) + ) + + def test_i_auc_real_data(self): + """test integral of auc with survAUC on lung and gbsg datasets""" + for benchmark_auc in benchmark_aucs: + times = torch.tensor(benchmark_auc["times"], dtype=torch.float64) + S = torch.tensor(benchmark_auc["surv.prob"], dtype=torch.float64) + + # integral of auc cumulative/dynamic + auc_cd_survAUC = torch.tensor( + benchmark_auc["auc_cd_survAUC"], dtype=torch.float64 + ) + auc_ne = Auc() + auc_ne.auc = auc_cd_survAUC + auc_ne.new_time = times + i_auc_cd = auc_ne._integrate_AUC_cumulative(S, times.max()) + + i_auc_cd_survAUC = benchmark_auc["iauc_cd_survAUC"] # survAUC + + # integral of auc incident/dynamic + auc_id_sz_survAUC = torch.tensor( + benchmark_auc["auc_id_sz_survAUC"], dtype=torch.float64 + ) + auc_ne = Auc() + auc_ne.auc = auc_id_sz_survAUC + auc_ne.new_time = times + i_auc_id_sz = auc_ne._integrate_AUC_incident(S, times.max()) + i_auc_id_sz_survAUC = benchmark_auc["i_auc_id_sz_survAUC"] # survAUC + + self.assertTrue( + np.isclose( + i_auc_cd.numpy(), np.array(i_auc_cd_survAUC), rtol=1e-3, atol=1e-8 + ) + ) + self.assertTrue( + np.isclose( + i_auc_id_sz.numpy(), + np.array(i_auc_id_sz_survAUC), + rtol=1e-3, + atol=1e-8, + ) + ) + + def test_auc_cd_simulated_data(self): + """test auc cumulative/dynamic on simulated batches including edge cases""" + batch_container = DataBatchContainer() + batch_container.generate_batches( + n_batch=20, + flags_to_set=[ + "train_ties_time_event", + "test_ties_time_event", + "train_ties_time_censoring", + "test_ties_time_censoring", + "train_ties_time_event_censoring", + "test_ties_time_event_censoring", + "test_no_censoring", + #'train_no_censoring', cumulative_dynamic_auc from sksurv fails + "test_event_at_last_time", + "ties_score_events", + "ties_score_event_censoring", + "ties_score_censoring", + ], + ) + for batch in batch_container.batches: + ( + train_time, + train_event, + test_time, + test_event, + estimate, + new_time, + y_train_array, + y_test_array, + _, + new_time_array, + ) = batch + + ipcw = get_ipcw(train_event, train_time, test_time) + ipcw_new_time = get_ipcw(train_event, train_time, new_time) + + # expand in 2D + estimate = estimate.unsqueeze(1).expand((len(test_time), len(new_time))) + estimate = estimate + torch.randn_like(estimate) * 0.1 + + auc_cd = auc( + estimate, + test_event, + test_time, + auc_type="cumulative", + weight=ipcw, + weight_new_time=ipcw_new_time, + new_time=new_time, + ) + + auc_cd_sksurv, _ = cumulative_dynamic_auc( + y_train_array, y_test_array, estimate.numpy(), new_time_array + ) # sksurv + + self.assertTrue( + np.allclose(auc_cd.numpy(), auc_cd_sksurv, rtol=1e-5, atol=1e-8) + ) + + def test_auc_confidence_interval_pvalue(self): + """test auc confidence interval and p-value are as expected""" + batch_container = DataBatchContainer() + batch_container.generate_batches( + n_batch=20, + flags_to_set=[ + "test_ties_time_event", + "test_ties_time_censoring", + "test_ties_time_event_censoring", + #'test_no_censoring', concordance_index_censored fails + "test_event_at_last_time", + "ties_score_events", + "ties_score_event_censoring", + "ties_score_censoring", + ], + ) + for batch in batch_container.batches: + (_, _, time, event, estimate, *_) = batch + + # Run c-index + auc( + estimate, + event, + time, + ) + + n_bootstraps = 9 + + for method in ["blanche", "bootstrap"]: + for alternative in ["two_sided", "less", "greater"]: + auc_ci = auc.confidence_interval( + method=method, + alternative=alternative, + n_bootstraps=n_bootstraps, + ) + self.assertTrue( + all([conditions_ci(auc_ci[:, i]) for i in range(len(auc.auc))]) + ) + + for method in ["blanche", "bootstrap"]: + for alternative in ["two_sided", "less", "greater"]: + auc_p_value = auc.p_value( + method=method, + alternative=alternative, + n_bootstraps=n_bootstraps, + ) + + self.assertTrue( + all( + [ + conditions_p_value(auc_p_value[i]) + for i in range(len(auc.auc)) + ] + ) + ) + + def test_auc_compare(self): + "test compare function of auc behavesas expected." + _ = torch.manual_seed(42) + n = 128 + estimate_informative = torch.randn( + (n,) + ) # estimate used to define time-to-event + estimate_non_informative = torch.randn((n,)) # random estimate + event = torch.randint(low=0, high=2, size=(n,)).bool() + time = ( + torch.randn(size=(n,)) * 10 - estimate_informative * 5.0 + 200 + ) # + estimate for auc < 0.5 and - for auc > 0.5 + + Auc_informative = Auc() + auc_informative = Auc_informative(estimate_informative, event, time) + + Auc_non_informative = Auc() + auc_non_informative = Auc_non_informative(estimate_non_informative, event, time) + + p_value_compare_informative = Auc_informative.compare(Auc_non_informative) + p_value_compare_non_informative = Auc_non_informative.compare(Auc_informative) + + self.assertTrue(np.all(auc_informative.numpy() > auc_non_informative.numpy())) + self.assertTrue(np.any(p_value_compare_informative.numpy() < 0.05)) + self.assertTrue(np.all(p_value_compare_non_informative.numpy() > 0.05)) + + def test_auc_error_raised(self): + """test that errors are raised in not-accepted edge cases.""" + batch_container = DataBatchContainer() + batch_container.generate_batches( + n_batch=2, + flags_to_set=[ + "test_all_censored", + "test_max_time_in_new_time", + ], + ) + for batch in batch_container.batches: + _, _, test_time, test_event, estimate, new_time, *_ = batch + + self.assertRaises( + ValueError, + auc, + estimate, + test_event, + test_time, + new_time=new_time, + ) + + +if __name__ == "__main__": + unittest.main() diff --git a/tests/test_brier_score.py b/tests/test_brier_score.py new file mode 100644 index 0000000..4d8670c --- /dev/null +++ b/tests/test_brier_score.py @@ -0,0 +1,284 @@ +# global modules +import json +import unittest + +import numpy as np +import torch +from sksurv.metrics import brier_score as brier_score_sksurv +from sksurv.metrics import integrated_brier_score as integrated_brier_score_sksurv +from utils import DataBatchContainer, conditions_ci, conditions_p_value + +# Local modules +from torchsurv.metrics.brier_score import BrierScore +from torchsurv.stats.ipcw import get_ipcw + +torch.manual_seed(23) + +# Load the benchmark metrics from R +with open("tests/benchmark_data/benchmark_brier_score.json", "r") as file: + benchmark_brier_scores = json.load(file) + +brier_score = BrierScore() + + +class TestBrierScore(unittest.TestCase): + """ + List of packages compared + - survMetrics (R) + - survAUC (R) + - sksurv (Python) + """ + + def test_brier_score_real_data(self): + """test point estimate of brier score and integrated brier score on lung and gbsg datasets""" + for benchmark_brier_score in benchmark_brier_scores: + train_event = torch.tensor(benchmark_brier_score["train_status"]).bool() + train_time = torch.tensor( + benchmark_brier_score["train_time"], dtype=torch.float32 + ) + test_event = torch.tensor(benchmark_brier_score["test_status"]).bool() + test_time = torch.tensor( + benchmark_brier_score["test_time"], dtype=torch.float32 + ) + estimate = torch.tensor( + benchmark_brier_score["estimate"], dtype=torch.float32 + ) + new_time = torch.tensor(benchmark_brier_score["times"], dtype=torch.float32) + + # ipcw obtained using censoring distribution estimated on train data + ipcw = get_ipcw(train_event, train_time, test_time) + ipcw_new_time = get_ipcw(train_event, train_time, new_time) + + bs = brier_score( + estimate, + test_event, + test_time, + new_time=new_time, + weight=ipcw, + weight_new_time=ipcw_new_time, + ) + ibs = brier_score.integral() + + bs_survAUC = np.array(benchmark_brier_score["brier_score_survAUC"]) + ibs_survAUC = np.array(benchmark_brier_score["ibrier_score_survAUC"]) + + # commented out: values far off compared to other packages + # self.assertTrue(np.allclose(bs.numpy(), bs_survAUC, rtol=1e-5, atol=1e-8)) + # self.assertTrue(np.allclose(ibs.numpy(), ibs_survAUC, rtol=1e-5, atol=1e-8)) + + # ipcw obtained using censoring distribution estimated on test data + ipcw = get_ipcw(test_event, test_time) + ipcw_new_time = get_ipcw(test_event, test_time, new_time) + + bs = brier_score( + estimate, + test_event, + test_time, + new_time=new_time, + weight=ipcw, + weight_new_time=ipcw_new_time, + ) + ibs = brier_score.integral() + + bs_survMetrics = np.array(benchmark_brier_score["brier_score_survMetrics"]) + ibs_survMetrics = np.array( + benchmark_brier_score["ibrier_score_survMetrics"] + ) + + self.assertTrue( + np.allclose(bs.numpy(), bs_survMetrics, rtol=1e-2, atol=1e-3) + ) + self.assertTrue( + np.allclose(ibs.numpy(), ibs_survMetrics, rtol=1e-2, atol=1e-3) + ) + + def test_brier_score_simulated_data(self): + """test point estimate of brier score and integrated brier score on simulated batches including edge cases""" + batch_container = DataBatchContainer() + batch_container.generate_batches( + n_batch=20, + flags_to_set=[ + "train_ties_time_event", + "test_ties_time_event", + "train_ties_time_censoring", + "test_ties_time_censoring", + "train_ties_time_event_censoring", + "test_ties_time_event_censoring", + "test_no_censoring", + # "train_no_censoring", sksurv fails + "test_event_at_last_time", + "ties_score_events", + "ties_score_event_censoring", + "ties_score_censoring", + ], + ) + for batch in batch_container.batches: + ( + train_time, + train_event, + test_time, + test_event, + _, + new_time, + y_train_array, + y_test_array, + _, + new_time_array, + ) = batch + + estimate = torch.rand((len(test_time), len(new_time))) + + ipcw = get_ipcw(train_event, train_time, test_time) + ipcw_new_time = get_ipcw(train_event, train_time, new_time) + bs = brier_score( + estimate, + test_event, + test_time, + new_time=new_time, + weight=ipcw, + weight_new_time=ipcw_new_time, + ) + + _, bs_sksurv = brier_score_sksurv( + y_train_array, y_test_array, estimate.numpy(), new_time_array + ) + + self.assertTrue(np.allclose(bs.numpy(), bs_sksurv, rtol=1e-5, atol=1e-8)) + + if len(new_time) > 2: + ibs = brier_score.integral() + ibs_sksurv = integrated_brier_score_sksurv( + y_train_array, y_test_array, estimate.numpy(), new_time_array + ) + self.assertTrue( + np.allclose(ibs.numpy(), ibs_sksurv, rtol=1e-5, atol=1e-8) + ) + + def test_brier_score_confidence_interval_pvalue(self): + """test brier score confidence interval and p value are as expected""" + batch_container = DataBatchContainer() + batch_container.generate_batches( + n_batch=20, + flags_to_set=[ + "test_ties_time_event", + "test_ties_time_censoring", + "test_ties_time_event_censoring", + #'test_no_censoring', concordance_index_censored fails + "test_event_at_last_time", + "ties_score_events", + "ties_score_event_censoring", + "ties_score_censoring", + ], + ) + for batch in batch_container.batches: + (_, _, time, event, _, new_time, *_) = batch + + estimate = torch.rand((len(time), len(new_time))) + + # Run c-index + brier_score(estimate, event, time, new_time) + + n_bootstraps = 9 + + for method in ["parametric", "bootstrap"]: + for alternative in ["two_sided", "less", "greater"]: + brier_score_ci = brier_score.confidence_interval( + method=method, + alternative=alternative, + n_bootstraps=n_bootstraps, + ) + self.assertTrue( + all( + [ + conditions_ci(brier_score_ci[:, i]) + for i in range(len(brier_score.brier_score)) + ] + ) + ) + + for alternative in ["two_sided", "less", "greater"]: + brier_score_pvalue = brier_score.p_value( + method="bootstrap", + alternative=alternative, + n_bootstraps=n_bootstraps, + ) + self.assertTrue( + all( + [ + conditions_p_value(brier_score_pvalue[i]) + for i in range(len(brier_score.brier_score)) + ] + ) + ) + brier_score_pvalue = brier_score.p_value( + method="parametric", + alternative=alternative, + n_bootstraps=n_bootstraps, + null_value=0.3, + ) + self.assertTrue( + all( + [ + conditions_p_value(brier_score_pvalue[i]) + for i in range(len(brier_score.brier_score)) + ] + ) + ) + + def test_brier_score_compare(self): + """test compare function of brier score behaves as expected""" + + _ = torch.manual_seed(42) + n = 128 + m = 100 + estimate_informative = torch.rand((n,)) # estimate used to define time-to-event + estimate_non_informative = ( + torch.rand((n,)).unsqueeze(1).expand(n, n) + ) # random estimate + event = torch.randint(low=0, high=2, size=(n,)).bool() + time = torch.randn(size=(n,)) + estimate_informative * 20.0 + 200 + + estimate_informative = estimate_informative.unsqueeze(1).expand(n, n) + + mask = event & (time < torch.max(time)) + new_time, inverse_indices, counts = torch.unique( + time[mask], sorted=True, return_inverse=True, return_counts=True + ) + sorted_unique_indices = BrierScore._find_torch_unique_indices( + inverse_indices, counts + ) + estimate_informative = (estimate_informative[:, mask])[:, sorted_unique_indices] + estimate_non_informative = (estimate_non_informative[:, mask])[ + :, sorted_unique_indices + ] + + ipcw = get_ipcw(event, time) # ipcw weights at subject event time + ipcw_new_time = get_ipcw(event, time, new_time) # ipcw weights at new_time + + brier_score_informative = BrierScore() + bs_informative = brier_score_informative( + estimate_informative, event, time, new_time, ipcw, ipcw_new_time + )[0:-1] + ibs_informative = brier_score_informative.integral() + + brier_score_non_informative = BrierScore() + bs_non_informative = brier_score_non_informative( + estimate_non_informative, event, time, new_time, ipcw, ipcw_new_time + )[0:-1] + ibs_non_informative = brier_score_non_informative.integral() + + p_value_compare_informative = brier_score_informative.compare( + brier_score_non_informative + ) + p_value_compare_non_informative = brier_score_non_informative.compare( + brier_score_informative + ) + + self.assertTrue(np.all(bs_informative.numpy() < bs_non_informative.numpy())) + self.assertTrue(np.all(ibs_informative.numpy() < ibs_non_informative.numpy())) + self.assertTrue(np.any(p_value_compare_informative.numpy() < 0.05)) + self.assertTrue(np.all(p_value_compare_non_informative.numpy() > 0.05)) + + +if __name__ == "__main__": + unittest.main() diff --git a/tests/test_cindex.py b/tests/test_cindex.py new file mode 100644 index 0000000..a4ec9b8 --- /dev/null +++ b/tests/test_cindex.py @@ -0,0 +1,295 @@ +# global modules +import json +import unittest + +import numpy as np +import torch +from sksurv.metrics import concordance_index_censored, concordance_index_ipcw +from utils import DataBatchContainer, conditions_ci, conditions_p_value + +# Local modules +from torchsurv.metrics.cindex import ConcordanceIndex +from torchsurv.stats.ipcw import get_ipcw + +torch.manual_seed(23) + +# Load the benchmark metrics from R +with open("tests/benchmark_data/benchmark_cindex.json", "r") as file: + benchmark_cindexs = json.load(file) + + +cindex = ConcordanceIndex() + + +class TestCIndex(unittest.TestCase): + """ + List of packages compared + - survival (R): Harrell's C index + - survcomp (R): Harrell's C index + - survAUC (R): Uno's C-index + - survC1 (R): Uno's C-index + - sksurv (Python): Harrell's C index and Uno's C-index + """ + + def test_cindex_real_data(self): + """test point estimate concordance index on lung and gbsg datasets""" + for benchmark_cindex in benchmark_cindexs: + train_event = torch.tensor(benchmark_cindex["train_status"]).bool() + train_time = torch.tensor( + benchmark_cindex["train_time"], dtype=torch.float32 + ) + test_event = torch.tensor(benchmark_cindex["test_status"]).bool() + test_time = torch.tensor(benchmark_cindex["test_time"], dtype=torch.float32) + estimate = torch.tensor(benchmark_cindex["estimate"], dtype=torch.float32) + new_time = torch.tensor(benchmark_cindex["times"], dtype=torch.float32) + + # harrell's c-index + c_harrell = cindex( + estimate, + test_event, + test_time, + ).numpy() + + c_harrell_survival = np.array( + benchmark_cindex["c_Harrell_survival"] + ) # survival + c_harrell_survcomp = np.array( + benchmark_cindex["c_Harrell_survcomp"] + ) # survcomp + + # uno's c-index + ipcw = get_ipcw(train_event, train_time, test_time) + c_uno = cindex( + estimate, test_event, test_time, weight=ipcw, tmax=new_time[-1] + ) + + c_uno_survAUC = benchmark_cindex["c_Uno_survAUC"] # survAUC + c_uno_survC1 = benchmark_cindex["c_Uno_survC1"] # survC1 + + self.assertTrue( + np.isclose( + c_harrell, + c_harrell_survival, + rtol=1e-4, + atol=1e-8, + ) + ) + + self.assertTrue( + np.isclose( + c_harrell, + c_harrell_survcomp, + rtol=1e-2, + atol=1e-8, + ) + ) + + self.assertTrue( + np.isclose(c_uno.numpy(), np.array(c_uno_survAUC), rtol=1e-1, atol=1e-8) + ) + + self.assertTrue( + np.isclose(c_uno.numpy(), np.array(c_uno_survC1), rtol=1e-1, atol=1e-8) + ) + + def test_cindex_se_real_data(self): + """test standard error of concordance index on lung and gbsg datasets""" + for benchmark_cindex in benchmark_cindexs: + concordant = torch.tensor(benchmark_cindex["ch_survcomp"], dtype=torch.int) + discordant = torch.tensor(benchmark_cindex["dh_survcomp"], dtype=torch.int) + weight = torch.tensor( + benchmark_cindex["weights_survcomp"], dtype=torch.float32 + ) + c_harrell_survcomp = torch.tensor( + benchmark_cindex["c_Harrell_survcomp"], dtype=torch.float32 + ) + + # overwrite objects used to calculate standard error + cindex.concordant = concordant + cindex.discordant = discordant + cindex.weight = weight + cindex.cindex = c_harrell_survcomp + + # Noether standard error + cindex_se = cindex._concordance_index_se() + cindex_se_survcomp = np.array( + benchmark_cindex["c_se_noether_survcomp"] + ) # survcomp + + # conservative confidence interval + cindex_lower = cindex._confidence_interval_conservative( + alpha=0.05, alternative="two_sided" + )[0] + cindex_lower_survcomp = np.array( + benchmark_cindex["c_lower_conservative_survcomp"] + ) # survcomp + + self.assertTrue( + np.isclose( + cindex_se.numpy(), + np.array(cindex_se_survcomp), + rtol=1e-1, + atol=1e-8, + ) + ) + + self.assertTrue( + np.isclose( + cindex_lower.numpy(), + np.array(cindex_lower_survcomp), + rtol=1e-1, + atol=1e-8, + ) + ) + + def test_cindex_simulated_data(self): + """test estimate of concordance index on simulated batches including edge cases""" + batch_container = DataBatchContainer() + batch_container.generate_batches( + n_batch=20, + flags_to_set=[ + "train_ties_time_event", + "test_ties_time_event", + "train_ties_time_censoring", + # "test_ties_time_censoring", + "train_ties_time_event_censoring", + "test_ties_time_event_censoring", + "test_no_censoring", + #'train_no_censoring', concordance_index_ipcw from sksurv fails + "test_event_at_last_time", + "ties_score_events", + "ties_score_event_censoring", + "ties_score_censoring", + ], + ) + for i, batch in enumerate(batch_container.batches): + ( + train_time, + train_event, + test_time, + test_event, + estimate, + new_time, + y_train_array, + y_test_array, + estimate_array, + new_time_array, + ) = batch + + # harrell's c index + c_harrell = cindex( + estimate, + test_event, + test_time, + ) + c_harrell_sksurv = concordance_index_censored( + y_test_array["survival"], y_test_array["futime"], estimate_array + )[0] + + # uno's c-index + ipcw = get_ipcw(train_event, train_time, test_time) + c_uno = cindex( + estimate, test_event, test_time, weight=ipcw, tmax=new_time[-1] + ).numpy() + + c_uno_sksurv = concordance_index_ipcw( + y_train_array, y_test_array, estimate_array, tau=new_time_array[-1] + )[0] + + self.assertTrue( + np.isclose(c_harrell.numpy(), c_harrell_sksurv, rtol=1e-2, atol=1e-8) + ) + self.assertTrue(np.isclose(c_uno, c_uno_sksurv, rtol=1e-2, atol=1e-8)) + + def test_cindex_confidence_interval_pvalue(self): + """test concordance index confidence interval and p value are as expected""" + batch_container = DataBatchContainer() + batch_container.generate_batches( + n_batch=20, + flags_to_set=[ + "test_ties_time_event", + "test_ties_time_censoring", + "test_ties_time_event_censoring", + #'test_no_censoring', concordance_index_censored fails + "test_event_at_last_time", + "ties_score_events", + "ties_score_event_censoring", + "ties_score_censoring", + ], + ) + for batch in batch_container.batches: + (_, _, time, event, estimate, *_) = batch + + # Run c-index + cindex( + estimate, + event, + time, + ) + + n_bootstraps = 9 + + for method in ["noether", "conservative", "bootstrap"]: + for alternative in ["two_sided", "less", "greater"]: + self.assertTrue( + conditions_ci( + cindex.confidence_interval( + method=method, + alternative=alternative, + n_bootstraps=n_bootstraps, + ) + ) + ) + + for method in ["noether", "bootstrap"]: + for alternative in ["two_sided", "less", "greater"]: + self.assertTrue( + conditions_p_value( + cindex.p_value( + method=method, + alternative=alternative, + n_bootstraps=n_bootstraps, + ) + ) + ) + + def test_cindex_compare(self): + "test compare function of cindex behaves as expected" + + _ = torch.manual_seed(42) + n = 128 + estimate_informative = torch.randn( + (n,) + ) # estimate used to define time-to-event + estimate_non_informative = torch.randn((n,)) # random estimate + event = torch.randint(low=0, high=2, size=(n,)).bool() + time = ( + torch.randn(size=(n,)) * 10 - estimate_informative * 5.0 + 200 + ) # + estimate for cindex < 0.5 and - for cindex > 0.5 + + cindex_informative = ConcordanceIndex() + c1 = cindex_informative(estimate_informative, event, time) + + cindex_non_informative = ConcordanceIndex() + c2 = cindex_non_informative(estimate_non_informative, event, time) + + p_value_compare = cindex_informative.compare(cindex_non_informative) + + self.assertTrue(c1.numpy() > c2.numpy()) + self.assertTrue(p_value_compare < 0.05) + + def test_cindex_error_raised(self): + """test that error are raised in not-accepted edge cases.""" + batch_container = DataBatchContainer() + batch_container.generate_batches( + n_batch=1, + flags_to_set=["test_all_censored"], + ) + for batch in batch_container.batches: + (_, _, test_time, test_event, estimate, *_) = batch + + self.assertRaises(ValueError, cindex, estimate, test_event, test_time) + + +if __name__ == "__main__": + unittest.main() diff --git a/tests/test_cox.py b/tests/test_cox.py new file mode 100644 index 0000000..b8cdbfa --- /dev/null +++ b/tests/test_cox.py @@ -0,0 +1,134 @@ +# global modules +import json +import unittest + +import numpy as np +import torch + +# Local modules +from torchsurv.loss.cox import neg_partial_log_likelihood as cox + +# Load the benchmark cox log likelihoods from R +with open("tests/benchmark_data/benchmark_cox.json", "r") as file: + benchmark_cox_logliks = json.load(file) + +# set seed for reproducibility +torch.manual_seed(42) + + +class TestCoxSurvivalLoss(unittest.TestCase): + """ + List of packages compared + - survival (R) + """ + + # random data and parameters + N = 32 + log_hz = torch.randn(N) + event = torch.randint(low=0, high=2, size=(N,)).bool() + time = torch.randint(low=1, high=100, size=(N,)) + + def test_y_tensor(self): + event_np_array = np.random.randint(0, 1 + 1, size=(self.N,), dtype="bool") + self.assertRaises(TypeError, cox, self.log_hz, event_np_array, self.time) + + def test_t_tensor(self): + time_np_array = np.random.randint(0, 100, size=(self.N,)) + self.assertRaises(TypeError, cox, self.log_hz, self.event, time_np_array) + + def test_log_hz_tensor(self): + log_hz_np_array = np.random.randn( + self.N, + ) + self.assertRaises(TypeError, cox, log_hz_np_array, self.event, self.time) + + def test_len_data(self): + time_wrong_len = torch.randint(low=1, high=100, size=(self.N + 1,)) + self.assertRaises(ValueError, cox, self.log_hz, self.event, time_wrong_len) + + def test_positive_t(self): + time_negative = torch.randint(low=-100, high=100, size=(self.N,)) + self.assertRaises(ValueError, cox, self.log_hz, self.event, time_negative) + + def test_boolean_y(self): + event_non_boolean = torch.randint(low=0, high=3, size=(self.N,)) + self.assertRaises(ValueError, cox, self.log_hz, event_non_boolean, self.time) + + def test_log_likelihood_without_ties(self): + """test cox partial log likelihood without ties on lung and gbsg datasets""" + for benchmark_cox_loglik in benchmark_cox_logliks: + + if benchmark_cox_loglik["no_ties"][0] == True: + + log_lik = -cox( + torch.tensor( + benchmark_cox_loglik["log_hazard"], dtype=torch.float32 + ).squeeze(0), + torch.tensor(benchmark_cox_loglik["status"]).bool(), + torch.tensor(benchmark_cox_loglik["time"], dtype=torch.float32), + reduction="sum", + ) + log_lik_survival = benchmark_cox_loglik["log_likelihood"] + + self.assertTrue( + np.allclose( + log_lik.numpy(), + np.array(log_lik_survival), + rtol=1e-5, + atol=1e-8, + ) + ) + + def test_log_likelihood_with_ties(self): + """test Efron and Breslow's approximation of cox partial log likelihood with ties on lung and gbsg data""" + for benchmark_cox_loglik in benchmark_cox_logliks: + + if benchmark_cox_loglik["no_ties"][0] == False: + + # efron approximation of partial log likelihood + log_lik_efron = -cox( + torch.tensor( + benchmark_cox_loglik["log_hazard_efron"], dtype=torch.float32 + ).squeeze(0), + torch.tensor(benchmark_cox_loglik["status"]).bool(), + torch.tensor(benchmark_cox_loglik["time"], dtype=torch.float32), + ties_method="efron", + reduction="sum", + ) + log_lik_efron_survival = benchmark_cox_loglik["log_likelihood_efron"] + + # breslow approximation of partial log likelihood + log_lik_breslow = -cox( + torch.tensor( + benchmark_cox_loglik["log_hazard_breslow"], dtype=torch.float32 + ).squeeze(0), + torch.tensor(benchmark_cox_loglik["status"]).bool(), + torch.tensor(benchmark_cox_loglik["time"], dtype=torch.float32), + ties_method="breslow", + reduction="sum", + ) + log_lik_breslow_survival = benchmark_cox_loglik[ + "log_likelihood_breslow" + ] + + self.assertTrue( + np.allclose( + log_lik_efron.numpy(), + np.array(log_lik_efron_survival), + rtol=1e-5, + atol=1e-8, + ) + ) + + self.assertTrue( + np.allclose( + log_lik_breslow.numpy(), + np.array(log_lik_breslow_survival), + rtol=1e-5, + atol=1e-8, + ) + ) + + +if __name__ == "__main__": + unittest.main() diff --git a/tests/test_ipcw.py b/tests/test_ipcw.py new file mode 100644 index 0000000..106100c --- /dev/null +++ b/tests/test_ipcw.py @@ -0,0 +1,111 @@ +# global modules +import json +import unittest + +import numpy as np +import torch +from sksurv.nonparametric import CensoringDistributionEstimator +from utils import DataBatchContainer + +# Local modules +from torchsurv.stats.ipcw import get_ipcw + +# Load the benchmark cox log likelihoods from R +with open("tests/benchmark_data/benchmark_ipcw.json", "r") as file: + benchmark_ipcws = json.load(file) + +# set seed for reproducibility +torch.manual_seed(42) + + +class TestIPCW(unittest.TestCase): + """ + List of packages compared + - pec (R) + - sksurv (Python) + """ + + def test_ipcw_real_data(self): + """test ipcw values on lung and gbsg data""" + + for benchmark_ipcw in benchmark_ipcws: + event = torch.tensor(benchmark_ipcw["status"]).bool() + time = torch.tensor(benchmark_ipcw["time"], dtype=torch.float32) + new_time = torch.tensor(benchmark_ipcw["times"], dtype=torch.float32) + + # ipcw evaluated at subject time + ipcw_subject_time = get_ipcw(event, time) + ipcw_subject_time_pec = np.array(benchmark_ipcw["ipcw_subjectimes"]) + + # ipcw evaluated at new time + ipcw_new_time = get_ipcw(event, time, new_time) + ipcw_new_time_pec = np.array(benchmark_ipcw["ipcw_times"]) + + self.assertTrue( + np.allclose( + ipcw_subject_time.numpy(), + ipcw_subject_time_pec, + rtol=1e-4, + atol=1e-8, + ) + ) + + self.assertTrue( + np.allclose( + ipcw_new_time.numpy(), ipcw_new_time_pec, rtol=1e-4, atol=1e-8 + ) + ) + + def test_ipcw_simulated_data(self): + """test ipcw on simulated batches including edge cases""" + batch_container = DataBatchContainer() + batch_container.generate_batches( + n_batch=20, + flags_to_set=[ + "train_ties_time_event", + "test_ties_time_event", + "train_ties_time_censoring", + # "test_ties_time_censoring", + "train_ties_time_event_censoring", + "test_ties_time_event_censoring", + "test_no_censoring", + #'train_no_censoring', concordance_index_ipcw from sksurv fails + "test_event_at_last_time", + "ties_score_events", + "ties_score_event_censoring", + "ties_score_censoring", + ], + ) + for i, batch in enumerate(batch_container.batches): + ( + train_time, + train_event, + test_time, + test_event, + _, + _, + y_train_array, + y_test_array, + _, + _, + ) = batch + + # ipcw + ipcw = get_ipcw(train_event, train_time, test_time) + + # sksurv imposes survival data (event and time) for ipcw prediction + # instead of just time. And then force icpw to be 0 if event == False + ipcw[test_event == False] = 0.0 + + # ipcw with sksurv + cens = CensoringDistributionEstimator() + cens.fit(y_train_array) + ipcw_sksurv = cens.predict_ipcw(y_test_array) + + self.assertTrue( + np.all(np.isclose(ipcw.numpy(), ipcw_sksurv, rtol=1e-4, atol=1e-8)) + ) + + +if __name__ == "__main__": + unittest.main() diff --git a/tests/test_kaplan_meier.py b/tests/test_kaplan_meier.py new file mode 100644 index 0000000..a7d555c --- /dev/null +++ b/tests/test_kaplan_meier.py @@ -0,0 +1,222 @@ +import json +import unittest + +import numpy as np +import torch +from sksurv.metrics import CensoringDistributionEstimator, SurvivalFunctionEstimator +from utils import DataBatchContainer + +# local +from torchsurv.stats.kaplan_meier import KaplanMeierEstimator + +# Load the benchmark cox log likelihoods from R +with open("tests/benchmark_data/benchmark_kaplan_meier.json", "r") as file: + benchmark_kaplan_meiers = json.load(file) + +torch.manual_seed(23) + + +class TestNonParametric(unittest.TestCase): + """ + List of packages compared + - survival (R) + - sksurv (Python) + """ + + def test_kaplan_meier_survival_distribution_real_data(self): + """test Kaplan Meier survival distribution estimate on lung and gbsg datasets""" + + for benchmark_kaplan_meier in benchmark_kaplan_meiers: + + event = torch.tensor(benchmark_kaplan_meier["status"]).bool() + time = torch.tensor(benchmark_kaplan_meier["time"], dtype=torch.float32) + new_time = torch.tensor( + benchmark_kaplan_meier["times"], dtype=torch.float32 + ) + + km = KaplanMeierEstimator() + km(event, time, censoring_dist=False) + st = km.predict(new_time) + + st_survival = np.array(benchmark_kaplan_meier["surv_prob_survival"]) + + self.assertTrue( + np.allclose( + st.numpy(), + st_survival, + rtol=1e-3, + atol=1e-8, + ) + ) + + def test_kaplan_meier_censoring_distribution_simulated_data(self): + """test Kaplan Meier estimate of censoring distribution on simulated batches including edge cases""" + batch_container = DataBatchContainer() + batch_container.generate_batches( + n_batch=20, + flags_to_set=[ + "train_ties_time_event", + "train_ties_time_censoring", + "train_ties_time_event_censoring", + "train_no_censoring", + ], + ) + for batch in batch_container.batches: + (time, event, _, _, _, _, y_array, *_) = batch + + km = KaplanMeierEstimator() + km(event, time, censoring_dist=True) + ct = km.km_est + + cens = CensoringDistributionEstimator() + cens.fit(y_array) + ct_sksurv = cens.prob_ + if not event.all(): + ct_sksurv = ct_sksurv[1:] + + self.assertTrue(np.allclose(ct.numpy(), ct_sksurv, rtol=1e-5, atol=1e-8)) + + def test_kaplan_meier_survival_distribution_simulated_data(self): + """test Kaplan Meier estimate of survival distribution on simulated batches including edge cases""" + batch_container = DataBatchContainer() + batch_container.generate_batches( + n_batch=20, + flags_to_set=[ + "train_ties_time_event", + "train_ties_time_censoring", + "train_ties_time_event_censoring", + "train_no_censoring", + ], + ) + for batch in batch_container.batches: + (time, event, _, _, _, _, y_array, *_) = batch + + km = KaplanMeierEstimator() + km(event, time, censoring_dist=False) + st = km.km_est + + surv = SurvivalFunctionEstimator() + surv.fit(y_array) + st_sksurv = surv.prob_[1:] + + self.assertTrue(np.allclose(st.numpy(), st_sksurv, rtol=1e-5, atol=1e-8)) + + def test_kaplan_meier_predict_censoring_distribution_simulated_data(self): + """test Kaplan Meier prediction of censoring distribution on simulated batches including edge cases""" + batch_container = DataBatchContainer() + batch_container.generate_batches( + n_batch=20, + flags_to_set=[ + "train_ties_time_event", + "test_ties_time_event", + "train_ties_time_censoring", + "test_ties_time_censoring", + "train_ties_time_event_censoring", + "test_ties_time_event_censoring", + "test_no_censoring", + #'train_no_censoring', CensoringDistributionEstimator from sksurv fails + "test_event_at_last_time", + ], + ) + for batch in batch_container.batches: + ( + train_time, + train_event, + test_time, + _, + _, + _, + y_train_array, + y_test_array, + *_, + ) = batch + + km = KaplanMeierEstimator() + km(train_event, train_time, censoring_dist=True) + ct_pred = km.predict(test_time) + + cens = CensoringDistributionEstimator() + cens.fit(y_train_array) + ct_pred_sksurv = cens.predict_proba(y_test_array["futime"]) + + self.assertTrue( + np.allclose(ct_pred.numpy(), ct_pred_sksurv, rtol=1e-5, atol=1e-8) + ) + + def test_kaplan_meier_predict_survival_distribution_simulated_data(self): + """test Kaplan Meier prediction of survival distribution on simulated batches including edge cases""" + batch_container = DataBatchContainer() + batch_container.generate_batches( + n_batch=20, + flags_to_set=[ + "train_ties_time_event", + "test_ties_time_event", + "train_ties_time_censoring", + "test_ties_time_censoring", + "train_ties_time_event_censoring", + "test_ties_time_event_censoring", + "test_no_censoring", + #'train_no_censoring', CensoringDistributionEstimator from sksurv fails + "test_event_at_last_time", + ], + ) + for batch in batch_container.batches: + ( + train_time, + train_event, + test_time, + _, + _, + _, + y_train_array, + y_test_array, + *_, + ) = batch + + km = KaplanMeierEstimator() + km(train_event, train_time, censoring_dist=False) + st_pred = km.predict(test_time) + + surv = SurvivalFunctionEstimator() + surv.fit(y_train_array) + st_pred_sksurv = surv.predict_proba(y_test_array["futime"]) + + self.assertTrue( + np.allclose(st_pred.numpy(), st_pred_sksurv, rtol=1e-5, atol=1e-8) + ) + + def test_kaplan_meier_estimate_error_raised(self): + """test that errors are raised for estimation in not-accepted edge cases.""" + batch_container = DataBatchContainer() + batch_container.generate_batches( + n_batch=1, + flags_to_set=["train_all_censored"], + ) + for batch in batch_container.batches: + (train_time, train_event, *_) = batch + + self.assertRaises( + ValueError, KaplanMeierEstimator(), train_event, train_time + ) + + def test_kaplan_meier_prediction_error_raised(self): + """test that errors are raised for prediction in not-accepted edge cases.""" + batch_container = DataBatchContainer() + batch_container.generate_batches( + n_batch=1, + flags_to_set=["test_max_time_gt_train_max_time"], + ) + for batch in batch_container.batches: + (train_time, train_event, test_time, *_) = batch + + train_event[-1] = ( + False # if last event is censoring, the last KM is > 0 and it cannot predict beyond this time + ) + km = KaplanMeierEstimator() + km(train_event, train_time, censoring_dist=False) + + self.assertRaises(ValueError, km.predict, test_time) + + +if __name__ == "__main__": + unittest.main() diff --git a/tests/test_mnist.py b/tests/test_mnist.py new file mode 100644 index 0000000..1c98713 --- /dev/null +++ b/tests/test_mnist.py @@ -0,0 +1,155 @@ +import unittest + +import torch +from pytorch_lightning import LightningModule, Trainer +from torch import nn +from torch.utils.data import DataLoader, random_split +from torchvision.datasets import MNIST +from torchvision.transforms import v2 + +from torchsurv.loss.cox import neg_partial_log_likelihood +from torchsurv.metrics.cindex import ConcordanceIndex + + +class LitMNIST(LightningModule): + def __init__(self, hidden_size=128, learning_rate=5e-4): + super().__init__() + + # Set our init args as class attributes + self.data_dir = "." + self.hidden_size = hidden_size + self.learning_rate = learning_rate + self.batch_size = 256 + self.num_workers = 4 + + # Model optimizisation + self.loss = neg_partial_log_likelihood + self.cindex = ConcordanceIndex() + + # Hardcode some dataset specific attributes + self.dims = (1, 28, 28) + channels, width, height = self.dims + self.transform = v2.Compose( + [ + v2.ToImage(), + v2.ToDtype(torch.float32, scale=True), + v2.Normalize(mean=(0,), std=(1,)), + v2.ColorJitter(brightness=0.2, contrast=0.2, saturation=0, hue=0), + ] + ) + + # Define PyTorch model + self.model = nn.Sequential( + nn.Flatten(), + nn.Linear(channels * width * height, hidden_size), + nn.ReLU(), + nn.Dropout(0.1), + nn.Linear(hidden_size, hidden_size), + nn.ReLU(), + nn.Dropout(0.1), + nn.Linear(hidden_size, 1), + ) + + def forward(self, x): + return self.model(x) + + def training_step(self, batch, batch_idx): + x, y = batch + y[y == 0] = 10.0 # Offset 0 to prevent log(0) + params = self(x) + loss = self.loss(params, torch.ones_like(y, device=y.device).bool(), y) + self.log("loss", loss, prog_bar=True, on_step=True, on_epoch=True) + return loss + + def validation_step(self, batch, batch_idx): + x, y = batch + y[y == 0] = 10 # Offset 0 to prevent log(0) + params = self(x) + loss = self.loss(params, torch.ones_like(y, device=y.device).bool(), y) + cindex = self.cindex( + params, torch.ones_like(y, device=y.device).bool(), y.float() + ) + self.log("val_loss", loss, prog_bar=True, on_step=True, on_epoch=True) + self.log( + "cindex", + cindex, + prog_bar=True, + on_step=True, + on_epoch=True, + ) + return loss + + def test_step(self, batch, batch_idx): + # Here we just reuse the validation_step for testing + return self.validation_step(batch, batch_idx) + + def configure_optimizers(self): + optimizer = torch.optim.Adam(self.parameters(), lr=self.learning_rate) + return optimizer + + #################### + # DATA RELATED HOOKS + #################### + + def prepare_data(self): + # download + MNIST(self.data_dir, train=True, download=True) + MNIST(self.data_dir, train=False, download=True) + + def setup(self, stage=None): + # Assign train/val datasets for use in dataloaders + if stage == "fit" or stage is None: + mnist_full = MNIST(self.data_dir, train=True, transform=self.transform) + self.mnist_train, self.mnist_val = random_split(mnist_full, [55000, 5000]) + + # Assign test dataset for use in dataloader(s) + if stage == "test" or stage is None: + self.mnist_test = MNIST( + self.data_dir, train=False, transform=self.transform + ) + + def train_dataloader(self): + return DataLoader( + self.mnist_train, + batch_size=self.batch_size, + num_workers=self.num_workers, + persistent_workers=True, + ) + + def val_dataloader(self): + return DataLoader( + self.mnist_val, + batch_size=self.batch_size, + num_workers=self.num_workers, + persistent_workers=True, + ) + + def test_dataloader(self): + return DataLoader( + self.mnist_test, + batch_size=self.batch_size, + num_workers=self.num_workers, + persistent_workers=True, + ) + + +class TestMetrics(unittest.TestCase): + def test_training(self): + model = LitMNIST() + trainer = Trainer( + logger=False, + enable_checkpointing=False, + accelerator="auto", + fast_dev_run=2, + ) + trainer.fit(model) + results = trainer.validate(model)[0] + values = list(results.values()) + names = list(results.keys()) + self.assertTrue(names == ["val_loss_epoch", "cindex_epoch"]) + self.assertTrue(values[0] > 0) # Loss + self.assertTrue(all([values[1] <= 1, values[1] >= 0])) # Cindex + + +if __name__ == "__main__": + unittest.main() diff --git a/tests/test_train.py b/tests/test_train.py new file mode 100644 index 0000000..60d72e4 --- /dev/null +++ b/tests/test_train.py @@ -0,0 +1,91 @@ +import unittest + +# Global +import lightning as L +import torch +from loguru import logger +from utils import ( + LitSurvival, + LitSurvivalTwins, + SimpleLinearNNOneParameter, + SimpleLinearNNTwoParameters, +) + +from torchsurv.loss.weibull import neg_log_likelihood as weibull + +# Set a seed for reproducibility +seed_value = 45 +torch.manual_seed(seed_value) +BATCH_N = 10 + + +trainer = L.Trainer(max_epochs=2, log_every_n_steps=5) + + +class TestLitTraining(unittest.TestCase): + def run_training(self, trainer, model): + logger.critical(f"Loading {model.dataname} dataset") + trainer.fit(model) + return model + + def test_one_param(self): + """One parameter Weibull""" + model = self.run_training( + trainer, + LitSurvival( + backbone=SimpleLinearNNOneParameter(input_size=2), + loss=weibull, + dataname="lung", + batch_size=248 // BATCH_N, + ), + ) + with torch.no_grad(): + params = model(torch.randn(1, 2)) + self.assertEqual(params.size(), (1, 1)) + + def test_two_params(self): + """Two parameters Weibull""" + model = self.run_training( + trainer, + LitSurvival( + backbone=SimpleLinearNNTwoParameters(input_size=2), + loss=weibull, + dataname="gbsb", + batch_size=686 // BATCH_N, + ), + ) + with torch.no_grad(): + params = model(torch.randn(1, 2)) + self.assertEqual(params.size(), (1, 2)) + + def test_twins(self): + """Two parameters Weibull""" + model = LitSurvivalTwins( + backbone=SimpleLinearNNOneParameter(input_size=2), + loss=weibull, + n=2, + dataname="gbsb", + batch_size=686 // BATCH_N, + ) + res = self.run_training( + trainer, + model, + ) + + with torch.no_grad(): + x = torch.randn(1, 2) + # logger.info(f"No training: {res.twinnets.backbone(x)}") + # logger.info(f"Student (Q): {res.twinnets.encoder_q(x)}") + # logger.info(f"Teacher (K): {res.twinnets.encoder_k(x)}") + + # Model parameters (sanity checks) + # for params in model.twinnets.backbone.parameters(): + # logger.info(f"No training: {params}") + # for params in model.twinnets.encoder_q.parameters(): + # logger.info(f"Student (Q): {params}") + # for params in model.twinnets.encoder_k.parameters(): + # logger.info(f"Teacher (K): {params}") + + +if __name__ == "__main__": + unittest.main() diff --git a/tests/test_weibull.py b/tests/test_weibull.py new file mode 100644 index 0000000..e3f3734 --- /dev/null +++ b/tests/test_weibull.py @@ -0,0 +1,274 @@ +# global modules +import json +import unittest + +import numpy as np +import torch +from lifelines import WeibullAFTFitter +from lifelines.datasets import load_gbsg2, load_lung + +# Local modules +from torchsurv.loss.weibull import neg_log_likelihood as weibull + +# Load the benchmark cox log likelihoods from R +with open("tests/benchmark_data/benchmark_weibull.json", "r") as file: + benchmark_weibull_logliks = json.load(file) + +# set seed for reproducibility +torch.manual_seed(42) + + +class TestWeibullSurvivalLoss(unittest.TestCase): + """ + List of packages compared + - survival (R) + - lifelines (python) + """ + + # random data and parameters + N = 32 + log_params = torch.randn(N, 2) + y = torch.randint(low=0, high=2, size=(N, 1)).bool() + t = torch.randint(low=1, high=100, size=(N, 1)) + + # prepare data + lung = load_lung() + lung["sex"] = (lung["sex"] == 1).astype(float) + lung["age"] = (lung["age"] - lung["age"].mean()) / lung["age"].std() + + gbsg = load_gbsg2() + gbsg["age"] = (gbsg["age"] - gbsg["age"].mean()) / gbsg["age"].std() + gbsg["tsize"] = (gbsg["tsize"] - gbsg["tsize"].mean()) / gbsg["tsize"].std() + + def test_y_tensor(self): + y_np_array = np.random.randint(0, 1 + 1, size=(self.N, 1), dtype="bool") + self.assertRaises(TypeError, weibull, self.log_params, y_np_array, self.t) + + def test_t_tensor(self): + t_np_array = np.random.randint(0, 100, size=(self.N, 1)) + self.assertRaises(TypeError, weibull, self.log_params, self.y, t_np_array) + + def test_log_params_tensor(self): + log_params_np_array = np.random.randn(self.N, 2) + self.assertRaises(TypeError, weibull, log_params_np_array, self.y, self.t) + + def test_nrow_log_params(self): + log_params_wrong_nrow = torch.randn(self.N + 1, 2) + self.assertRaises(ValueError, weibull, log_params_wrong_nrow, self.y, self.t) + + def test_len_data(self): + t_wrong_len = torch.randint(low=1, high=100, size=(self.N + 1, 1)) + self.assertRaises(ValueError, weibull, self.log_params, self.y, t_wrong_len) + + def test_positive_t(self): + t_negative = torch.randint(low=-100, high=100, size=(self.N, 1)) + self.assertRaises(ValueError, weibull, self.log_params, self.y, t_negative) + + def test_boolean_y(self): + y_non_boolean = torch.randint(low=0, high=3, size=(self.N, 1)) + self.assertRaises(ValueError, weibull, self.log_params, y_non_boolean, self.t) + + def test_log_likelihood_1_param(self): + """test weibull log likelihood with only 1 param (log scale) on lung and gbsg data""" + for benchmark_weibull_loglik in benchmark_weibull_logliks: + log_lik = -weibull( + torch.tensor( + benchmark_weibull_loglik["log_shape"], dtype=torch.float32 + ).squeeze(0), + torch.tensor(benchmark_weibull_loglik["status"]).bool(), + torch.tensor(benchmark_weibull_loglik["time"], dtype=torch.float32), + reduction="sum", + ) + + log_lik_survival = benchmark_weibull_loglik["log_likelihood"] + + self.assertTrue( + np.allclose( + log_lik.numpy(), + np.array(log_lik_survival), + rtol=1e-5, + atol=1e-8, + ) + ) + + def test_log_likelihood_2_params_lung(self): + """test value of weibull log likelihood with 2 params (log scale and log shape) on lung data""" + + event = torch.tensor(self.lung["status"]).bool() + time = torch.tensor(self.lung["time"], dtype=torch.float32) + + # intercept only + wbf = WeibullAFTFitter() + wbf.fit(self.lung[["time", "status"]], duration_col="time", event_col="status") + log_params = np.ones((len(event), 1)) * wbf.summary.loc[:, "coef"].values + log_likelihood_lifelines = wbf.log_likelihood_ + log_likelihood = -weibull( + torch.tensor(log_params, dtype=torch.float32), + event, + time, + reduction="sum", + ) + self.assertTrue( + np.allclose( + log_likelihood.numpy(), + np.array(log_likelihood_lifelines), + rtol=1e-5, + atol=1e-8, + ) + ) + + # one covariate + wbf = WeibullAFTFitter() + wbf.fit( + self.lung[["time", "status", "age"]], + duration_col="time", + event_col="status", + ) + log_scale = ( + wbf.summary.loc[:, "coef"].lambda_.Intercept + + np.array(self.lung["age"]) * wbf.summary.loc[:, "coef"].lambda_.age + ) + log_shape = ( + np.ones((self.lung.shape[0],)) * wbf.summary.loc[:, "coef"].rho_.Intercept + ) + log_params = np.column_stack((log_scale, log_shape)) + log_likelihood_lifelines = wbf.log_likelihood_ + log_likelihood = -weibull( + torch.tensor(log_params, dtype=torch.float32), + event, + time, + reduction="sum", + ) + self.assertTrue( + np.allclose( + log_likelihood.numpy(), + np.array(log_likelihood_lifelines), + rtol=1e-5, + atol=1e-8, + ) + ) + + # two covariates + wbf = WeibullAFTFitter() + wbf.fit( + self.lung[["time", "status", "age", "sex"]], + duration_col="time", + event_col="status", + ) + log_scale = ( + wbf.summary.loc[:, "coef"].lambda_.Intercept + + np.array(self.lung["age"]) * wbf.summary.loc[:, "coef"].lambda_.age + + np.array(self.lung["sex"]) * wbf.summary.loc[:, "coef"].lambda_.sex + ) + log_shape = ( + np.ones((self.lung.shape[0],)) * wbf.summary.loc[:, "coef"].rho_.Intercept + ) + log_params = np.column_stack((log_scale, log_shape)) + log_likelihood_lifelines = wbf.log_likelihood_ + log_likelihood = -weibull( + torch.tensor(log_params, dtype=torch.float32), + event, + time, + reduction="sum", + ) + self.assertTrue( + np.allclose( + log_likelihood.numpy(), + np.array(log_likelihood_lifelines), + rtol=1e-5, + atol=1e-8, + ) + ) + + def test_log_likelihood_2_params(self): + """test value of weibull log likelihood with 2 params (log scale and log shape) on gbsg data""" + + event = torch.tensor(self.gbsg["cens"]).bool() + time = torch.tensor(self.gbsg["time"], dtype=torch.float32) + + # intercept only + wbf = WeibullAFTFitter() + wbf.fit(self.gbsg[["time", "cens"]], duration_col="time", event_col="cens") + log_params = np.ones((len(event), 1)) * wbf.summary.loc[:, "coef"].values + log_likelihood_lifelines = wbf.log_likelihood_ + log_likelihood = -weibull( + torch.tensor(log_params, dtype=torch.float32), + event, + time, + reduction="sum", + ) + self.assertTrue( + np.allclose( + log_likelihood.numpy(), + np.array(log_likelihood_lifelines), + rtol=1e-5, + atol=1e-8, + ) + ) + + # one covariate + wbf = WeibullAFTFitter() + wbf.fit( + self.gbsg[["time", "cens", "age"]], + duration_col="time", + event_col="cens", + ) + log_scale = ( + wbf.summary.loc[:, "coef"].lambda_.Intercept + + np.array(self.gbsg["age"]) * wbf.summary.loc[:, "coef"].lambda_.age + ) + log_shape = ( + np.ones((self.gbsg.shape[0],)) * wbf.summary.loc[:, "coef"].rho_.Intercept + ) + log_params = np.column_stack((log_scale, log_shape)) + log_likelihood_lifelines = wbf.log_likelihood_ + log_likelihood = -weibull( + torch.tensor(log_params, dtype=torch.float32), + event, + time, + reduction="sum", + ) + self.assertTrue( + np.allclose( + log_likelihood.numpy(), + np.array(log_likelihood_lifelines), + rtol=1e-5, + atol=1e-8, + ) + ) + + # two covariates + wbf = WeibullAFTFitter() + wbf.fit( + self.gbsg[["time", "cens", "age", "tsize"]], + duration_col="time", + event_col="cens", + ) + log_scale = ( + wbf.summary.loc[:, "coef"].lambda_.Intercept + + np.array(self.gbsg["age"]) * wbf.summary.loc[:, "coef"].lambda_.age + + np.array(self.gbsg["tsize"]) * wbf.summary.loc[:, "coef"].lambda_.tsize + ) + log_shape = ( + np.ones((self.gbsg.shape[0],)) * wbf.summary.loc[:, "coef"].rho_.Intercept + ) + log_params = np.column_stack((log_scale, log_shape)) + log_likelihood_lifelines = wbf.log_likelihood_ + log_likelihood = -weibull( + torch.tensor(log_params, dtype=torch.float32), + event, + time, + reduction="sum", + ) + self.assertTrue( + np.allclose( + log_likelihood.numpy(), + np.array(log_likelihood_lifelines), + rtol=1e-5, + atol=1e-8, + ) + ) + + +if __name__ == "__main__": + unittest.main() diff --git a/tests/utils.py b/tests/utils.py new file mode 100644 index 0000000..4562d53 --- /dev/null +++ b/tests/utils.py @@ -0,0 +1,673 @@ +from typing import Tuple + +import lifelines +import lightning as L +import numpy as np +import torch +import torch.nn as nn +from torch.utils.data import DataLoader, Dataset + +# Local module +from torchsurv.loss.momentum import Momentum + + +class LitSurvival(L.LightningModule): + """Survival Model Fitter""" + + def __init__(self, backbone, loss, batch_size: int = 64, dataname: str = "lung"): + super().__init__() + self.backbone = backbone + self.loss = loss + self.batch_size = batch_size + self.dataname = dataname + + def forward(self, x): + return self.backbone(x) + + def training_step(self, batch, batch_idx): + # Can be anything + x, y, t = batch + params = self(x) + loss = self.loss(params, y, t) + self.log("loss", loss, on_step=True, on_epoch=True, prog_bar=True, logger=True) + return loss + + def configure_optimizers(self): + optimizer = torch.optim.Adam(self.parameters(), lr=1e-3) + return optimizer + + def setup(self, stage: str): + self.dataset = SurvivalDataset(self.dataname) + + def train_dataloader(self): + return DataLoader( + self.dataset, batch_size=self.batch_size, shuffle=True, drop_last=True + ) + + +class LitSurvivalTwins(LitSurvival): + """Survival Model Fitter""" + + def __init__(self, n: int = 5, **kw): + super(LitSurvivalTwins, self).__init__(**kw) + self.momentum = Momentum( + backbone=self.backbone, + loss=self.loss, + n=n, + batchsize=self.batch_size, + m=0.999, + ) + + def forward(self, x, y, t): + return self.momentum(x, y, t) + + def training_step(self, batch, batch_idx): + # Can be anything + x, y, t = batch + loss = self(x, y, t) + self.log("loss", loss, on_step=True, on_epoch=True, prog_bar=True, logger=True) + return loss + + +class SimpleLinearNNOneParameter(L.LightningModule): + """Neural network with output = bias + weight * x""" + + def __init__(self, input_size: int): + super(SimpleLinearNNOneParameter, self).__init__() + self.linear = nn.Linear(input_size, 1) + + def forward(self, x: torch.Tensor): + return self.linear(x) + + +class SimpleLinearNNTwoParameters(L.LightningModule): + """Neural network with output1 = bias_2 + weight_2 * x and output2 = bias_1 + 0 * x""" + + def __init__(self, input_size: int): + super(SimpleLinearNNTwoParameters, self).__init__() + self.linear1 = nn.Linear(input_size, 1) + self.linear2 = nn.Linear(input_size, 1) + self.freeze_linear2_weights() + + def forward(self, x: torch.Tensor): + output1 = self.linear1(x) + output2 = self.linear2(torch.zeros_like(x)) # Use zeros as input for output2 + return torch.hstack((output1, output2)) + + def freeze_linear2_weights(self): + # Set requires_grad to False for the weights parameters of linear2 + for param_name, param in self.linear2.named_parameters(): + if "weight" in param_name: + param.requires_grad = False + elif "bias" in param_name: + param.requires_grad = True + + +class SurvivalDataset(Dataset): + def __init__(self, name: str = "lung"): + self.name = name + self.df = ( + lifelines.datasets.load_lung() + if "lung" in name + else lifelines.datasets.load_gbsg2() + ) + + def __len__(self): + return len(self.df) + + def __getitem__(self, idx): + row = self.df.iloc[idx] + if "lung" in self.name: + x = torch.tensor(row[["sex", "age"]].values, dtype=torch.float32) + y = torch.tensor(row["status"], dtype=torch.float32) + t = torch.tensor(row["time"], dtype=torch.float32) + else: + x = torch.tensor(row[["age", "tsize"]].tolist(), dtype=torch.float32) + t = torch.tensor(row["time"], dtype=torch.float32) + y = torch.tensor(row["cens"], dtype=torch.float32) + + return x, y, t + + +class SurvivalDataGenerator: + def __init__( + self, + test_ties_time_event: bool = False, + test_ties_time_censoring: bool = False, + test_ties_time_event_censoring: bool = False, + train_ties_time_event: bool = False, + train_ties_time_censoring: bool = False, + train_ties_time_event_censoring: bool = False, + ties_score_events: bool = False, + ties_score_censoring: bool = False, + ties_score_event_censoring: bool = False, + test_event_at_last_time: bool = False, + test_no_censoring: bool = False, + test_all_censored: bool = False, + train_no_censoring: bool = False, + train_all_censored: bool = False, + test_max_time_gt_train_max_time: bool = False, + test_max_time_in_new_time: bool = False, + ): + """Simulate survival data with specified characteristics. + + Args: + test_ties_time_event (bool, optional): + Whether there should be at least one tie in event times in the test set. + Defaults to False. + test_ties_time_censoring (bool, optional): + Whether there should be at least one tie in censoring times in the test set. + Defaults to False. + test_ties_time_event_censoring (bool, optional): + Whether there should be at least one tie between the event time and censoring time in the test set. + Defaults to False. + train_ties_time_event (bool, optional): + Whether there should be at least one tie in event times in the train set. + Defaults to False. + train_ties_time_censoring (bool, optional): + Whether there should be at least one tie in censoring times in the train set. + Defaults to False. + train_ties_time_event_censoring (bool, optional): + Whether there should be at least one tie between the event time and censoring time in the train set. + Defaults to False. + ties_score_events (bool, optional): + Whether there should be at least one tie in the risk score associated to patients with event. + Defaults to False. + ties_score_censoring (bool, optional): + Whether there should be at least one tie in the risk score associated to patients with censoring. + Defaults to False. + ties_score_event_censoring (bool, optional): + Whether there should be at least one tie in the risk score associated to a patient with event and a patient with censoring. + Defaults to False. + test_event_at_last_time (bool, optional): + Whether the last time should be associated to an event in test set. + Defaults to False. + test_no_censoring (bool, optional): + Whether there should be no patients censored in test set. + Defaults to False. + test_all_censored (bool, optional): + Whether all patient should be censored in test set. + Defaults to False. + train_no_censoring (bool, optional): + Whether there should be no patients censored in train set. + Defaults to False. + train_all_censored (bool, optional): + Whether all patient should be censored in train set. + Defaults to False. + test_max_time_gt_train_max_time (bool, optional): + Whether the maximum time in the test set should be greater than that in the train set. + Defaults to False. + test_max_time_in_new_time (bool, optional): + Whether the maximum time in the test set should be included in the evaluation times. + Defaults to False. + """ + + # Create internal attributes states + self.test_ties_time_event = test_ties_time_event + self.test_ties_time_censoring = test_ties_time_censoring + self.test_ties_time_event_censoring = test_ties_time_event_censoring + self.train_ties_time_event = train_ties_time_event + self.train_ties_time_censoring = train_ties_time_censoring + self.train_ties_time_event_censoring = train_ties_time_event_censoring + self.test_event_at_last_time = test_event_at_last_time + self.test_no_censoring = test_no_censoring + self.test_all_censored = test_all_censored + self.train_no_censoring = train_no_censoring + self.train_all_censored = train_all_censored + self.test_max_time_gt_train_max_time = test_max_time_gt_train_max_time + self.test_max_time_in_new_time = test_max_time_in_new_time + self.ties_score_events = ties_score_events + self.ties_score_censoring = ties_score_censoring + self.ties_score_event_censoring = ties_score_event_censoring + + # generate simulated survival data + self._generate_input() + + # given simulated data, evaluate value of conditions. + self._evaluate_conditions() + + # check that the conditions set by the flags are met. + self._check_conditions() + + def get_input( + self, + ) -> Tuple[ + torch.Tensor, + torch.Tensor, + torch.Tensor, + torch.Tensor, + torch.Tensor, + torch.Tensor, + ]: + """Returns simulated data as tensors. + + Returns (Tuple, torch.tensor): + time-to-event or censoring in train set, + event indicator in train test, + time-to-event or censoring in test set, + event indicator in test test, + estimated risk score, + evaluation time + """ + return ( + self.train_time, + self.train_event, + self.test_time, + self.test_event, + self.estimate, + self.new_time, + ) + + def get_input_array(self) -> Tuple[np.array, np.array, np.array, np.array]: + """Returns simulated data as np array. + + Returns (Tuple, np.array): + Array containing the event indicator, and time-to-event or censoring of train set, + Array containing the event indicator, and time-to-event or censoring of test set, + Array containing estimated risk score, + Array containing evaluation time. + """ + + # convert simulated input to arrays + self._convert_to_arrays() + + return ( + self.y_train_array, + self.y_test_array, + self.estimate_array, + self.new_time_array, + ) + + def _generate_input(self): + + # random maximum time in observational period + tmax = torch.randint(5, 500, (1,)).item() + + # random number samples in train and number of samples in test + n_train = torch.randint(20, 101, (1,)).item() + n_test = torch.randint(20, 101, (1,)).item() + + # generate random train and test time-to-event or censoring and event indicator + self._generate_data(tmax, n_train, n_test) + + # generate random estimate + self._generate_estimate() + + # generate random evaluation time + self._generate_new_time() + + def _generate_data(self, tmax: int, n_train: int, n_test: int): + + # time-to-event or censoring in train + train_time = torch.randint(1, tmax + 1, (n_train,)).float() + + # event status (1: event, 0: censored) in train + train_event = torch.randint(0, 1 + 1, (n_train,)).float() + while train_event.sum() == 0: + train_event = torch.randint(0, 1 + 1, (n_train,)) + + # enforce conditions + train_time, train_event = self._enforce_conditions_data( + train_time, train_event, "train" + ) + + # order by time and create internal attributes + index = torch.sort(train_time)[1] + self.train_time = train_time[index] + self.train_event = train_event[index].bool() + + # time-to-event or censoring in test + test_time = torch.randint(1, tmax + 1, (n_test,)).float() + + # event status (1: event, 0: censored) in test + test_event = torch.randint(0, 1 + 1, (len(test_time),)).float() + + # order by time + index_test = torch.sort(test_time)[1] + test_time = test_time[index_test] + test_event = test_event[index_test] + + # enforce conditions + test_time, test_event = self._enforce_conditions_data( + test_time, test_event, "test" + ) + + # order by time and create internal attributes + index = torch.sort(test_time)[1] + self.test_time = test_time[index] + self.test_event = test_event[index].bool() + + def _enforce_conditions_data( + self, time: torch.tensor, event: torch.tensor, dataset_type: str + ) -> Tuple[torch.tensor, torch.tensor]: + + # if test max time should be greater than train max time + if dataset_type == "test": + if self.test_max_time_gt_train_max_time: + time[torch.where(event == 1.0)[0][0]] = self.train_time.max() + 1 + else: + index_time = (time > self.train_time.min()) & ( + time < self.train_time.max() + ) + time = time[index_time] + event = event[index_time] + + # if there should be ties in two event times + if (dataset_type == "train" and self.train_ties_time_event) or ( + dataset_type == "test" and self.test_ties_time_event + ): + time[torch.where(event == 1.0)[0][0]] = time[ + torch.where(event == 1.0)[0][1] + ] + + # if there should be ties in two censoring times + if (dataset_type == "train" and self.train_ties_time_censoring) or ( + dataset_type == "test" and self.test_ties_time_censoring + ): + time[torch.where(event == 0.0)[0][0]] = time[ + torch.where(event == 0.0)[0][1] + ] + + # if there should be a tie in an event time and a censoring time + if (dataset_type == "train" and self.train_ties_time_event_censoring) or ( + dataset_type == "test" and self.test_ties_time_event_censoring + ): + time[torch.where(event == 1.0)[0][0]] = time[ + torch.where(event == 0.0)[0][0] + ] + + # if there should be an event at the last time + if dataset_type == "test" and self.test_event_at_last_time: + event[-1] = 1 + + # if there should be no censoring + if (dataset_type == "train" and self.train_no_censoring) or ( + dataset_type == "test" and self.test_no_censoring + ): + event = event.fill_(1.0) + + # if all patients should be censored + if (dataset_type == "train" and self.train_all_censored) or ( + dataset_type == "test" and self.test_all_censored + ): + event = event.fill_(0.0) + + return time, event + + def _generate_estimate(self): + + # random risk score for observations in test + estimate = torch.randn(len(self.test_event)) + + # enforce conditions risk score + self.estimate = self._enforce_conditions_estimate(estimate) + + def _enforce_conditions_estimate(self, estimate: torch.tensor) -> torch.tensor: + + # if there should be ties in risk score associated to patients with event + if self.ties_score_events: + estimate[torch.where(self.test_event == 1.0)[0][0]] = estimate[ + torch.where(self.test_event == 1.0)[0][1] + ] + + # if there should be ties in risk score associated to patients with censoring + if self.ties_score_censoring: + estimate[torch.where(self.test_event == 0.0)[0][0]] = estimate[ + torch.where(self.test_event == 0.0)[0][1] + ] + + # if there should be ties in risk score associated to patients with event and with censoring + if self.ties_score_event_censoring: + estimate[torch.where(self.test_event == 1.0)[0][0]] = estimate[ + torch.where(self.test_event == 0.0)[0][0] + ] + + return estimate + + def _generate_new_time(self): + + if torch.all(self.test_event == False): + # if all patients are censored in test, no evaluation time + new_time = torch.tensor([]) + + else: + # random number of evaluation time + n = torch.randint(low=1, high=int(len(self.test_time) / 2), size=(1,)) + + # generate random evaluation time within test event time + new_time = torch.unique( + torch.randint( + low=self.test_time[self.test_event == 1].min().long(), + high=self.test_time[self.test_event == 1].max().long(), + size=(n,), + ).float() + ) + + # enforce conditions + self.new_time = self._enforce_conditions_time(new_time) + + def _enforce_conditions_time(self, new_time: torch.tensor) -> torch.tensor: + + # if the test max time should be included in evaluation time + if self.test_max_time_in_new_time: + new_time = torch.cat( + [new_time, torch.tensor([self.test_time.max()])], dim=0 + ) + + return new_time + + def _evaluate_conditions(self): + + # are there ties in event times + self.has_train_ties_time_event = self._has_ties( + self.train_time[self.train_event == 1] + ) + self.has_test_ties_time_event = self._has_ties( + self.test_time[self.test_event == 1] + ) + + # are there ties in censoring times + self.has_train_ties_time_censoring = self._has_ties( + self.train_time[self.train_event == 0] + ) + self.has_test_ties_time_censoring = self._has_ties( + self.test_time[self.test_event == 0] + ) + + # are there ties in event and censoring times + self.has_test_ties_time_event_censoring = self._has_ties( + self.test_time[self.test_event == 1], + self.test_time[self.test_event == 0], + ) + self.has_train_ties_time_event_censoring = self._has_ties( + self.train_time[self.train_event == 1], + self.train_time[self.train_event == 0], + ) + + # is last time is event + self.has_test_event_at_last_time = (self.test_event[-1] == 1.0).item() + + # is there no censoring + self.has_train_no_censoring = torch.all(self.train_event).item() + self.has_test_no_censoring = torch.all(self.test_event).item() + + # is all patients all censored + self.has_train_all_censored = torch.all(self.train_event == False).item() + self.has_test_all_censored = torch.all(self.test_event == False).item() + + # is test time greater than train time + self.has_test_max_time_gt_train_max_time = ( + self.test_time.max() > self.train_time.max() + ).item() + + # is max test time included in evaluation time + self.has_test_max_time_in_new_time = torch.any( + self.new_time == self.test_time.max() + ).item() + + # is there ties in risk score associated to patients with event + self.has_ties_score_events = self._has_ties( + self.estimate[self.test_event == 1.0] + ) + + # is there ties in risk score associated to patients with censoring + self.has_ties_score_event_censoring = self._has_ties( + self.estimate[self.test_event == 1.0], + self.estimate[self.test_event == 0.0], + ) + + # is there ties in risk score associated to patients with event and censoring + self.has_ties_score_censoring = self._has_ties( + self.estimate[self.test_event == 0.0] + ) + + def _check_conditions(self): + """Compare condition evaluated on simulated to condition required.""" + + self._check_condition(self.test_ties_time_event, self.has_test_ties_time_event) + self._check_condition( + self.test_ties_time_censoring, self.has_test_ties_time_censoring + ) + self._check_condition( + self.test_ties_time_event_censoring, self.has_test_ties_time_event_censoring + ) + self._check_condition( + self.train_ties_time_event, self.has_train_ties_time_event + ) + self._check_condition( + self.train_ties_time_censoring, self.has_train_ties_time_censoring + ) + self._check_condition( + self.train_ties_time_event_censoring, + self.has_train_ties_time_event_censoring, + ) + self._check_condition( + self.test_event_at_last_time, self.has_test_event_at_last_time + ) + self._check_condition(self.test_no_censoring, self.has_test_no_censoring) + self._check_condition(self.train_no_censoring, self.has_train_no_censoring) + self._check_condition(self.train_all_censored, self.has_train_all_censored) + self._check_condition(self.test_all_censored, self.has_test_all_censored) + self._check_condition( + self.test_max_time_gt_train_max_time, + self.has_test_max_time_gt_train_max_time, + ) + self._check_condition( + self.test_max_time_in_new_time, self.has_test_max_time_in_new_time + ) + self._check_condition(self.ties_score_events, self.has_ties_score_events) + self._check_condition( + self.has_ties_score_event_censoring, self.has_ties_score_event_censoring + ) + self._check_condition( + self.has_ties_score_censoring, self.has_ties_score_censoring + ) + + def _check_condition(self, condition, flag): + if condition == True and flag == False: + raise ValueError("Condition is not met.") + + def _has_ties(self, tensor, tensor2=None): + # check if there are ties within tensor or with tensor2 if specified + if tensor2 is None: + return len(tensor) > len(torch.unique(tensor)) + else: + cat, counts = torch.cat([tensor, tensor2]).unique(return_counts=True) + intersection = cat[torch.where(counts.gt(1))] + return intersection.numel() > 0 + + def _convert_to_arrays(self): + # train time and survival as numpy array + self.y_train_array = np.array( + list(zip(self.train_event.numpy(), self.train_time.numpy())), + dtype=[("survival", "?"), ("futime", " n_batch: + n_batch = len(flags_to_set) + + for i in range(n_batch): + + if i >= len(flags_to_set): + # simulate data without flag + self.generate_one_batch() + else: + # simulate data given one flag + self.generate_one_batch(flags_to_set[i]) + + def generate_one_batch(self, flag_to_set: str = None, **kwargs): + """Simulate one batch. + + Args: + flag_to_set (str, optional): Name of condition. Defaults to None. + """ + + if flag_to_set is not None: + kwargs[flag_to_set] = True + + data_batch = SurvivalDataGenerator(**kwargs) + self.add_batch(data_batch.get_input() + data_batch.get_input_array()) + + +def conditions_ci(output): + # Lower < Upper, lower >= 0, upper <= 1 + return all([output[0] <= output[1], output[0] >= 0, output[1] <= 1]) + + +def conditions_p_value(output): + # p-value must be within [0-1] + return all([output <= 1, output >= 0]) + + +if __name__ == "__main__": + # generate random survival data + data = SurvivalDataGenerator(train_ties_time_event=True) + data = SurvivalDataGenerator(test_ties_time_event=True) + data = SurvivalDataGenerator(train_ties_time_censoring=True) + data = SurvivalDataGenerator(test_ties_time_censoring=True) + data = SurvivalDataGenerator(train_ties_time_event_censoring=True) + data = SurvivalDataGenerator(test_ties_time_event_censoring=True) + data = SurvivalDataGenerator(test_event_at_last_time=True) + data = SurvivalDataGenerator(test_no_censoring=True) + data = SurvivalDataGenerator(train_no_censoring=True) + data = SurvivalDataGenerator(test_all_censored=True) + data = SurvivalDataGenerator(train_all_censored=True) + data = SurvivalDataGenerator(test_max_time_gt_train_max_time=True) + data = SurvivalDataGenerator(test_max_time_in_new_time=True) + data = SurvivalDataGenerator(ties_score_events=True) + data = SurvivalDataGenerator(ties_score_event_censoring=True) + data = SurvivalDataGenerator(ties_score_censoring=True) + + # batch of randomly generate data + batch_container = DataBatchContainer() + batch_container.generate_batches( + n_batch=10, flags_to_set=["train_ties_time_event", "test_ties_time_event"] + ) + batches = batch_container.batches