diff --git a/MindEnergy/application/DAE-PINNs/DAE-PINN.ipynb b/MindEnergy/application/DAE-PINNs/DAE-PINN.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..bd5257f88f2d1e910d7974a9c96cb0e782a53f42 --- /dev/null +++ b/MindEnergy/application/DAE-PINNs/DAE-PINN.ipynb @@ -0,0 +1,411 @@ +{ + "cells": [ + { + "attachments": {}, + "cell_type": "markdown", + "metadata": { + "collapsed": false, + "pycharm": { + "name": "#%% md\n" + } + }, + "source": [ + "# DAE-PINN\n", + "\n", + "\n", + "## 环境安装\n", + "\n", + "本案例要求 **MindSpore >= 2.5.0** 版本以调用如下接口: *mindspore.jit, mindspore.jit_class, mindspore.data_sink*。具体请查看[MindSpore安装](https://www.mindspore.cn/install)。\n", + "\n", + "此外,你需要安装 **MindEnergy >=0.1.0** 版本。如果当前环境还没有安装,请按照下列方式选择后端和版本进行安装。\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "mindenergy_version = \"0.1.0\" # update if needed\n", + "# Comment out the following code if you are using NPU.\n", + "!pip uninstall -y mindscience-ascend\n", + "!pip install mindscience-ascend==$mindscience_version\n", + "\n", + "# NPU Uncomment if needed.\n", + "# !pip uninstall -y mindscience-ascend\n", + "# !pip install mindscience-ascend==$mindscience_version" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "\n", + "## 概述\n", + "\n", + "\n", + "* **电力网络动态安全评估需求** :随着电力网络中分布式能源资源的整合、市场自由化以及复杂通信和控制算法的采用,电力网络的运行条件和潜在故障场景变得更加多样化,影响其安全性。为了评估电力网络的动态安全性,需要模拟其在面对单一故障时的动态响应,这需要求解一组非线性微分代数方程(DAE),而传统显式积分方案在求解 DAE 时会失败,商业求解器计算成本高、内存需求大,限制了动态安全评估的在线部署。\n", + "* **深度学习在科学和工程领域的潜力与挑战** :尽管深度学习在计算机视觉和自然语言处理等领域取得了巨大成功,但在学习科学和工程动态系统方面应用有限,因为数据收集成本高昂,且大多数传统深度学习方法在数据量有限的情况下缺乏鲁棒性和泛化能力。\n", + "\n", + "## 工作原理\n", + "\n", + " * DAE-PINNs 框架结合了隐式龙格 - 库塔时间步进方案(专为求解 DAE 设计)和物理信息神经网络(PINN)。在时间步进过程中,假设已积分至 $(t_n, y_n, z_n)$,目标是推进至 $(t_{n+1}, y_{n+1}, z_{n+1})$,应用隐式龙格 - 库塔方案后,得到一系列方程,包括内部阶段的更新公式和最终状态的更新公式。\n", + " * 通过惩罚方法强制神经网络满足 DAE 作为近似硬约束。在训练过程中,将 DAE 的残差作为损失函数的一部分,使得网络在学习过程中不仅拟合数据,还能满足物理定律所描述的 DAE 方程,从而将物理信息融入到神经网络的学习过程中。\n", + "\n", + "## 方法细节\n", + "\n", + " * **问题设置** :DAE 以半显式形式给出,包括动态状态 y 和代数变量 z,以及描述微分方程的 f 和代数方程的 g。假设 f 和 g 具有足够高的可微性,并且 DAE 的索引为 1,即雅可比矩阵 g_z 的逆存在且在精确解附近有界,这使得代数方程在局部有唯一解 $z = G(y)$,从而 DAE 可以转化为普通微分方程系统。\n", + " * **网络结构** :与标准的 PINN 类似,DAE-PINNs 通常由输入层、多个隐藏层和输出层组成。输入层接收时间和动态状态等信息,隐藏层通过非线性激活函数进行特征提取和转换,输出层预测代数变量的值。\n", + " * **损失函数** :损失函数由两部分组成,一部分是数据损失,用于拟合初始条件、边界条件等已知点的数据;另一部分是物理损失,即 DAE 的残差损失,通过自动微分计算网络输出对时间和状态变量的导数,代入 DAE 方程得到残差,并将其作为物理损失的一部分。通过优化这两个部分的损失函数,使得网络既能拟合数据,又能满足物理方程。\n", + "\n", + "![model](./images/model.png)\n", + "\n", + "[DAE-PINN](https://arxiv.org/abs/2109.04304)的网络结构如上图。\n", + "\n", + "与传统神经网络不同,DAE-PINN 在网络结构中融入了物理信息,通过构造特定的损失函数,使网络在学习过程中不仅拟合数据,还能满足物理定律所描述的 DAE 方程,从而提高了模型的准确性和泛化能力。整体的网络架构如上,分为两个网络分别处理动态状态和代数状态,网络的输入是包括时间信息和动态状态信息,网络的输出是对动态状态和代数状态的预测值,具体来说,会输出动态状态 y 和代数变量 z 的预测结果,如在电力网络案例中,输出动态状态和代数变量的预测以实现对电力网络动态行为的模拟。网络支持使用`fnn`、`attention`、`conv1d`3种backbone。`fnn`为多层感知机网络,`attention`为采用类似transformer attention形式的FFN网络,`conv1d`为使用了`Conv1D`的FFN网络。\n", + "\n", + "\n", + "\n", + "## 准备环节\n", + "\n", + "实践前,确保已经正确安装最新版本的MindSpore与mindscience。如果没有,可以通过:\n", + "\n", + "* [MindSpore安装页面](https://www.mindspore.cn/install) 安装MindSpore。\n", + "\n", + "* [mindscience安装页面](https://www.mindspore.cn/mindscience/docs/zh-CN/master/mindscience_install.html) 安装mindscience。" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## DAE-PINN实现\n", + "\n", + "DAE-PINN实现分为以下5个步骤:\n", + "\n", + "1. 配置网络与训练参数\n", + "2. 数据集制作与加载\n", + "3. 模型构建\n", + "4. 模型训练\n", + "5. 结果可视化" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false, + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "import time\n", + "\n", + "from mindspore import ops, jit\n", + "from mindspore import context\n", + "from mindspore.experimental import optim\n", + "import numpy as np\n", + "\n", + "from mindscience.utils import load_yaml_config\n", + "\n", + "from src.utils import dotdict\n", + "from src.model import three_bus_PN\n", + "from src.data import get_dataset\n", + "from src.trainer import DaeTrainer\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false, + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "context.set_context(mode=context.PYNATIVE_MODE, device_target='Ascend', device_id=1)" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "metadata": { + "collapsed": false, + "pycharm": { + "name": "#%% md\n" + } + }, + "source": [ + "## 配置网络与训练参数\n", + "\n", + "从配置文件中读取模型相关参数(model)、数据相关参数(data)、优化器相关参数(optimizer),设置模型初始化、特征维度、子网类型等参数。" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false, + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "config = load_yaml_config('./configs/config.yaml')\n", + "model_params, data_params, optim_params, ode_params, summary_params = config[\n", + " 'model'], config['data'], config['optimizer'], config['ode'], config['summary']\n", + "\n", + "dynamic = dotdict()\n", + "dynamic.num_IRK_stages = model_params['num_IRK_stages']\n", + "dynamic.state_dim = 4\n", + "dynamic.activation = model_params['dyn_activation']\n", + "dynamic.initializer = \"Glorot normal\"\n", + "dynamic.dropout_rate = 0\n", + "dynamic.batch_normalization = None if model_params['dyn_bn'] == \"no-bn\" else model_params['dyn_bn']\n", + "dynamic.layer_normalization = None if model_params['dyn_ln'] == \"no-ln\" else model_params['dyn_ln']\n", + "dynamic.type = model_params['dyn_type']\n", + "\n", + "if model_params['unstacked']:\n", + " dim_out = dynamic.state_dim * (dynamic.num_IRK_stages + 1)\n", + "else:\n", + " dim_out = dynamic.num_IRK_stages + 1\n", + "\n", + "if model_params['use_input_layer']:\n", + " dynamic.layer_size = [dynamic.state_dim * 5] + \\\n", + " [model_params['dyn_width']] * model_params['dyn_depth'] + [dim_out]\n", + "else:\n", + " dynamic.layer_size = [dynamic.state_dim] + \\\n", + " [model_params['dyn_width']] * model_params['dyn_depth'] + [dim_out]\n", + "\n", + "algebraic = dotdict()\n", + "algebraic.num_IRK_stages = model_params['num_IRK_stages']\n", + "dim_out_alg = algebraic.num_IRK_stages + 1\n", + "algebraic.layer_size = [dynamic.state_dim] + \\\n", + " [model_params['alg_width']] * model_params['alg_depth'] + [dim_out_alg]\n", + "algebraic.activation = model_params['alg_activation']\n", + "algebraic.initializer = \"Glorot normal\"\n", + "algebraic.dropout_rate = 0\n", + "algebraic.batch_normalization = None if model_params['alg_bn'] == \"no-bn\" else model_params['alg_bn']\n", + "algebraic.layer_normalization = None if model_params['alg_ln'] == \"no-ln\" else model_params['alg_ln']\n", + "algebraic.type = model_params['alg_type']" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "collapsed": false, + "pycharm": { + "name": "#%% md\n" + } + }, + "source": [ + "## 数据集制作与加载\n", + "\n", + "数据集下载地址:[data_driven/airfoil/2D_steady](https://download.mindspore.cn/mindscience/mindscience/dataset/applications/data_driven/airfoil/2D_steady/)\n", + "该文件包含6000条HyperCube数据集。" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "train_dataset, test_dataset, val_dataset = get_dataset(data_params)" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## 模型构建\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "\n", + "net = three_bus_PN(\n", + " dynamic,\n", + " algebraic,\n", + " use_input_layer=model_params['use_input_layer'],\n", + " stacked=not model_params['unstacked'],\n", + ")" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## 损失函数与优化器\n", + "\n", + "损失函数采用了MSE函数。优化器选用了Adam,学习率调度采用了ReduceLROnPlateau。" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "trainer = DaeTrainer(net, irk_dir=data_params['IRK_dir'], num_IRK_stages=model_params['num_IRK_stages'],\n", + " h=ode_params['h'], dyn_weight=model_params['dyn_weight'],\n", + " alg_weight=model_params['alg_weight'])\n", + "\n", + "optimizer = optim.Adam(net.trainable_params(), lr=optim_params['lr'])\n", + "scheduler_type = optim_params['scheduler_type']\n", + "use_scheduler = optim_params['use_scheduler']\n", + "if use_scheduler:\n", + " if scheduler_type == \"plateau\":\n", + " scheduler = optim.lr_scheduler.ReduceLROnPlateau(\n", + " optimizer,\n", + " mode='min',\n", + " patience=optim_params['patience'],\n", + " factor=optim_params['factor'],\n", + " )\n", + " elif scheduler_type == \"step\":\n", + " scheduler = optim.lr_scheduler.StepLR(\n", + " optimizer, step_size=optim_params['patience'], gamma=optim_params['factor']\n", + " )\n", + " else:\n", + " scheduler = None\n", + "else:\n", + " scheduler = None\n" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## 训练函数\n", + "\n", + "使用**MindSpore>= 2.5.0**的版本,可以使用函数式编程范式训练神经网络,单步训练函数使用jit装饰。" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "\n", + "def forward_fn(x):\n", + " loss = trainer.get_loss(x)\n", + " return loss\n", + "\n", + "grad_fn = ops.value_and_grad(\n", + " forward_fn, None, optimizer.parameters, has_aux=False)\n", + "\n", + "@jit\n", + "def train_step(x):\n", + " loss, grads = grad_fn(x)\n", + " optimizer(grads)\n", + " return loss" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## 模型训练\n", + "\n", + "模型训练过程中边训练边推理。用户可以直接加载测试数据集,每训练n个epoch后输出一次测试集上的推理精度。" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "collapsed": false, + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "test_interval = summary_params['test_interval']\n", + "\n", + "for epoch in range(1, 1 + optim_params['epochs']):\n", + " # train\n", + " time_beg = time.time()\n", + " net.set_train(True)\n", + " loss_val = []\n", + " for data, in train_dataset:\n", + " step_train_loss = train_step(data)\n", + " loss_val.append(step_train_loss.numpy())\n", + " time_end = time.time()\n", + "\n", + " print(\n", + " f\"epoch: {epoch} train loss: {np.mean(loss_val)} epoch time: {time_end-time_beg:.3f}s\")\n", + " if use_scheduler:\n", + " if scheduler_type == \"plateau\":\n", + " net.set_train(False)\n", + " loss_val = trainer.get_loss(val_dataset)\n", + " scheduler.step(loss_val)\n", + " else:\n", + " scheduler.step()\n", + " # test\n", + " if epoch % test_interval == 0:\n", + " net.set_train(False)\n", + " loss_test = trainer.get_loss(test_dataset)\n", + " print(f'test loss: {loss_test}')\n" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "metadata": { + "collapsed": false, + "pycharm": { + "name": "#%% md\n" + } + }, + "source": [ + "## 结果可视化\n", + "\n", + "模型训练的loss下降曲线如下:\n", + "\n", + "![model](images/loss.png)\n" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3.9.16 64-bit ('gbq_2.0': conda)", + "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.9.16" + }, + "vscode": { + "interpreter": { + "hash": "b9063439a3781aed32d6b0dd4804a0c8b51ecec7893a0f31b99846bc91ef39eb" + } + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} diff --git a/MindEnergy/application/DAE-PINNs/README.md b/MindEnergy/application/DAE-PINNs/README.md new file mode 100644 index 0000000000000000000000000000000000000000..6e10241e90974f82e0728505d35564a980681542 --- /dev/null +++ b/MindEnergy/application/DAE-PINNs/README.md @@ -0,0 +1,76 @@ +# DAE-PINN + +## 概述 + +* **电力网络动态安全评估需求** :随着电力网络中分布式能源资源的整合、市场自由化以及复杂通信和控制算法的采用,电力网络的运行条件和潜在故障场景变得更加多样化,影响其安全性。为了评估电力网络的动态安全性,需要模拟其在面对单一故障时的动态响应,这需要求解一组非线性微分代数方程(DAE),而传统显式积分方案在求解 DAE 时会失败,商业求解器计算成本高、内存需求大,限制了动态安全评估的在线部署。 +* **深度学习在科学和工程领域的潜力与挑战** :尽管深度学习在计算机视觉和自然语言处理等领域取得了巨大成功,但在学习科学和工程动态系统方面应用有限,因为数据收集成本高昂,且大多数传统深度学习方法在数据量有限的情况下缺乏鲁棒性和泛化能力。 + +## 工作原理 + + * DAE-PINNs 框架结合了隐式龙格 - 库塔时间步进方案(专为求解 DAE 设计)和物理信息神经网络(PINN)。在时间步进过程中,假设已积分至 $(t_n, y_n, z_n)$,目标是推进至 $(t_{n+1}, y_{n+1}, z_{n+1})$,应用隐式龙格 - 库塔方案后,得到一系列方程,包括内部阶段的更新公式和最终状态的更新公式。 + * 通过惩罚方法强制神经网络满足 DAE 作为近似硬约束。在训练过程中,将 DAE 的残差作为损失函数的一部分,使得网络在学习过程中不仅拟合数据,还能满足物理定律所描述的 DAE 方程,从而将物理信息融入到神经网络的学习过程中。 + +## 方法细节 + + * **问题设置** :DAE 以半显式形式给出,包括动态状态 y 和代数变量 z,以及描述微分方程的 f 和代数方程的 g。假设 f 和 g 具有足够高的可微性,并且 DAE 的索引为 1,即雅可比矩阵 g_z 的逆存在且在精确解附近有界,这使得代数方程在局部有唯一解 $z = G(y)$,从而 DAE 可以转化为普通微分方程系统。 + * **网络结构** :与标准的 PINN 类似,DAE-PINNs 通常由输入层、多个隐藏层和输出层组成。输入层接收时间和动态状态等信息,隐藏层通过非线性激活函数进行特征提取和转换,输出层预测代数变量的值。 + * **损失函数** :损失函数由两部分组成,一部分是数据损失,用于拟合初始条件、边界条件等已知点的数据;另一部分是物理损失,即 DAE 的残差损失,通过自动微分计算网络输出对时间和状态变量的导数,代入 DAE 方程得到残差,并将其作为物理损失的一部分。通过优化这两个部分的损失函数,使得网络既能拟合数据,又能满足物理方程。 + +![model](./images/model.png) + +[DAE-PINN](https://arxiv.org/abs/2109.04304)的网络结构如上图。 + +与传统神经网络不同,DAE-PINN 在网络结构中融入了物理信息,通过构造特定的损失函数,使网络在学习过程中不仅拟合数据,还能满足物理定律所描述的 DAE 方程,从而提高了模型的准确性和泛化能力。整体的网络架构如上,分为两个网络分别处理动态状态和代数状态,网络的输入是包括时间信息和动态状态信息,网络的输出是对动态状态和代数状态的预测值,具体来说,会输出动态状态 y 和代数变量 z 的预测结果,如在电力网络案例中,输出动态状态和代数变量的预测以实现对电力网络动态行为的模拟。网络支持使用`fnn`、`attention`、`conv1d`3种backbone。`fnn`为多层感知机网络,`attention`为采用类似transformer attention形式的FFN网络,`conv1d`为使用了`Conv1D`的FFN网络。 + +## 优势与贡献 + + * **优势** :DAE-PINNs 能够有效地学习和模拟具有一定程度刚性的通用电力系统的解轨迹,生成的模拟适用于长时间范围的 DAE 模拟,填补了深度学习方法在处理刚性动力学方面的空白,为解决复杂工程系统中的 DAE 问题提供了一种新的高效方法。 + * **贡献** :作者通过三节点电力网络的案例,验证了 DAE-PINN 在短时间内学习初始条件分布到解轨迹的映射以及长时间模拟 DAE 的能力,展示了其有效性和准确性,为电力系统动态安全评估提供了一种潜在的在线工具。 + +## 快速开始 + +### 训练方式一:在命令行中调用`train.py`脚本 + +```shell +python -u train.py --config_file ./configs/config.yaml --device_target Ascend --device_id 1 --mode PYNATIVE +``` + +其中, + +`--config_file`表示配置文件的路径,默认值'./configs/vit.yaml'; + +`--device_target`表示使用的计算平台类型,可以选择'Ascend'或'CPU',默认值'Ascend'; + +`--device_id`表示使用的计算卡编号,可按照实际情况填写,默认值 1; + +`--mode`表示运行的模式,'GRAPH'表示静态图模式, 'PYNATIVE'表示动态图模式,默认值'PYNATIVE'。 + +### 训练方式二:运行 Jupyter Notebook + +您可以使用[Jupyter Notebook](./DAE-PINN.ipynb)逐行运行训练和验证代码。 + +## 结果展示 + +训练的loss曲线如下图: + +![loss](images/loss.png) + +## 性能 + +| 参数 | 指标 | +| :-----------: | :-----------------------------------------------: | +| 硬件资源 | Atlas 800T A2 | +| MindSpore版本 | >=2.5.0 | +| 数据集 | HyperCube | +| 参数量 | 6e4 | +| 训练参数 | batch_size=1048, steps_per_epoch=6, epochs=30000 | +| 优化器 | Adam | +| 训练损失(MSE) | 5e-3 | +| 验证损失(MSE) | 5e-3 | +| 速度(ms/step) | 140 | + +## 贡献者 + +gitee id: [Brian-K](https://gitee.com/b_rookie) + +email: brian_k2023@163.com diff --git a/MindEnergy/application/DAE-PINNs/configs/config.yaml b/MindEnergy/application/DAE-PINNs/configs/config.yaml new file mode 100644 index 0000000000000000000000000000000000000000..97b2905e2a6d6686850177603c95e60155147692 --- /dev/null +++ b/MindEnergy/application/DAE-PINNs/configs/config.yaml @@ -0,0 +1,39 @@ +ode: + h: 0.1 + N: 80 + method: 'BDF' +model: + dyn_bn: 'no-bn' + dyn-ln: 'no-ln' + dyn-type: 'attention' # fnn, attention, Conv1D + unstacked: True + use-input-layer: False + dyn-width: 100 + dyn-depth: 4 + dyn-activation: 'sin' + dyn-weight: 64.0 + alg-bn: 'no-bn' + alg-ln: 'no-ln' + alg-type: 'attention' # fnn, attention, Conv1D + alg-width: 40 + alg-depth: 2 + alg-activation: 'sin' + alg-weight: 1.0 + num_IRK_stages: 100 +data: + data_path: 'data.npz' + IRK_dir: './IRK_weights' + num_train: 6000 + num_val: 100 + num_test: 500 + batch_size: 1048 +summary: + summary_dir: "./logs/dae-pinns-example-2/" + test_interval: 1000 +optimizer: + epochs: 30000 + lr: 1e-4 + use-scheduler: False + scheduler-type: 'plateau' + patience: 2000 + factor: .8 diff --git a/MindEnergy/application/DAE-PINNs/data/IRK_weights/Butcher_IRK100.txt b/MindEnergy/application/DAE-PINNs/data/IRK_weights/Butcher_IRK100.txt new file mode 100644 index 0000000000000000000000000000000000000000..21a14275f0fcfe606f0ec4c9f9658d9ed4cea089 --- /dev/null +++ b/MindEnergy/application/DAE-PINNs/data/IRK_weights/Butcher_IRK100.txt @@ -0,0 +1,10200 @@ +0.0001836586226264179326 +-0.000070015687539637576411 +0.000053853534327657867977 +-0.000045579488369569833163 +0.000040256727870382627455 +-0.000036438909940913561807 +0.000033515737964206391559 +-0.000031176687543938895126 +0.000029244171170672623136 +-0.000027608074902721408391 +0.000026195928094101058988 +-0.000024957792936842614555 +0.000023857977539740400648 +-0.000022870200053157452552 +0.000021974621920126745673 +-0.000021155951182348004089 +0.000020402187156195263671 +-0.000019703764697955525162 +0.000019052955798861694526 +-0.000018443441713409595573 +0.000017870000969053414966 +-0.000017328277881553657301 +0.000016814608111175775542 +-0.000016325885352835696262 +0.000015859458164080111696 +-0.000015413049194306144021 +0.000014984691284172154569 +-0.000014572676422864522239 +0.000014175514613481311594 +-0.000013791900451217157044 +0.000013420685761919389607 +-0.000013060857044133458179 +0.000012711516749289737368 +-0.00001237186765186554135 +0.000012041199724767818732 +-0.000011718879059285020507 +0.00001140433846403089101 +-0.000011097069450735884878 +0.000010796615371896901615 +-0.000010502565520104392398 +0.000010214550034235437082 +-9.9322354858012479675e-6 +9.6553210411989024061e-6 +-9.3835351136759353616e-6 +9.1166324334160739789e-6 +-8.8543914760197934968e-6 +8.5966121993452399275e-6 +-8.3431140466298161474e-6 +8.0937341803720534897e-6 +-7.8483259168863386642e-6 +7.6067573359626463541e-6 +-7.368910043839177356e-6 +7.1346780708633480616e-6 +-6.9039668878849655001e-6 +6.676692527682763659e-6 +-6.452780799643322163e-6 +6.2321665875481394792e-6 +-6.0147932217282174075e-6 +5.8006119180554962891e-6 +-5.5895812772897403063e-6 +5.3816668392155478139e-6 +-5.1768406868103391916e-6 +4.9750810964003821604e-6 +-4.7763722304054681971e-6 +4.5807038698590981391e-6 +-4.3880711844339098836e-6 +4.1984745382146454311e-6 +-4.0119193299558994112e-6 +3.828415867052070761e-6 +-3.6479792729459570705e-6 +3.470629428225326483e-6 +-3.2963909462208931024e-6 +3.1252931845450853666e-6 +-2.9573702947242947996e-6 +2.7926613129101053962e-6 +-2.6312102956489045304e-6 +2.4730665058989948848e-6 +-2.3182846559831382315e-6 +2.1669252160520156222e-6 +-2.0190547990479710968e-6 +1.8747466362914926475e-6 +-1.7340811619398342772e-6 +1.5971467300856523447e-6 +-1.4640404957595730607e-6 +1.3348695014547725977e-6 +-1.2097520253552677893e-6 +1.0888192683456590725e-6 +-9.722174875320798611e-7 +8.6011073009756172971e-7 +-7.5268439261179261032e-7 +6.5014994482865007423e-7 +-5.5275134600193188973e-7 +4.6077400959218201497e-7 +-3.7455777215488506081e-7 +2.9451649440513251663e-7 +-2.2116941041132895421e-7 +1.5519522544282904015e-7 +-9.7536128051308948716e-8 +4.9634531871150820392e-8 +-1.4172567526134344854e-8 +0.00039740742894306381061 +0.00042734816337952630988 +-0.00011681284337046127968 +0.000082643851512129699916 +-0.00006788401334569539005 +0.000059216188735466292234 +-0.000053309652009149102529 +0.000048920473823474198304 +-0.000045470525798051458502 +0.000042650620264835538279 +-0.000040278386757202394943 +0.00003823822194199185496 +-0.000036452700762899154535 +0.000034867675154754439751 +-0.000033443934020305651243 +0.000032152259669251648742 +-0.000030970355798089070199 +0.00002988086155543740646 +-0.000028870023977647185722 +0.000027926784651159307853 +-0.000027042135497548605114 +0.000026208654366927982854 +-0.000025420163754948815269 +0.000024671475682368563999 +-0.00002395819805165918061 +0.000023276585636273555446 +-0.000022623423984907054188 +0.000021995937946200570304 +-0.00002139171884883505831 +0.000020808665984923511113 +-0.000020244939179221953532 +0.000019698920036471265532 +-0.00001916918004490400805 +0.000018654454142856117565 +-0.000018153618673101133147 +0.000017665672887325493069 +-0.000017189723342936467449 +0.000016724970671556624975 +-0.000016270698304115694998 +0.000015826262819343821543 +-0.000015391085646488653521 +0.000014964645903483000143 +-0.0000145464741917436906 +0.000014136147200655136715 +-0.000013733283000371494087 +0.000013337536922219688222 +-0.000012948597942744133956 +0.000012566185501106612921 +-0.000012190046690765567092 +0.000011819953775595517028 +-0.000011455701988252491175 +0.000011097107574947984456 +-0.000010744006056102602286 +0.000010396250676803361844 +-0.00001005371102473994593 +9.7162717964696266462e-6 +-9.3838316955592144736e-6 +9.0563024484577659832e-6 +-8.7336079259336487745e-6 +8.4156833596199037365e-6 +-8.102474644699287772e-6 +7.7939377210641127873e-6 +-7.4900380264393356422e-6 +7.1907500159890394106e-6 +-6.8960567438617394633e-6 +6.6059495029915867645e-6 +-6.3204275202816124192e-6 +6.0394977050719330432e-6 +-5.7631744495606218659e-6 +5.4914794806190093531e-6 +-5.2244417632497959368e-6 +4.9620974568021423088e-6 +-4.7044899260144173233e-6 +4.4516698100412249126e-6 +-4.2036951538854451809e-6 +3.9606316081611427916e-6 +-3.7225527049419112506e-6 +3.4895402197120052868e-6 +-3.261684632284604609e-6 +3.0390857031899657097e-6 +-2.8218531867564652618e-6 +2.6101077083231082187e-6 +-2.4039818413315650032e-6 +2.2036214313313647896e-6 +-2.0091872295188885155e-6 +1.8208569203532329199e-6 +-1.6388276592452147811e-6 +1.4633192824525992153e-6 +-1.2945784206923590954e-6 +1.1328838552921002668e-6 +-9.785536271566538383e-7 +8.3195469328851917084e-7 +-6.9351641904051918974e-7 +5.6375009721982213752e-7 +-4.4327844945502688913e-7 +3.3288280987286079444e-7 +-2.3358454801543163795e-7 +1.4680161797244601943e-7 +-7.4704879382769311153e-8 +2.133110783973788937e-8 +0.0003525766477041680416 +0.00092909445213556092226 +0.00067098134288837060486 +-0.00016141925916883436647 +0.0001081637256424847825 +-0.000086464801462202864493 +0.000074301031948597332791 +-0.000066299930623606025699 +0.0000605088534575995274 +-0.00005604505719993306458 +0.000052448924615520301149 +-0.000049456056921549392524 +0.000046902631695743882205 +-0.000044681146939377649048 +0.000042717766926188659577 +-0.00004095986649961155746 +0.00003936877366128391218 +-0.000037915332831980764859 +0.000036577080511300247635 +-0.000035336384204590057883 +0.000034179179004615249258 +-0.000033094087351646678141 +0.000032071791619713350779 +-0.000031104577801264459719 +0.000030185997617680341127 +-0.000029310614264743661959 +0.00002847380830141781384 +-0.000027671627501547954038 +0.000026900669321475487929 +-0.000026157987894688003971 +0.000025441019700277948453 +-0.00002474752361120064965 +0.000024075532132156050017 +-0.00002342331142921588264 +0.000022789328329300824025 +-0.000022172222891318466816 +0.000021570785465905672334 +-0.000020983937397512686108 +0.000020410714702206111275 +-0.000019850254192074574013 +0.000019301781623264647441 +-0.000018764601527258300596 +0.000018238088449735925248 +-0.000017721679372466789651 +0.000017214867134272116755 +-0.000016717194699573714315 +0.000016228250149158770801 +-0.0000157476622889207518 +0.000015275096789523032042 +-0.000014810252783984490666 +0.000014352859861733890992 +-0.000013902675407214983967 +0.000013459482239034788014 +-0.000013023086512240611855 +0.00001259331585183177356 +-0.000012170017690255571802 +0.000011753057785561669882 +-0.000011342318900222438219 +0.000010937699623473062339 +-0.000010539113322469714991 +0.000010146487209677316951 +-9.7597615157391169532e-6 +9.3788887586979799858e-6 +-9.0038331018761118618e-6 +8.6345697940126356135e-6 +-8.2710846864395268041e-6 +7.9133738231756348142e-6 +-7.5614431008639566073e-6 +7.2153079964966305134e-6 +-6.8749933618937237556e-6 +6.5405332849564519571e-6 +-6.2119710188375359662e-6 +5.8893589814015144817e-6 +-5.572758828735280073e-6 +5.2622416080756176822e-6 +-4.9578879974253378051e-6 +4.6597886414365872319e-6 +-4.3680445959877755161e-6 +4.0827678974575452437e-6 +-3.804082277264988944e-6 +3.5321240481636074127e-6 +-3.2670431965650505824e-6 +3.0090047255768694408e-6 +-2.7581903075705836452e-6 +2.5148003246113031745e-6 +-2.279056402523722515e-6 +2.0512045837408936696e-6 +-1.8315193418310767552e-6 +1.620308727434374514e-6 +-1.4179210696539005292e-6 +1.2247538715384445578e-6 +-1.0412658943248111895e-6 +8.6799404268941761393e-7 +-7.055777933605850599e-7 +5.5479611758786781096e-7 +-4.1662653464606362353e-7 +2.9234701856199660524e-7 +-1.8373193095688613066e-7 +9.3497982450019911513e-8 +-2.6697241471880274654e-8 +0.00037647605804432284889 +0.00081605510907270985722 +0.0014604642839292117753 +0.00091399030033159379559 +-0.00020531055765024747515 +0.00013262056786295744731 +-0.00010375426606746058337 +0.000087958286570564835926 +-0.000077787199236412938631 +0.000070557987216804481584 +-0.000065069279674562609863 +0.000060702051149011996609 +-0.000057104084455263063498 +0.000054059564333479393397 +-0.000051428425849124247256 +0.000049115493164051869005 +-0.000047053621681553934649 +0.000045193943475616297623 +-0.000043499946771226454176 +0.000041943734744211531511 +-0.000040503578545616015494 +0.000039162268383337123316 +-0.000037905973050654953393 +0.000036723432802840171277 +-0.00003560537638985283666 +0.000034544092259005685177 +-0.000033533107958025644065 +0.000032566946872121844559 +-0.000031640941153588300659 +0.000030751086099685095423 +-0.000029893925525390812015 +0.000029066460607246257237 +-0.0000282660767076110607 +0.000027490484120908990343 +-0.000026737669706487568819 +0.000026005857112910609474 +-0.000025293473840463117767 +0.000024599123789892491752 +-0.000023921564245566208651 +0.000023259686467947569215 +-0.000022612499243105914753 +0.000021979114869831438327 +-0.000021358737167880859057 +0.000020750651171273153372 +-0.000020154214233779490731 +0.000019568848323812379684 +-0.000018994033325811933338 +0.000018429301197211898371 +-0.000017874230855861870556 +0.000017328443693699177493 +-0.000016791599629516923547 +0.000016263393627649059306 +-0.000015743552620901989724 +0.00001523183278558639071 +-0.000014728017124422581383 +0.000014231913319709815814 +-0.00001374335182470528294 +0.000013262184165846088578 +-0.000012788281432423523377 +0.000012321532933710746144 +-0.000011861845006456838416 +0.000011409139958178038002 +-0.000010963355133872546021 +0.000010524442095719127508 +-0.000010092365907043634233 +9.6671045133968889091e-6 +-9.2486482150227246122e-6 +8.8369992263440100497e-6 +-8.432171319393444358e-6 +8.0341895494012355889e-6 +-7.6430900620619545929e-6 +7.2589199833804308095e-6 +-6.8817373944907085994e-6 +6.5116113955119008633e-6 +-6.1486222644236245216e-6 +5.7928617192051939234e-6 +-5.4444332942091060138e-6 +5.1034528450933212787e-6 +-4.7700492008389768311e-6 +4.444364986734297926e-6 +-4.1265576491369392927e-6 +3.8168007219409578691e-6 +-3.5152853868468059017e-6 +3.2222223960533288513e-6 +-2.937844448797895083e-6 +2.6624091452385006514e-6 +-2.3962026871719384618e-6 +2.1395445625486593246e-6 +-1.8927935521887933128e-6 +1.6563555540058260551e-6 +-1.4306939707220718237e-6 +1.2163438229553880141e-6 +-1.01393147097349201e-6 +8.2420314851282028976e-7 +-6.4806809143727382495e-7 +4.8666751859996952032e-7 +-3.4149367081477093614e-7 +2.1461868362604468142e-7 +-1.0921552181901306641e-7 +3.1185168302864467209e-8 +0.00036092211061782175006 +0.00087978913392812520154 +0.0012791869257291154039 +0.0019902933995252717452 +0.0011561125158555298378 +-0.00024877567476733634419 +0.00015653993605034792229 +-0.00012040132935331094904 +0.00010089490607292789877 +-0.000088499447597955963971 +0.000079796157642431627834 +-0.000073260297640081271685 +0.000068109781389188783358 +-0.000063901866813007660398 +0.000060366764355255134965 +-0.000057330397944700373013 +0.000054675190397149299481 +-0.000052318696636531139754 +0.000050201275237798347812 +-0.00004827862917787836981 +0.000046517108334053962917 +-0.000044890648151589905365 +0.000043378714566453516476 +-0.000041964888198989898543 +0.000040635866401302531723 +-0.000039380745394786596099 +0.000038190494413603550855 +-0.000037057564146330612672 +0.000035975590832753189157 +-0.000034939169622456191367 +0.000033943678841799287184 +-0.000032985142195814702302 +0.000032060119595771625104 +-0.000031165619839581423799 +0.000030299030154394218573 +-0.000029458058880346759225 +0.000028640688490521424331 +-0.000027845136811100383099 +0.000027069824799578270259 +-0.000026313349607329093588 +0.000025574461930347641285 +-0.000024852046862941726586 +0.000024145107630882706181 +-0.000023452751705516175145 +0.000022774178897673857786 +-0.000022108671106576827785 +0.000021455583459214558883 +-0.000020814336623608655928 +0.000020184410117697275822 +-0.000019565336466408512545 +0.0000189566960844337039 +-0.000018358112782498909236 +0.000017769249811519771596 +-0.000017189806372655321256 +0.000016619514532532635817 +-0.000016058136492255786238 +0.00001550546216660309021 +-0.000014961307036346482203 +0.0000144255102421284372 +-0.000013897932892993057656 +0.000013378456566641106562 +-0.000012866981981888700914 +0.000012363427826759062229 +-0.000011867729728212100802 +0.00001137983935179039449 +-0.000010899723621494908074 +0.000010427364052054723246 +-9.9627561874721172369e-6 +9.5059091413545640681e-6 +-9.0568452361347919937e-6 +8.615599739876425201e-6 +-8.182220701017342298e-6 +7.7567688831739474332e-6 +-7.3393178040859996483e-6 +6.9299538850080970234e-6 +-6.5287767194574701273e-6 +6.1358994733474764495e-6 +-5.7514494323566140265e-6 +5.3755687171534440172e-6 +-5.0084151931616714505e-6 +4.65016360938669455e-6 +-4.3010070111176214218e-6 +3.9611584850542240576e-6 +-3.630853314040624127e-6 +3.3103516443007244983e-6 +-2.9999418042156188688e-6 +2.6999444655245068063e-6 +-2.4107179138563751583e-6 +2.1326648098059278304e-6 +-1.8662409985560404368e-6 +1.6119672084916009811e-6 +-1.3704449478374111964e-6 +1.1423787211612738598e-6 +-9.2860817490667497477e-7 +7.3015668722142157242e-7 +-5.4830908536119972919e-7 +3.8474576253303180595e-7 +-2.4180054092129298866e-7 +1.2304758876735472832e-7 +-3.5134702484543926441e-8 +0.00037210737228328320793 +0.00083658323343052960375 +0.0013834886881212684223 +0.0017412199498559356477 +0.002518088055115838704 +0.0013971070009663787893 +-0.00029188475915748580839 +0.00018009614072741746886 +-0.0001366431458378318937 +0.00011338572366941429142 +-0.0000987329402655760451 +0.000088530513225889508426 +-0.000080929294748304117966 +0.000074982897633279763145 +-0.000070156931032649337024 +0.000066126694612515762715 +-0.000062683346910168940311 +0.000059686310864989478179 +-0.000057037368864756256931 +0.00005466573433281771412 +-0.000052519032245778630829 +0.000050557628193780423635 +-0.000048750939255463250959 +0.000047074962303669388152 +-0.000045510574743552525451 +0.000044042339422745250932 +-0.000042657646964169798963 +0.0000413460890180497998 +-0.000040098992740473247825 +0.000038909069890074424431 +-0.00003777014875328403519 +0.000036676966825076941402 +-0.000035625008666907164306 +0.000034610377781822671552 +-0.000033629694401356446723 +0.000032680013222207314436 +-0.000031758756655550021143 +0.000030863660250465698749 +-0.000029992727753991537249 +0.000029144193860763426988 +-0.000028316493145010177453 +0.000027508233998384687453 +-0.000026718176648093101785 +0.000025945214521867966026 +-0.000025188358374529260493 +0.000024446722706085349042 +-0.000023719514091532835621 +0.000023006021113627609191 +-0.000022305605646323916599 +0.000021617695281624566496 +-0.000020941776728759856847 +0.000020277390043826910675 +-0.000019624123571742274512 +0.000018981609501722902813 +-0.000018349519953395861438 +0.000017727563523735143573 +-0.00001711548223587785397 +0.000016513048839911480957 +-0.000015920064423291266993 +0.000015336356294915948979 +-0.000014761776112282372941 +0.000014196198225734110123 +-0.000013639518217763039515 +0.000013091651618737231404 +-0.000012552532783414812016 +0.000012022113915247950821 +-0.000011500364227858311095 +0.000010987269235241584395 +-0.000010482830164295055397 +9.9870634852168450122e-6 +-9.5000005572570316853e-6 +9.0216873892708967733e-6 +-8.5521845166014164015e-6 +8.0915669980812171611e-6 +-7.6399245394896173486e-6 +7.1973617527484878087e-6 +-6.7639985636467207729e-6 +6.3399707851520759023e-6 +-5.9254308786773686945e-6 +5.5205489323946893941e-6 +-5.1255138943664406895e-6 +4.7405351096383238907e-6 +-4.3658442256055315538e-6 +4.0016975505222905095e-6 +-3.648378978383835645e-6 +3.3062036332621693139e-6 +-2.975522443323833314e-6 +2.6567279385536405286e-6 +-2.3502616921865324432e-6 +2.056624020680472163e-6 +-1.7763868683196371728e-6 +1.5102113189172274755e-6 +-1.258872072782472487e-6 +1.0232928660940198274e-6 +-8.0460001221969445894e-7 +6.0420804136576729816e-7 +-4.2396749076367343536e-7 +2.6644905776785256349e-7 +-1.3559035285722445405e-7 +3.8716070899217720298e-8 +0.00036355643710410555632 +0.00086861534997883680907 +0.0013115029339890670693 +0.0018859192837096002556 +0.0022016527364453688821 +0.0030433647282939254722 +0.001636737112711330691 +-0.00033464410002366706519 +0.00020335408838896986722 +-0.00015258067774659697305 +0.00012555543684228106181 +-0.00010862793098639969773 +0.00009691119746397603152 +-0.000088232327483513744735 +0.000081480563861345957985 +-0.000076029565353129827154 +0.000071499366288125622385 +-0.000067646020092053401837 +0.000064305648264240128219 +-0.000061364002360438471701 +0.000058738933447184498667 +-0.000056369807623409577783 +0.000054210856326311427836 +-0.000052226854386765059298 +0.000050390227285992911179 +-0.000048679064666079103446 +0.000047075724953847691607 +-0.000045565835288121681807 +0.000044137561744845786223 +-0.000042781068104347329112 +0.000041488108518154969314 +-0.000040251716831377434463 +0.000039065966719605400876 +-0.000037925784417594819725 +0.000036826800996773366962 +-0.000035765234727498779363 +0.000034737796571644603331 +-0.000033741613635174144298 +0.000032774166694827768827 +-0.000031833238848764339953 +0.000030916873030178625068 +-0.000030023336635751435237 +0.000029151091906085035897 +-0.000028298770987373702362 +0.000027465154826888436454 +-0.000026649155226976856913 +0.000025849799515941278194 +-0.000025066217398698492638 +0.000024297629632444931063 +-0.000023543338237792895879 +0.00002280271800786909551 +-0.000022075209119597415643 +0.000021360310685049936698 +-0.000020657575108051456507 +0.000019966603133481872465 +-0.00001928703949496231014 +0.000018618569081635797772 +-0.000017960913557191419776 +0.000017313828374630456149 +-0.000016677100138930484599 +0.000016050544277046221089 +-0.000015434002980849851285 +0.000014827343393866503642 +-0.000014230456017172480779 +0.00001364325331373573033 +-0.000013065668493907934588 +0.000012497654467826362364 +-0.000011939182953239301323 +0.000011390243729810655815 +-0.000010850844033361060047 +0.000010321008085836746362 +-9.8007767591374329559e-6 +9.2902073733606721681e-6 +-8.7893736326234261773e-6 +8.2983657045104131575e-6 +-7.8172904525070096346e-6 +7.3462718346734862504e-6 +-6.8854514865319352623e-6 +6.4349895119692980867e-6 +-5.9950655133228384939e-6 +5.5658799012848264542e-6 +-5.1476555376595955829e-6 +4.7406397805112620632e-6 +-4.3451070235953225799e-6 +3.9613618527862307771e-6 +-3.5897429855060340064e-6 +3.2306282212247443574e-6 +-2.8844407220969256406e-6 +2.5516570795849476401e-6 +-2.2328178344510703451e-6 +1.9285414554238642917e-6 +-1.639543342450438318e-6 +1.3666623928365493464e-6 +-1.1108994478723584921e-6 +8.7347541407589003833e-7 +-6.5592423181322038693e-7 +4.6025331581537787703e-7 +-2.8925203175544832201e-7 +1.4719380820590626312e-7 +-4.202920798565554891e-8 +0.00037037141864056826209 +0.00084354504236540664299 +0.0013656914933068264533 +0.0017850990242226859141 +0.0023864728642360031155 +0.0026600035092567748658 +0.0035656300155581860887 +0.0018747683138661778947 +-0.00037703609465666995512 +0.00022633593920314398635 +-0.0001682594774182928724 +0.00013746546931758149002 +-0.00011825693335451845838 +0.00010501845822902558355 +-0.000095254938521342874473 +0.000087691816821707643213 +-0.000081610960905717758305 +0.000076577123796510663828 +-0.000072311165381101627567 +0.000068625792070623222334 +-0.000065390607660731717594 +0.000062511990540393728621 +-0.000059920948208224176584 +0.000057565489917308507096 +-0.000055405671613669569519 +0.000053410281225685972275 +-0.000051554563802214300093 +0.00004981862467720353907 +-0.000048186285885294355438 +0.000046644252361232848909 +-0.000045181494116212754951 +0.000043788781711958534316 +-0.000042458332324928215921 +0.000041183536779851702201 +-0.000039958746673200502299 +0.000038779106649071954448 +-0.000037640420994242635447 +0.000036539046596280869971 +-0.000035471806353201358697 +0.000034435918594579504462 +-0.000033428939145499396647 +0.00003244871345349696034 +-0.000031493336785318013653 +0.000030561120940833361492 +-0.000029650566265227697296 +0.000028760337995619927158 +-0.00002788924617471104986 +0.000027036228516500455332 +-0.000026200335728261059528 +0.000025380718886721582279 +-0.000024576618540657349724 +0.000023787355271258377365 +-0.000023012321489067183038 +0.000022250974284504179027 +-0.00002150282917997739855 +0.000020767454656812102667 +-0.000020044467350904398104 +0.000019333527828015513541 +-0.000018634336863698399857 +0.000017946632164554054169 +-0.000017270185477303477378 +0.000016604800040394407222 +-0.000015950308339831736995 +0.000015306570136863966843 +-0.000014673470740269657615 +0.000014050919500429104879 +-0.000013438848506273340529 +0.000012837211469691989471 +-0.000012245982785156552149 +0.000011665156755270375821 +-0.000011094746975780315791 +0.000010534785876367112445 +-9.9853244163657606256e-6 +9.4464319375579399431e-6 +-8.9181961794476628161e-6 +8.4007234661271215103e-6 +-7.8941390781499826054e-6 +7.398587827998696484e-6 +-6.9142348640876041047e-6 +6.4412667362309576088e-6 +-5.9798927657455649607e-6 +5.5303467767322923544e-6 +-5.0928892628607719845e-6 +4.6678100880385050225e-6 +-4.2554318524878122773e-6 +3.8561141022896862252e-6 +-3.470258627148126784e-6 +3.0983161888901371157e-6 +-2.7407951701582139938e-6 +2.3982728599713636373e-6 +-2.0714104557967883561e-6 +1.760973463906241672e-6 +-1.4678602241874705443e-6 +1.1931431966062773472e-6 +-9.3813138039359447744e-7 +7.044701617865389231e-7 +-4.9431362948502805225e-7 +3.1065588428993671213e-7 +-1.5808511684269222656e-7 +4.5138974943115358192e-8 +0.00036477294115424801999 +0.00086390146246368714397 +0.0013227296541535313275 +0.0018616602917136387987 +0.0022569679785377702127 +0.0028846488676788080561 +0.0031158038086317929955 +0.0040843855538370469207 +0.0021109678674172428507 +-0.00041903272440798189055 +0.00024904449763167723175 +-0.00018369923529831907026 +0.00014914691223662060454 +-0.00012765922009618219465 +0.00011289754447151942169 +-0.00010204674143841973594 +0.000093669421220693402543 +-0.000086956105365185124842 +0.000081416461330950628068 +-0.000076736227238736928724 +0.000072704703498340522363 +-0.000069175324070980683441 +0.000066042958141797570821 +-0.000063230212606733378211 +0.000060678831855134380025 +-0.000058344112081717569056 +0.00005619116580742782283 +-0.000054192359119996996675 +0.000052325513453547515141 +-0.000050572618352447387581 +0.000048918893398369623217 +-0.000047352093504625980416 +0.000045861986897222437206 +-0.000044439957630718871062 +0.000043078699248259334754 +-0.000041771976054056541475 +0.000040514435167394978878 +-0.000039301457155076037809 +0.000038129036282907006442 +-0.000036993683731501202341 +0.00003589234877992549808 +-0.000034822354167963789375 +0.000033781342736286283411 +-0.000032767233104467693415 +0.000031778182642733939742 +-0.000030812556368955806685 +0.000029868900689337733448 +-0.00002894592112216790927 +0.000028042463315370235116 +-0.000027157496802488089745 +0.000026290101047040801152 +-0.000025439453408559009057 +0.000024604818730002712203 +-0.000023785540299459589705 +0.000022981031981877190433 +-0.000022190771351297942686 +0.000021414293682335984884 +-0.000020651186682775923092 +0.00001990108586821415914 +-0.000019163670495411654126 +0.000018438659984121995745 +-0.000017725810768108929364 +0.000017024913525280375482 +-0.000016335790744670000233 +0.000015658294594660028241 +-0.000014992305062580038295 +0.000014337728340819106134 +-0.000013694495439008058579 +0.000013062561005799320576 +-0.000012441902347414024328 +0.000011832518633551168162 +-0.000011234430284569949979 +0.000010647678537174841691 +-0.000010072325189273517739 +9.5084525283774182543e-6 +-8.9561634520376945754e-6 +8.4155817935605355135e-6 +-7.8868528718901780325e-6 +7.3701442914369668938e-6 +-6.8656470262399775774e-6 +6.3735768338531916686e-6 +-5.8941760586713886124e-6 +5.4277159034234354136e-6 +-4.9744992732516150045e-6 +4.5348643321598338179e-6 +-4.109188961241952245e-6 +3.6978963792034016715e-6 +-3.3014622898874925673e-6 +2.9204240781113510184e-6 +-2.5553928172381074342e-6 +2.2070692386608981118e-6 +-1.8762654549355260826e-6 +1.5639353410574896909e-6 +-1.2712185144583293071e-6 +9.9950683246515283528e-7 +-7.5055076912388068616e-7 +5.2664300258140121417e-7 +-3.3097139888384030917e-7 +1.6842241688255539043e-7 +-4.8090523985956982022e-8 +0.00036947939202118595753 +0.0008469241097751369626 +0.0013579982957518049201 +0.0018004810565882352913 +0.002355854345874632658 +0.0027266639373529548051 +0.0033799660316190486584 +0.0035685948520879897903 +0.0045991319155077761209 +0.0023451049134236144879 +-0.00046060097884614827217 +0.00027147286385754012087 +-0.00019890633500834319861 +0.00016061490659186642409 +-0.00013685624839474265149 +0.00012057463036064915323 +-0.00010863747736432650027 +0.000099445818144077838931 +-0.000092099469090081330002 +0.00008605335174953864678 +-0.000080958263242382178075 +0.000076580191310268550645 +-0.000072756444012811857014 +0.000069370397023378961551 +-0.000066336256245804295743 +0.000063589491881203321164 +-0.000061080626371889106653 +0.000058771080704114815081 +-0.000056630325271175272488 +0.000054633881157762047522 +-0.000052761889752898276958 +0.000050998070664825311185 +-0.000049328950245220277626 +0.000047743282098911809576 +-0.000046231606019634204851 +0.000044785908214639253847 +-0.000043399356648868414326 +0.000042066092793560514969 +-0.00004078106621206771355 +0.000039539902023581424331 +-0.000038338793848729244405 +0.000037174416685160069037 +-0.000036043855503643429852 +0.000034944546343093066886 +-0.000033874227417351375571 +0.000032830898297798091996 +-0.000031812785653288898429 +0.000030818314347727827148 +-0.000029846082940979526537 +0.000028894842829151337976 +-0.000027963480408932672494 +0.00002705100176757579977 +-0.000026156519492613763229 +0.000025279241269072931098 +-0.000024418459990934422069 +0.000023573545161116461053 +-0.00002274393539273093028 +0.000021929131855696305549 +-0.000021128692538428803417 +0.000020342227215426801645 +-0.000019569393029008719062 +0.000018809890607971959958 +-0.000018063460658075687354 +0.000017329880969466284319 +-0.000016608963794827475798 +0.000015900553559445687228 +-0.000015204524870781480403 +0.000014520780800735910719 +-0.000013849251418772339619 +0.000013189892558553811148 +-0.000012542684804923395965 +0.000011907632692022288088 +-0.000011284764107239747072 +0.000010674129899659070301 +-0.000010075803695859414867 +9.4898819305362767891e-6 +-8.9164841046374091679e-6 +8.3557532898617329357e-6 +-7.8078569058133057416e-6 +7.2729878053509433385e-6 +-6.7513657154331409576e-6 +6.243239096025912422e-6 +-5.7488874998567957579e-6 +5.2686245430759930635e-6 +-4.802801634397029627e-6 +4.3518126628969437373e-6 +-3.9160999199945622806e-6 +3.4961616415025403067e-6 +-3.0925617214997510298e-6 +2.7059424061779196169e-6 +-2.337041185355902475e-6 +1.9867137786925071118e-6 +-1.6559662918745608428e-6 +1.3460017739190917173e-6 +-1.0582906188750962223e-6 +7.9468319486190974364e-7 +-5.5760422678652997983e-7 +3.5042653858622943108e-7 +-1.7832170021053131556e-7 +5.0916972918517064089e-8 +0.00036545026806260016896 +0.00086137588604612966561 +0.0013283061378884944912 +0.0018510593082888504565 +0.0022764256124274520646 +0.0028477425716037905101 +0.0031937283274236177887 +0.0038719477951874162333 +0.0040179252570477695862 +0.0051093709858912784188 +0.0025769506437172423964 +-0.00050170533959876609601 +0.00029360891474874668756 +-0.0002138798069029294264 +0.00017187560692639732513 +-0.00014585927183820914217 +0.00012806480685159349536 +-0.00011504519258614668492 +0.00010504135202675699345 +-0.00009706318668674445615 +0.000090511318311887631776 +-0.000085001863333262429473 +0.000080277651402726261736 +-0.000076159956722194404399 +0.000072520715473382398956 +-0.000069265763028159708295 +0.000066324311100910871887 +-0.000063642114809441882452 +0.000061176904240525722273 +-0.000058895251173806340143 +0.000056770371322314636414 +-0.000054780551739125357786 +0.000052908005333906585196 +-0.000051138023022686467889 +0.000049458337016972129364 +-0.000047858636333483734806 +0.000046330193672924812065 +-0.000044865574882510297812 +0.000043458410417544986495 +-0.000042103213880595377031 +0.000040795236685808949768 +-0.000039530350715629550532 +0.000038304952865721629836 +-0.000037115886850483352546 +0.000035960378728072634716 +-0.000034835983411585016635 +0.00003374054003920462185 +-0.000032672134535165472224 +0.000031629068043870528912 +-0.000030609830189296891318 +0.000029613076321019560757 +-0.000028637608071567655948 +0.00002768235667828266057 +-0.000026746368624491942357 +0.000025828793235731120894 +-0.000024928871931548889996 +0.000024045928885612113021 +-0.000023179362889083653528 +0.000022328640246642992172 +-0.000021493288562669361954 +0.000020672891298266074495 +-0.000019867082998961194169 +0.00001907554510885559151 +-0.000018298002300327348199 +0.000017534219259641055725 +-0.00001678399787835594547 +0.000016047174808608418619 +-0.000015323619347436043058 +0.000014613231621541971105 +-0.000013915941049469686389 +0.000013231705063244511306 +-0.000012560508076303452514 +0.000011902360689136786425 +-0.000011257299128665196666 +0.00001062538492215108651 +-0.000010006704811593932481 +9.4013709203314696883e-6 +-8.8095211902693734082e-6 +8.2313201161949954388e-6 +-7.6669598135381956824e-6 +7.1166614684728941087e-6 +-6.5806772354620499075e-6 +6.0592926687551726583e-6 +-5.5528298031814782011e-6 +5.0616510391872201117e-6 +-4.5861640425676203313e-6 +4.1268279487878291933e-6 +-3.6841612781423609365e-6 +3.2587521428003957819e-6 +-2.8512715969894421636e-6 +2.4624914131127788193e-6 +-2.0933082823957906967e-6 +1.7447776801009149351e-6 +-1.4181629067983062154e-6 +1.1150092550874589425e-6 +-8.3726266985115859389e-7 +5.8747454630248683866e-7 +-3.6919550079302251702e-7 +1.8787159779786540193e-7 +-5.3643626879899200842e-8 +0.0003689506233602147265 +0.00084887330032598270755 +0.0013537876316681207275 +0.0018082102586084590358 +0.0023424063365395196925 +0.0027501390465883195276 +0.0033368305051914873274 +0.0036577011575197517003 +0.0043601198752121735644 +0.0044633498250410986843 +0.0056146074843301019451 +0.0028062785057964942793 +-0.00054230903855862093097 +0.0003154375821638204572 +-0.00022861440069345865774 +0.00018292983357547023418 +-0.00015467339419683052966 +0.0001353763975359557055 +-0.00012128071059922312162 +0.00011046882011874226588 +-0.00010186162614694173013 +0.00009480598175469832438 +-0.000088883645127013517815 +0.00008381448961566178896 +-0.000079403884467776432829 +0.000075512409728408804486 +-0.000072037584373889243832 +0.000068902396645401569388 +-0.000066047856646219535753 +0.000063428017346422306595 +-0.000061006559935950558846 +0.000058754398884253322281 +-0.000056647968409497698079 +0.000054667974468942582364 +-0.000052798471137699639343 +0.000051026167096422866425 +-0.000049339898006528709925 +0.000047730220245460058074 +-0.000046189094627218661649 +0.000044709637672290183126 +-0.000043285924164193315742 +0.000041912829056191290551 +-0.000040585899865198811862 +0.000039301252901038625412 +-0.000038055488288617388467 +0.000036845619924860691056 +-0.000035669017392580545216 +0.000034523357514104197161 +-0.000033406583727733963574 +0.000032316871852076839117 +-0.000031252601097258917388 +0.00003021232940999046318 +-0.000029194772417456430564 +0.000028198785374952555353 +-0.000027223347632913410731 +0.000026267549227123088346 +-0.000025330579266479029551 +0.000024411715849515129527 +-0.000023510317286909839155 +0.000022625814444667947541 +-0.000021757704053325427702 +0.000020905542853756044157 +-0.00002006894247103435274 +0.000019247564925185523117 +-0.000018441118702208194601 +0.000017649355321038714654 +-0.000016872066342576637153 +0.000016109080775875662712 +-0.000015360262844423825511 +0.000014625510082348596729 +-0.000013904751736610754642 +0.000013197947456997767684 +-0.000012505086261184217987 +0.000011826185767483906959 +-0.000011161291693376971489 +0.000010510477623681302542 +-9.8738450586183521532e-6 +9.2515237593318005785e-6 +-8.6436724170841783099e-6 +8.0504796829571362542e-6 +-7.4721656082064382248e-6 +6.9089835625849045143e-6 +-6.3612227205430804666e-6 +5.8292112355920168014e-6 +-5.313320264776969139e-6 +4.8139690635456890381e-6 +-4.3316314547454844558e-6 +3.8668440976607886868e-6 +-3.4202171665048050149e-6 +2.9924483313964431161e-6 +-2.5843413877755674456e-6 +2.1968316314260199518e-6 +-1.8310213790956863452e-6 +1.4882314183865815349e-6 +-1.1700788276981552614e-6 +8.7860149078164471186e-7 +-6.1647300638812477092e-7 +3.8741590458039335654e-7 +-1.9714212587628569778e-7 +5.6290475685016108667e-8 +0.00036587249774917122089 +0.00085983272344080881397 +0.001331586095700102512 +0.0018451896057972361034 +0.0022862619288742037329 +0.0028314945620821495329 +0.0032211744415275646422 +0.0038226372748951748848 +0.0041181248497776014113 +0.0048440103795912220003 +0.0049044289806821639185 +0.0061143500329049707483 +0.0030328644157448743519 +-0.00058237475108934592417 +0.0003369420992616928543 +-0.00024310228268314570442 +0.00019377511498782700393 +-0.00016329986437666274286 +0.00014251343050763486831 +-0.00012735022092565398509 +0.00011573613174907964761 +-0.00010650408300536999055 +0.000098947762485114438095 +-0.000092614944079082065374 +0.00008720278506338621773 +-0.000082500908280954617968 +0.000078358644427015259245 +-0.000074665269074962314148 +0.000071337597388857955628 +-0.000068311929449532069765 +0.000065538665436840114662 +-0.000062978612800600918924 +0.000060600396324133785886 +-0.000058378605175796095286 +0.00005629244344400391804 +-0.00005432473150764301175 +0.000052461156270386240282 +-0.000050689700798132655314 +0.000049000205199623935283 +-0.000047384024816212042836 +0.000045833761455045343622 +-0.000044343050076772177577 +0.000042906388028200357876 +-0.000041518997234647708637 +0.000040176712158266462381 +-0.000038875888069359721567 +0.000037613325458598941359 +-0.000036386207370197615688 +0.000035192047150633707246 +-0.00003402864464854247208 +0.000032894049314505400124 +-0.000031786528967391171395 +0.000030704543240421755443 +-0.000029646720912638145475 +0.000028611840482774052871 +-0.000027598813462279197937 +0.000026606669959545954788 +-0.00002563454620371167287 +0.000024681673717866494311 +-0.000023747369901260787752 +0.000022831029820621882232 +-0.000021932119043855028653 +0.000021050167376702249427 +-0.000020184763385532257615 +0.000019335549608259503976 +-0.000018502218371178412972 +0.000017684508142843741656 +-0.000016882200367512522649 +0.000016095116730484967354 +-0.000015323116816274382471 +0.000014566096128185587847 +-0.000013823984444840629986 +0.00001309674449569306868 +-0.000012384370943843942572 +0.000011686889670746074097 +-0.00001100435736391257103 +0.000010336861415824665746 +-9.6845201502234413999e-6 +9.0474834013298441999e-6 +-8.4259334828780508074e-6 +7.820086598002703661e-6 +-7.2301947591595291919e-6 +6.6565483110572391266e-6 +-6.0994791814918252453e-6 +5.5593650286789907476e-6 +-5.036634514807426926e-6 +4.5317740229208682451e-6 +-4.0453362621195871985e-6 +3.5779513980899100123e-6 +-3.1303416426993108172e-6 +2.7033407102035346143e-6 +-2.2979203334187247117e-6 +1.9152273959610030674e-6 +-1.5566377299172499767e-6 +1.2238374994104909311e-6 +-9.1895342829626081371e-7 +6.4477757961903460864e-7 +-4.0519955363913549993e-7 +2.0619016285315174986e-7 +-5.8873757668327842006e-8 +0.00036860707367084140752 +0.00085012064840961342353 +0.001351168991904022053 +0.0018128078338605160606 +0.0023349113647491071432 +0.0027620446328866167647 +0.0033178205182590048739 +0.0036890772187199521615 +0.0043046888715173041209 +0.0045745456741229896933 +0.0053231504539766029728 +0.0053407285921888610155 +0.006608111980484282917 +0.0032564869732428855714 +-0.00062186500718811449236 +0.00035810472532091688824 +-0.00025733402753066000145 +0.00020440689191063842659 +-0.00017173744288932667251 +0.0001494771243889275934 +-0.00013325684962506826198 +0.00012084793516871352922 +-0.00011099644125080096338 +0.00010294355814954447965 +-0.000096203494224836811185 +0.000090450963694670137254 +-0.00008546002646928748344 +0.000081068890167810752153 +-0.000077158675525794178174 +0.000073640087680576304961 +-0.000070444762100794782697 +0.000067519479169086775202 +-0.000064822196714791717491 +0.000062319267533364998866 +-0.000059983448745515601412 +0.00005779245210860798639 +-0.00005572787126928701068 +0.000053774376395436782691 +-0.000051919101556320240287 +0.000050151173106140199642 +-0.000048461342611113966753 +0.000046841698248150758079 +-0.000045285435777100432777 +0.000043786675216250638143 +-0.00004234031292255060162 +0.0000409419013476563548 +-0.000039587550611244438146 +0.000038273847409310849197 +-0.000036997787798218108468 +0.000035756721162996177168 +-0.000034548303259715813212 +0.000033370456665613382181 +-0.000032221337312244495631 +0.000031099306041811007609 +-0.000030002904333635089696 +0.000028930833510351117846 +-0.000027881936862031078923 +0.000026855184228866831984 +-0.000025849658665035418189 +0.000024864544872412760102 +-0.000023899119146281232162 +0.000022952740618725282867 +-0.000022024843621067612294 +0.000021114931016062211269 +-0.000020222568374885995225 +0.000019347378894253645964 +-0.000018489038966016376532 +0.00001764727432603653837 +-0.000016821856721480098283 +0.000016012601046371976924 +-0.000015219362904681924 +0.000014442036568669766507 +-0.000013680553308005763537 +0.000012934880072565702597 +-0.000012205018519052259104 +0.000011491004379002076879 +-0.000010792907173628059297 +0.000010110830289709515483 +-9.4449114408719509204e-6 +8.7953235507405975161e-6 +-8.1622761094858309086e-6 +7.5460170744308190559e-6 +-6.9468354104162025271e-6 +6.3650643990797112017e-6 +-5.8010858919497861142e-6 +5.2553357461488394776e-6 +-4.7283107727737440124e-6 +4.2205776615242675141e-6 +-3.7327845455433404679e-6 +3.2656761800428420915e-6 +-2.8201142026039686387e-6 +2.3971047627939418299e-6 +-1.9978372302896987902e-6 +1.6237402914544829961e-6 +-1.2765668253113116026e-6 +9.5852973291625028916e-7 +-6.725363963371527184e-7 +4.2263949386128652463e-7 +-2.1506304064118085074e-7 +6.140698512124925037e-8 +0.00036615649956849900822 +0.00085880691090456323802 +0.0013337189639369815264 +0.001841499743644743432 +0.0022921524911471692772 +0.0028224046198137640227 +0.0032351178731292962523 +0.0038008983347115881915 +0.0041533915743276204985 +0.004782516107120205067 +0.0050265144110911796064 +0.0057970749937250313482 +0.0057718200136297624339 +0.0070954120883669362374 +0.003476927675929693172 +-0.00066074245240532297655 +0.00037890719025032165152 +-0.00027129922623358994478 +0.00021481925997852603773 +-0.0001799832509168220842 +0.00015626681896645202818 +-0.00013900165039244498329 +0.00012580665165561256515 +-0.00011534223623457268623 +0.00010679782391781636842 +-0.000099654516727466272039 +0.000093564887895843853264 +-0.000088287639615515683191 +0.000083649999497693111195 +-0.000079525035301798276855 +0.000075817415922765586184 +-0.000072454166427033444865 +0.000069378487696780245485 +-0.000066545518183680957404 +0.000063919361569548049717 +-0.00006147096033513378557 +0.000059176547216312890279 +-0.000057016499336961841672 +0.000054974477975339245144 +-0.000053036774236706814927 +0.000051191805354020297877 +-0.000049429722667023980896 +0.000047742103427394460102 +-0.000046121706241333554641 +0.00004456227533206631095 +-0.000043058382620444808141 +0.000041605299366989257474 +-0.000040198891116814664482 +0.00003883553115918364885 +-0.000037512028806369948614 +0.000036225569616719113215 +-0.000034973665307829422655 +0.000033754111579969817274 +-0.000032564952434796755172 +0.000031404449857403635775 +-0.00003027105795070542625 +0.000029163400784876929563 +-0.000028080253362008873483 +0.00002702052520556420768 +-0.000025983246171839618208 +0.000024967554151209795448 +-0.000023972684384092931359 +0.000022997960163133769999 +-0.000022042784731237516597 +0.00002110663421651101199 +-0.000020189051471221384934 +0.000019289640703634071325 +-0.000018408062809895979772 +0.000017544031328676833471 +-0.000016697308954638942971 +0.000015867704558445659229 +-0.000015055070671345593387 +0.000014259301401740080988 +-0.000013480330759883942344 +0.000012718131375303656856 +-0.000011972713599972574268 +0.000011244124999123529726 +-0.000010532450241232109909 +9.8378114096980943283e-6 +-9.1603687717752030579e-6 +8.5003220562756486589e-6 +-7.8579123117916246978e-6 +7.2334244434639534115e-6 +-6.6271905613659543461e-6 +6.0395943213593302392e-6 +-5.4710765059397257374e-6 +4.9221421877218926965e-6 +-4.3933699572820160893e-6 +3.8854239057432487368e-6 +-3.3990693748116023965e-6 +2.9351940015059118657e-6 +-2.4948364380366258024e-6 +2.0792266067749547012e-6 +-1.6898440569091969494e-6 +1.3285062771447931925e-6 +-9.9751004045964752033e-7 +6.9987539605966919022e-7 +-4.3981482159384100454e-7 +2.2380099133980066287e-7 +-6.3901642888461573834e-8 +0.00036836908694726324003 +0.00085097669587194371478 +0.0013494027293632748284 +0.0018158280735465670413 +0.0023301678873092480389 +0.0027692040425432306683 +0.0033071616601195615565 +0.0037050311798839044247 +0.0042802516730109308084 +0.004613663435985047751 +0.0052556541520450720044 +0.0054735867701625304642 +0.0062653233156417548636 +0.0061972802576515017313 +0.0075757751334232320604 +0.0036939711318603254422 +-0.000698970024249484566 +0.00039933098045462769729 +-0.00028498687479507274966 +0.00022500544579538637068 +-0.0001880333176390938799 +0.0001628805788643269255 +-0.00014458425155632543924 +0.00013061315477953480448 +-0.00011954335697464899091 +0.00011051329022019913727 +-0.00010297144683450872196 +0.000096548587628681327121 +-0.000090988281838625324848 +0.000086106935048430844234 +-0.000081769675590331540357 +0.000077875219260460172428 +-0.000074346042559782019481 +0.000071121813470274924098 +-0.000068154886579390919524 +0.000065407143779035080602 +-0.000062847734104332666454 +0.000060451427823771841604 +-0.00005819739854429041643 +0.000056068308923063721765 +-0.00005404961524184636666 +0.000052129032087200885956 +-0.000050296115735849413272 +0.000048541936639953415314 +-0.000046858819553114241189 +0.00004524013554693445211 +-0.000043680134223864429215 +0.000042173807349969879758 +-0.000040716777255150561355 +0.000039305204911197284257 +-0.000037935713759835698198 +0.000036605326234759316738 +-0.000035311410581806722775 +0.000034051636085504222313 +-0.000032823935198135691295 +0.000031626471368308223817 +-0.000030457611600883646168 +0.000029315902964820606977 +-0.000028200052411595076038 +0.000027108909383201003926 +-0.000026041450781902952293 +0.00002499676794896421085 +-0.000023974055360376360726 +0.000022972600797156569669 +-0.000021991776788378976211 +0.000021031033158583591241 +-0.000020089890538992970928 +0.000019167934725202319154 +-0.000018264811783606528401 +0.000017380223825530055375 +-0.000016513925382444449117 +0.000015665720328309170306 +-0.000014835459306400606958 +0.000014023037628403947911 +-0.000013228393623413156326 +0.000012451507424197592662 +-0.00001169240018805943021 +0.000010951133760293023239 +-0.000010227810800236532203 +9.522575403908056797e-6 +-8.8356142742186196517e-6 +8.1671585110994805641e-6 +-7.5174861214852317131e-6 +6.8869253857458826014e-6 +-6.275859267023421732e-6 +5.6847311193649254635e-6 +-5.1140520495307073426e-6 +4.5644104319585478363e-6 +-4.0364842932455110663e-6 +3.5310576174255697179e-6 +-3.0490421578771866646e-6 +2.5915072280126122125e-6 +-2.1597214796974379338e-6 +1.755213489735333819e-6 +-1.3798634669653269359e-6 +1.0360500478333760984e-6 +-7.2690371262647531498e-7 +4.5679406759576296204e-7 +-2.3243886911159585972e-7 +6.6367680003966690544e-8 +0.00036635828724020526421 +0.00085808351691647436751 +0.0013352022627343512124 +0.0018389870233010843525 +0.0022960478840729153857 +0.0028166266611719542862 +0.0032435245124364036978 +0.0037886934678914605907 +0.0041713310177078436154 +0.0047554107119320334692 +0.0050694419944506387914 +0.0057236426532472786685 +0.0059153237390085878712 +0.0067274397749963865812 +0.0066166922460224148206 +0.0080487324591586331745 +0.003907405269386500681 +-0.00073651107876649832348 +0.00041935753088043366951 +-0.0002983856321893773602 +0.00023495812282353892049 +-0.0001958829446313160488 +0.00016931559735894266974 +-0.00015000329111617108396 +0.00013526722952275619499 +-0.0001236005232651401099 +0.0001140914527123256434 +-0.00010615643241591955448 +0.000099404763996002984305 +-0.000093565126469655296479 +0.000088443274935916150653 +-0.000083896522371596027091 +0.000079817722973565349941 +-0.000076124873276419008442 +0.000072754160521257720456 +-0.000069655195574351712414 +0.000066787669759023218205 +-0.000064118963170542397943 +0.000061622402999507979829 +-0.000059275974785800870004 +0.000057061354953047357637 +-0.000054963174946566415103 +0.000052968454797913167814 +-0.000051066162305223090934 +0.000049246866500677120973 +-0.000047502462696534142595 +0.000045825952442538377244 +-0.000044211266019498705465 +0.000042653118181625816473 +-0.000041146890107774082421 +0.000039688532175604114967 +-0.000038274483402109242971 +0.000036901604316593055879 +-0.000035567120730803303923 +0.000034268576404372275278 +-0.000033003793014271894436 +0.000031770836155343568657 +-0.000030567986347572862063 +0.0000293937142212395353 +-0.000028246659205740308201 +0.000027125611171028481958 +-0.000026029494569253724986 +0.000024957354703657773533 +-0.000023908345816183843755 +0.00002288172073775266367 +-0.00002187682188820623821 +0.000020893073448448551166 +-0.000019929974556841288534 +0.000018987093406653525572 +-0.000018064062142292060334 +0.000017160572469949212375 +-0.000016276371913858519869 +0.000015411260663109113913 +-0.000014565088966433161216 +0.000013737755044005605755 +-0.000012929203496528488566 +0.00001213942420317911561 +-0.000011368451711901931908 +0.000010616365138636882642 +-9.883288607181945345e-6 +9.1693922795137847007e-6 +-8.4748940489495976292e-6 +7.8000619975219469573e-6 +-7.1452177572589455641e-6 +6.5107409670396594181e-6 +-5.897075088935215014e-6 +5.3047349508001217136e-6 +-4.7343165320109549248e-6 +4.1865097343121825631e-6 +-3.6621152271741456317e-6 +3.1620670115162339204e-6 +-2.687463264841566593e-6 +2.2396096245152175972e-6 +-1.8200819812421840681e-6 +1.430821549888145953e-6 +-1.0742870703700946036e-6 +7.5371757277851422484e-7 +-4.736376467051175727e-7 +2.4100739660697636594e-7 +-6.8813865566270916121e-8 +0.00036819622201948006712 +0.00085159468369759929063 +0.0013481420269989200684 +0.0018179474187794827393 +0.0023269167935461075092 +0.0027739595140998911063 +0.0033003671504238097004 +0.0037146656989006460034 +0.0042665217401148202993 +0.0046335642945723432751 +0.0052259110595283154099 +0.0055202806242741943719 +0.0061860260761037247389 +0.0063512919213546947258 +0.0071829743346143529982 +0.0070296451068855961364 +0.0085138224917957993549 +0.0041170215440363031608 +-0.00077332948649665665886 +0.000438968359424255893 +-0.0003114839975578204579 +0.00024466962756933888114 +-0.00020352695556692023927 +0.0001755684739853416109 +-0.00015525671701404534934 +0.00013976789053542102303 +-0.00012751361783081244292 +0.00011753291481965142749 +-0.00010921068391551214773 +0.00010213514408452428364 +-0.000096020343677933880973 +0.000090661571412832431864 +-0.000085908458640631981555 +0.000081648097065633301082 +-0.000077794077968332803378 +0.000074279165004129453494 +-0.000071050269601959466056 +0.000068064927211154343489 +-0.000065288776435904361556 +0.000062693723293824548693 +-0.000060256582873710659402 +0.000057958059630661101237 +-0.000055781971797342284934 +0.000053714654375824496951 +-0.000051744494532545531525 +0.000049861566375270752345 +-0.000048057341176644494926 +0.000046324455476613055636 +-0.000044656524019835894261 +0.000043047987738803648796 +-0.00004149398936237806189 +0.000039990270972709407009 +-0.000038533089129361502318 +0.000037119144151995262587 +-0.00003574552088935602569 +0.000034409638864608761667 +-0.000033109210119839648104 +0.000031842203418130436625 +-0.000030606813723692324177 +0.000029401436086608005881 +-0.000028224643221798772812 +0.000027075166201683870923 +-0.000025951877786024782383 +0.000024853777996279088967 +-0.00002377998160974725673 +0.000022729707304218531772 +-0.000021702268229306001742 +0.000020697063818241606253 +-0.000019713572685188894498 +0.000018751346479409458398 +-0.000017810004589926492391 +0.00001688922961351842221 +-0.000015988763515662513118 +0.000015108404429051584808 +-0.000014248004048083765839 +0.000013407465590804811974 +-0.000012586742312700344975 +0.000011785836570072367499 +-0.00001100479944516590189 +0.000010243730961573024253 +-9.5027809378217734167e-6 +8.7821505509367800929e-6 +-8.0820947122200905669e-6 +7.4029253975625783529e-6 +-6.7450161287478130228e-6 +6.1088078773008210331e-6 +-5.4948167691889248246e-6 +4.9036441243636411497e-6 +-4.335989598379166514e-6 +3.7926685532744260834e-6 +-3.2746353591864738001e-6 +2.7830152801103221183e-6 +-2.3191492475601334135e-6 +1.8846588446927156645e-6 +-1.4815447204928063095e-6 +1.1123441674703406783e-6 +-7.8040319005118227811e-7 +4.9039967605941142759e-7 +-2.4953409004597554253e-7 +7.1248052856249924642e-8 +0.00036650772612981339867 +0.00085755051370793540799 +0.0013362849796211583707 +0.0018371783960039733449 +0.0022987983627371506397 +0.0028126489781539558096 +0.00324912520576407225 +0.0037808988187068603547 +0.0041821756525464940195 +0.0047401756254176939894 +0.005091280311283465902 +0.005691293480174015769 +0.0059657375304033734043 +0.0066423541312129984847 +0.0067810638805412823521 +0.0076314830957978986149 +0.0074357344998336890282 +0.0089705912312442390049 +0.0043226151420808956098 +-0.00080938970888202088265 +0.0004581451647184393487 +-0.0003242704358750757708 +0.00025413211178793832567 +-0.00021095987185797062225 +0.00018163541013583569308 +-0.00016034199930933600823 +0.00014411360777897030663 +-0.00013128192266836142717 +0.00012083763235035312559 +-0.00011213472513677234243 +0.00010474073612403731167 +-0.00009835535847094325222 +0.000092763610410947696956 +-0.000087807584397580199525 +0.000083368715783488396854 +-0.000079356270922230847433 +0.000075699651600329910672 +-0.000072343117855185670787 +0.000069242087099130390319 +-0.000066360486547897869763 +0.000063668825213598091076 +-0.000061142767294829562005 +0.000058762061227125492845 +-0.000056509725121578455459 +0.000054371419762108142699 +-0.000052334960662922460097 +0.000050389934505246935874 +-0.000048527394814748974191 +0.000046739618428797514618 +-0.000045019909053905888018 +0.000043362437631898700929 +-0.000041762111721429578601 +0.000040214467932362298759 +-0.000038715582811567046185 +0.000037261998600119993709 +-0.000035850661055338443606 +0.0000344788671216838835 +-0.000033144220689132684875 +0.000031844595030112628491 +-0.000030578100781402619426 +0.000029343058553862247927 +-0.000028137975424177778454 +0.000026961524699250684646 +-0.000025812528453180587756 +0.000024689942424923505765 +-0.000023592842936179189762 +0.000022520415547387335382 +-0.000021471945217624159239 +0.000020446807773833036278 +-0.000019444462527894496241 +0.000018464445907902463917 +-0.00001750636599377037264 +0.000016569897867857643662 +-0.000015654779709461657966 +0.000014760809578448066438 +-0.00001388784284862692114 +0.000013035790266346501541 +-0.000012204616624827023342 +0.000011394340060735667107 +-0.000010605031997312627195 +9.836817779150557081e-6 +-9.0898780690618046287e-6 +8.3644511095131784634e-6 +-7.6608359930041225062e-6 +6.9793971421673782548e-6 +-6.3205702783765591548e-6 +5.6848702683539693359e-6 +-5.0729013995457943495e-6 +4.4853708764943892493e-6 +-3.9231067029149759344e-6 +3.3870817083013800464e-6 +-2.8784464625656135297e-6 +2.3985755291456426605e-6 +-1.9491346291554221946e-6 +1.5321823878158884049e-6 +-1.150333275782155945e-6 +8.0703896217633112489e-7 +-5.0712935555263180824e-7 +2.580439615166993812e-7 +-7.3677379839782222765e-8 +0.0003680659871178958819 +0.00085205828537440666905 +0.001347203652221203987 +0.0018195066191654448868 +0.0023245627218699671239 +0.0027773320102591318811 +0.0032956751690685518834 +0.0037210976617866621167 +0.0042577421540652293743 +0.004645602223163460691 +0.0052091903813267502817 +0.0055440319693815398397 +0.006151103990330839817 +0.0064053762667972837401 +0.0070921822298981210097 +0.0072042184918444189444 +0.0080725287993330153366 +0.0078345629569976858229 +0.0094185927227731440667 +0.0045239851805320291661 +-0.00084465686173625162819 +0.00047686989993149669349 +-0.00033673346979379595316 +0.0002633376525014432588 +-0.00021817603920337536967 +0.00018751235000528089253 +-0.0001652562833293044251 +0.00014830246980283724474 +-0.00013490429055183851185 +0.00012400509153615501642 +-0.00011492857632948419038 +0.0001072220163225326402 +-0.00010057104015648157409 +0.000094750602666516756606 +-0.000089595408612020333161 +0.000084981349718498005097 +-0.000080813452962857042795 +0.000077017824199335453133 +-0.00007353612358240756262 +0.000070321691204571736952 +-0.000067336775419394839048 +0.000064550514461272059124 +-0.000061937442966542270224 +0.000059476370827570182908 +-0.00005714953045447415086 +0.000054941920388848333585 +-0.000052840794497868673337 +0.000050835260442305155039 +-0.000048915961101535706742 +0.000047074819639803647595 +-0.000045304833871849035351 +0.000043599909164452514568 +-0.000041954721715147594224 +0.000040364605966079244256 +-0.000038825461335846405882 +0.000037333674521510368463 +-0.000035886054432683183027 +0.000034479777437932071198 +-0.000033112341079652450669 +0.000031781524782629941021 +-0.000030485356369766677384 +0.000029222083425121038896 +-0.000027990148723825844046 +0.000026788169091360543066 +-0.000025614917169191202819 +0.000024469305656155904429 +-0.000023350373669920103694 +0.000022257274934035721949 +-0.000021189267546476766891 +0.000020145705127247397911 +-0.000019126029177555714317 +0.000018129762512557839691 +-0.000017156503654979419147 +0.000016205922099000547117 +-0.000015277754373496400664 +0.000014371800851827358284 +-0.00001348792327260242964 +0.000012626042952948000648 +-0.000011786139693625309403 +0.000010968251394830887367 +-0.00001017247442391553842 +9.3989648032061506229e-6 +-8.6479403198815938862e-6 +7.9196837037009384591e-6 +-7.214547077136590635e-6 +6.5329579634707551029e-6 +-5.8754272531516848419e-6 +5.2425596956390996137e-6 +-4.6350677337089608089e-6 +4.0537898822520425625e-6 +-3.49971546761787677e-6 +2.9740185610415174171e-6 +-2.4781057033035955755e-6 +2.0136852433843768373e-6 +-1.5828724143892240764e-6 +1.1883576393492168421e-6 +-8.3369717507048853462e-7 +5.2387203814987075418e-7 +-2.6656006343177745705e-7 +7.6108424597958948298e-8 +0.00036662204825658316205 +0.00085714423319609172415 +0.0013371048362412402174 +0.0018358222419222508289 +0.0023008334297831625202 +0.0028097564123105382086 +0.0032531095742884138095 +0.0037755044162693181619 +0.0041894257985533498346 +0.0047304255097149343997 +0.0051044951412446031151 +0.0056731069022129965785 +0.0059913766104182124742 +0.0066048941283531518984 +0.0068387661928648139937 +0.0075350719448977360325 +0.0076203413020640595082 +0.0085056813027109429498 +0.0082257402325450209529 +0.009857389512856009021 +0.0047209349033437261382 +-0.0008790967698467446079 +0.00049512483041461622116 +-0.00034886174871272479443 +0.000272278333513701753 +-0.00022516972082434629718 +0.00019319508427754104107 +-0.00016999650239309015035 +0.00015233230411053108341 +-0.00013837927173351611985 +0.00012703444087764289057 +-0.00011759189011453988078 +0.00010957906792893256228 +-0.00010266784371788662489 +0.000096623326689042542305 +-0.00009127299316229568142 +0.000086487310179002201426 +-0.000082167155796637770094 +0.000078235409818014320552 +-0.000074631187245015675405 +0.000071305794236011712965 +-0.000068219835046152273929 +0.00006534110525610613467 +-0.000062643032890111997379 +0.000060103508173266408126 +-0.000057703993451752419274 +0.000055428838065153805851 +-0.000053264745176090760911 +0.000051200352660936169972 +-0.00004922590059233946901 +0.00004733296515197247795 +-0.000045514244003582002614 +0.000043763381891530914574 +-0.000042074827948790299607 +0.000040443718199013922639 +-0.00003886577822460242047 +0.000037337242088864325935 +-0.000035854784445606114401 +0.000034415463414921810611 +-0.000033016672300755643904 +0.000031656098611092567171 +-0.000030331689142568438173 +0.000029041620127959533861 +-0.000027784271632362408253 +0.000026558205533135749858 +-0.000025362146538338630281 +0.000024194965794937858344 +-0.000023055666716442487855 +0.000021943372723703311186 +-0.00002085731664539176312 +0.00001979683156851114017 +-0.000018761342966077892399 +0.000017750361960365842227 +-0.000016763479607088742348 +0.000015800362109673201654 +-0.000014860746894285380906 +0.000013944439496394974805 +-0.000013051311229255591882 +0.000012181297624677611436 +-0.000011334397657935052896 +0.000010510673792900613394 +-9.7102529122711562238e-6 +8.9333282334050515448e-6 +-8.1801623562354311588e-6 +7.4510916509535283722e-6 +-6.7465322772717620768e-6 +6.0669882459418727255e-6 +-5.4130621058880342895e-6 +4.7854690984263920292e-6 +-4.1850560177938062442e-6 +3.6128266512461811346e-6 +-3.0699767224403325754e-6 +2.5579430823528089936e-6 +-2.0784752214739166111e-6 +1.6337436801264294626e-6 +-1.2265137325477784906e-6 +8.6044535079935273554e-7 +-5.4067007639721119184e-7 +2.7510391907571864706e-7 +-7.854732822894225084e-8 +0.00036796497811396826015 +0.00085241674187214326805 +0.0013464821823045331574 +0.0018206954484546121827 +0.0023227879807006502202 +0.0027798377536569005334 +0.0032922524568226399002 +0.0037256837854479023454 +0.0042516566397810212919 +0.0046536580976670722269 +0.005198483718870937224 +0.0055584073541624243111 +0.0061314716708415777244 +0.0064328766637088750231 +0.0070522213079232851229 +0.0072654828982014397248 +0.0079705914663757643958 +0.0080290248937233423305 +0.0089305180378828611278 +0.0086088836555389893464 +0.010286553091257639866 +0.0049132718736088264663 +-0.00091267601528068470786 +0.00051289258017936464942 +-0.00036064410213996181748 +0.0002809463072339332262 +-0.00023193516760857389315 +0.00019867932788467745478 +-0.00017455946229007991255 +0.00015620076742358325848 +-0.00014170520909069416487 +0.00012992459033340823353 +-0.00012012405394996911325 +0.00011181168628887679463 +-0.00010464591684891622633 +0.000098382237236553509811 +-0.000092841062278699364213 +0.000087887559188930218363 +-0.000083418552207077788783 +0.000079353768682074122849 +-0.00007562983621661671358 +0.000072196072914973296728 +-0.000069011475781768733157 +0.000066042527628857303817 +-0.000063261574321173434334 +0.000060645606586083075656 +-0.000058175333465496830227 +0.000055834469118604281484 +-0.000053609177809436670881 +0.000051487637630557782918 +-0.000049459694368304464282 +0.00004751658452204459577 +-0.000045650711894267756768 +0.000043855466056435222102 +-0.000042125073825685372486 +0.000040454476970137720639 +-0.000038839230908769084302 +0.00003727542033379448594 +-0.000035759588563375457802 +0.000034288678104403819665 +-0.000032859980422317007103 +0.000031471093316026815809 +-0.000030119884609379083196 +0.000028804461117007006892 +-0.000027523142037563296259 +0.000026274436082805343665 +-0.000025057021775708244104 +0.000023869730451437210113 +-0.000022711531576806211777 +0.000021581520070798182494 +-0.000020478905363961781734 +0.000019403001980509002515 +-0.000018353221465700499306 +0.000017329065514237124221 +-0.000016330120184225331807 +0.000015356051107015563904 +-0.000014406599626880893429 +0.000013481579827123009884 +-0.000012580876421815125393 +0.000011704443516193874858 +-0.000010852304265116338337 +0.000010024551489836054941 +-9.221349351113461618e-6 +8.4429362248932118154e-6 +-7.6896289906409081245e-6 +6.9618290297931713685e-6 +-6.2600303548927850029e-6 +5.5848304685368453836e-6 +-4.9369448178720024458e-6 +4.3172261209496758601e-6 +-3.7266904954889670227e-6 +3.1665534042642990668e-6 +-2.6382803091861398307e-6 +2.1436603601608200193e-6 +-1.6849181517533113924e-6 +1.2648928114734616916e-6 +-8.8734733469349272115e-7 +5.5756350493290393656e-7 +-2.8369586967436472072e-7 +8.0999893910257345993e-8 +0.00036671182202030212018 +0.00085682604031608592349 +0.0013377438300330501787 +0.0018347727972319731735 +0.0023023931240517959616 +0.0028075668425768891505 +0.0032560791543572691951 +0.0037715601760563936371 +0.0041946038771972269379 +0.0047236597212431297592 +0.0051133446660312980822 +0.0056614575494953726769 +0.0060068959684699895918 +0.0065838369261473210628 +0.0068681001901078566111 +0.0074926492110229299052 +0.007685108609910749892 +0.0083983160492039497818 +0.008429869251221234677 +0.0093466244525115289718 +0.0089836184827040906224 +0.010705664320580140979 +0.0051008081615523581917 +-0.00094536198105714952821 +0.00053015617045540237307 +-0.00037206958198553953294 +0.0002893338426148310519 +-0.00023846667193272190809 +0.00020396077938221449003 +-0.0001789419056614371495 +0.00015990541445220188014 +-0.00014488031066385093805 +0.00013267428703143186442 +-0.00012252426846366635474 +0.00011391945929541495461 +-0.00010650518206882840996 +0.00010002754868992363413 +-0.000094300086817527026928 +0.000089182794344241753156 +-0.000084568541214675317399 +0.000080373979445231458043 +-0.000076533309848348410493 +0.000072993910702073093935 +-0.000069713210563885659045 +0.000066656411009243304133 +-0.00006379480159895006372 +0.000061104494937013319669 +-0.000058565464564591952104 +0.000056160804393473991435 +-0.000053876152396460208371 +0.000051699237592280756944 +-0.000049619520633298847826 +0.000047627906203194519124 +-0.000045716511043539545433 +0.000043878475465481682554 +-0.00004210780914153462541 +0.000040399264135050636805 +-0.000038748229732618324338 +0.000037150644851208368356 +-0.000035602924705585897208 +0.000034101899119267806355 +-0.000032644760399417999836 +0.000031229019112662318758 +-0.000029852466424247480904 +0.00002851314191896895619 +-0.000027209306025020003854 +0.000025939416323510361654 +-0.000024702107156058762258 +0.000023496172047589419215 +-0.000022320548546650164688 +0.000021174305155400755297 +-0.000020056630079169453164 +0.000018966821573740721439 +-0.000017904279709407029631 +0.000016868499406012365576 +-0.000015859064624190809123 +0.000014875643626047805787 +-0.000013917985244848441079 +0.000012985916129074110542 +-0.000012079338952799035371 +0.000011198231613265367104 +-0.000010342647469751936448 +9.5127167179546940715e-6 +-8.708649044807960469e-6 +7.930737775355208652e-6 +-7.1793658140531497234e-6 +6.4550138104170799381e-6 +-5.7582711634930377348e-6 +5.0898507549002076882e-6 +-4.4506087237745499386e-6 +3.8415712716093966012e-6 +-3.2639716022060146054e-6 +2.7193020376337017168e-6 +-2.2093898905522561518e-6 +1.736512585715943699e-6 +-1.3035821898140230249e-6 +9.1446418898361305324e-7 +-5.7459060132937785771e-7 +2.9235535952386688738e-7 +-8.347166827074797814e-8 +0.00036788476087118015888 +0.00085270075788492720532 +0.0013459129351061103052 +0.0018216276627559683674 +0.0023214078486350609931 +0.0027817657203789073479 +0.0032896536306326279102 +0.0037291098641423056591 +0.0042471993802647114476 +0.0046594186555766979542 +0.0051910481844625643673 +0.0055680386033885233738 +0.0061188935865292776768 +0.0064495229754024490684 +0.0070297609447547106583 +0.007296621366608334819 +0.0079257481980547702039 +0.0080972325891482024412 +0.0088178284499710698179 +0.0088224821266251613955 +0.0097535944367160148451 +0.0093495782486566553362 +0.011114313853951170834 +0.0052833605281319103857 +-0.00097712289128058993586 +0.00054689905249035050997 +-0.00038312749688400402256 +0.00029743336310883079094 +-0.0002447586097370359044 +0.00020903516706094604971 +-0.00018314056184123517784 +0.00016344375106811434623 +-0.00014790270573718349719 +0.00013528217383835593986 +-0.00012479160811334935176 +0.0001159018297701894293 +-0.00010824540048702111504 +0.00010155929989542774634 +-0.00009565034990730425117 +0.000090373515018151908681 +-0.000085617814623909334284 +0.000081296905885878323284 +-0.000077342626145996283717 +0.000073700464305994777658 +-0.000070326321124967743881 +0.000067184150025086943609 +-0.000064244211435153750927 +0.000061481762339448002969 +-0.000058876059558770275528 +0.000056409592542438097293 +-0.000054067486328007277314 +0.000051837032232908267827 +-0.000049707315518272972515 +0.000047668917448314543379 +-0.000045713674982207653112 +0.000043834485517959639718 +-0.000042025147152267674572 +0.00004028022716075132169 +-0.000038594953068476501099 +0.00003696512193070964891 +-0.000035387024390453192383 +0.000033857380802232273514 +-0.000032373287268109600197 +0.000030932169863564493483 +-0.000029531745668122804702 +0.00002816998948095495476 +-0.00002684510531182482703 +0.000025555501905357724518 +-0.000024299771691130014579 +0.000023076672660839758827 +-0.00002188511276239524753 +0.00002072413647350682548 +-0.000019592913277703588601 +0.000018490727816341850091 +-0.000017416971533334973317 +0.000016371135666853558743 +-0.000015352805475710907566 +0.000014361655619007666557 +-0.000013397446637268371021 +0.000012460022513241640585 +-0.000011549309322447772666 +0.000010665315019534338499 +-9.8081304493038468148e-6 +8.9779317247524048148e-6 +-8.1749841841895613593e-6 +7.3996482339032698002e-6 +-6.6523875149528593123e-6 +5.933780023455193281e-6 +-5.2445330978317441384e-6 +4.5855036233044796756e-6 +-3.9577254993124862657e-6 +3.3624475667022505284e-6 +-2.8011871857249945248e-6 +2.2758083019042930659e-6 +-1.7886399569894018929e-6 +1.3426663085732278305e-6 +-9.4185494160645115085e-7 +5.9178835583128585852e-7 +-3.0110117472958020214e-7 +8.5968009511842536567e-8 +0.00036678385223542728925 +0.00085657125068025199538 +0.0013382536276844579463 +0.0018339400320709824714 +0.0023036218858900008623 +0.0028058576654512720695 +0.0032583708887026880667 +0.0037685583346516425262 +0.0041984790576181108938 +0.0047186977567564341293 +0.0051196784638755843195 +0.0056533626499411165368 +0.0060172969870513907288 +0.0065703443426892891174 +0.0068858558520410429959 +0.0074688083829939905775 +0.0077180209353402083924 +0.0083510957233509364686 +0.0085014515198272270539 +0.0092287193532207538823 +0.0092064794031863330879 +0.010151030736626978239 +0.0097064051118209072216 +0.011512102541198511315 +0.0054607506040618465785 +-0.0010079278484693760415 +0.00056310513605781319366 +-0.00039380744066079620769 +0.00030523747731613040129 +-0.00025080547399853022255 +0.00021389828533300876316 +-0.00018715218601210634819 +0.0001668132759860280578 +-0.00015077048876224238122 +0.00013774683523235548191 +-0.00012692506872248260274 +0.00011775814439138220982 +-0.00010986622187127016923 +0.00010297740514251409799 +-0.00009689199862655088438 +0.000091460074549957323748 +-0.000086566909553737136728 +0.000082123249628082100998 +-0.0000780586345471274443 +0.000074316716397753466432 +-0.000070851910538665243372 +0.000067626956788392119062 +-0.000064611114858806671346 +0.000061778809682058820466 +-0.000059108601058122369397 +0.000056582390559593379811 +-0.000054184804348110889951 +0.000051902708034802756633 +-0.000049724821787267935647 +0.000047641412344825285489 +-0.000045644044613514929735 +0.000043725379836019079265 +-0.000041879010478918673805 +0.000040099324295717479365 +-0.000038381391745825580173 +0.000036720872241941316478 +-0.000035113935676881281969 +0.00003355719642829012604 +-0.000032047657615031985291 +0.00003058266382539264077 +-0.000029159860885975805866 +0.00002777716151461040598 +-0.000026432715918024799497 +0.000025124886568506466524 +-0.000023852226533112817071 +0.000022613460841763101097 +-0.000021407470472528899615 +0.000020233278608172428417 +-0.000019090038881022796901 +0.000017977025376487944655 +-0.000016893624211217495777 +0.000015839326542144162145 +-0.000014813722899098833004 +0.000013816498768077552413 +-0.000012847431386228193224 +0.000011906387745095452939 +-0.000010993323837873389407 +0.000010108285232292155732 +-9.251409107335533866e-6 +8.4229279650526038728e-6 +-7.6231753269889864919e-6 +6.8525938617052081318e-6 +-6.1117465870581103711e-6 +5.4013320841007592157e-6 +-4.7222051097782305666e-6 +4.0754047120476313661e-6 +-3.4621931366954144994e-6 +2.8841108685923802013e-6 +-2.3430569041085738396e-6 +1.8414106818526067856e-6 +-1.3822276507146456859e-6 +9.695772259911437857e-7 +-6.0919287248316004024e-7 +3.0995164699731718972e-7 +-8.8494145544731171792e-8 +0.00036781979049508982988 +0.00085293038492221661538 +0.0013454541744926637266 +0.001822375406643638316 +0.0023203077848183760306 +0.0027832901620259241571 +0.0032876190131162866594 +0.0037317600667228048961 +0.004243800959080005191 +0.0046637356229370729766 +0.0051855896648223514051 +0.0055749365276723028502 +0.0061101496957208501182 +0.0064606816371234100159 +0.0070153684955416394211 +0.0073154680880451432774 +0.0079005506505664261417 +0.0081318866296203370498 +0.0087682767496866482402 +0.0088973698906164687381 +0.0096305877868273653713 +0.0095814854550128960142 +0.010538545355596597644 +0.010053750194690057791 +0.011898641823635992404 +0.0056328050640840681754 +-0.0010377468685774526501 +0.0005787588146841582371 +-0.00040409931640791215909 +0.00031273900418632851718 +-0.00025660190180304298249 +0.00021854602387600599128 +-0.00019097359039230749296 +0.0001700115138585742618 +-0.00015348175417769520334 +0.00014006683364617872442 +-0.00012892360514242278637 +0.00011948769247685613861 +-0.00011136722436450886442 +0.00010428169463997444726 +-0.000098025085079168665093 +0.000092442721773668963889 +-0.000087416250287324686576 +0.000082853592193424665127 +-0.000078682058068386898213 +0.000074843517758243769171 +-0.000071290945282948832381 +0.000067985902799055755003 +-0.000064896678894332148122 +0.000061996891023091884828 +-0.000059264422532710367383 +0.000056680604461136922947 +-0.000054229578817507227751 +0.000051897798089499892501 +-0.000049673628173398482497 +0.000047547030649889556699 +-0.00004550930652867098702 +0.000043552888045531774795 +-0.000041671168342479988661 +0.000039858361250868674542 +-0.000038109385173784498704 +0.000036419766397179496052 +-0.000034785558168889531465 +0.00003320327265581317834 +-0.000031669823483215608109 +0.000030182477020707099619 +-0.000028738810939395959269 +0.000027336678848025646419 +-0.000025974180040459116354 +0.000024649633566110763588 +-0.000023361555979035503365 +0.000022108642238155595197 +-0.000020889749326553819368 +0.000019703882236584652957 +-0.000018550182033476734096 +0.000017427915766130719343 +-0.000016336468042460511571 +0.000015275334130051266968 +-0.000014244114483101280232 +0.000013242510635534511612 +-0.000012270322439916512738 +0.000011327446674838462999 +-0.000010413877092871795467 +9.5297060412682758999e-6 +-8.6751278643297474813e-6 +7.8504443988056824068e-6 +-7.0560730157177450285e-6 +6.2925578659103930851e-6 +-5.5605852891594550438e-6 +4.86100481081233243e-6 +-4.1948578878601636505e-6 +3.5634177870365938497e-6 +-2.9682460912198451055e-6 +2.4112751939573227366e-6 +-1.8949336857108886867e-6 +1.4223475390342285074e-6 +-9.9768783867898452478e-7 +6.2683971850955207825e-7 +-3.1892483105350879429e-7 +9.1055224591649217852e-8 +0.00036684269810339513744 +0.00085636342204150658647 +0.0013386682863982143632 +0.0018332654868626323965 +0.0023046116846206217805 +0.0028044905394158135352 +0.0032601881659281340647 +0.0037662027654976956575 +0.0042014821276377008089 +0.0047149092041661309563 +0.0051244300009350015367 +0.0056474156289529463707 +0.0060247499447486097296 +0.0065609619425158014386 +0.0068977597509605566196 +0.0074535311955558656012 +0.007737939665666115228 +0.0083245662996508953427 +0.0085378135839204863847 +0.0091768841582218068247 +0.0092846003704683388993 +0.010023041526546235969 +0.0099471335016228581896 +0.010915759943577071941 +0.010391273917390350242 +0.012273554117442982036 +0.0057993557963135304056 +-0.0010665509140506794056 +0.00059384498830103321059 +-0.00041399335720039651766 +0.00031993099409003393972 +-0.00026214269657792022712 +0.00022297439130476317639 +-0.00019460166939681449025 +0.00017303604186889847317 +-0.00015603462432290890827 +0.00014224073856693565761 +-0.00013078616139480755491 +0.00012108973702543073975 +-0.0001127479462861174543 +0.00010547194694595637398 +-0.00009904959933087871737 +0.000093321634348161378473 +-0.000088166181892862533378 +0.000083488428818882004069 +-0.000079213527235869781156 +0.000075281621245053256246 +-0.000071644289175272397376 +0.000068261952787674395715 +-0.000065101960258122966227 +0.000062137147093100961557 +-0.000059344741579650314213 +0.00005670552228029772275 +-0.00005420316240480976128 +0.000051823714458032178723 +-0.000049555201385411295746 +0.000047387289424176978661 +-0.00004531102425243287479 +0.000043318616621530685163 +-0.000041403267000513998545 +0.000039559021221817141661 +-0.000037780650946545391313 +0.000036063554140555226867 +-0.000034403671792297958711 +0.000032797417897535033223 +-0.000031241620347491351273 +0.000029733470831439462255 +-0.000028270482235544780807 +0.000026850452311766118787 +-0.000025471432622122789669 +0.00002413170194856441058 +-0.000022829743507522203707 +0.000021564225429028744494 +-0.000020333984059295452538 +0.000019138009727718695864 +-0.000017975434688345086419 +0.000016845523005053732265 +-0.000015747662201810921597 +0.000014681356546730295755 +-0.00001364622188362755707 +0.000012641981969676575687 +-0.000011668466325358960156 +0.000010725609656499866909 +-9.8134529722596277111e-6 +8.9321466038078491594e-6 +-8.0819554353814113913e-6 +7.2632668069003479957e-6 +-6.4766017582237069293e-6 +5.7226305973402785596e-6 +-5.0021942531223498142e-6 +4.3163336331467077009e-6 +-3.6663304635058794758e-6 +3.053765262494279748e-6 +-2.4806020750004389953e-6 +1.9493173550403430917e-6 +-1.4631068465464468662e-6 +1.0262432352934381686e-6 +-6.4476423482668976178e-7 +3.2803866224288338899e-7 +-9.3656360120310080419e-8 +0.00036776628717899086138 +0.0008531192218810185297 +0.0013450778532152607224 +0.0018229865277365155864 +0.0023194131169624491212 +0.002784522293245645165 +0.0032859870257219376838 +0.0037338663899662143952 +0.0042411293121880199714 +0.0046670858673105532839 +0.0051814173919698920357 +0.0055801154802877473391 +0.0061037222067805443678 +0.0064686804647096061744 +0.0070053582668757546071 +0.0073281044565948476913 +0.0078844044139816836409 +0.0081528575087926288542 +0.0087404414200350058103 +0.0089354047314686704254 +0.0095765191517877810167 +0.0096627641774900493503 +0.010405697489783051673 +0.010303065956323591177 +0.011282306174950839423 +0.010718646323712699351 +0.012636473185526072314 +0.0059602400664920514906 +-0.0010943119251537682649 +0.00060834908382463862814 +-0.00042348014418980970256 +0.00032680674670401885465 +-0.00026742284660907364947 +0.00022717953464849782119 +-0.00019803342017989938875 +0.0001758845113357787274 +-0.0001584272720476826904 +0.00014426715006469494167 +-0.00013251169502040519368 +0.00012256353978309416548 +-0.00011400791181335380734 +0.00010654791516615778843 +-0.000099965496031088124368 +0.000094096945715867006676 +-0.00008881699743887650693 +0.000084028195855242813949 +-0.000079653607599714674603 +0.000075631709362625350659 +-0.000071912730943713093241 +0.000068455992238733121022 +-0.000065227932790156275606 +0.000062200632596317870756 +-0.000059350687060182970263 +0.000056658341010354184222 +-0.000054106814809734638101 +0.000051681774652382391893 +-0.000049370912328922217493 +0.000047163608977786956713 +-0.000045050663901808028981 +0.000043024074250862091603 +-0.000041076854807919744272 +0.00003920288964487204247 +-0.000037396809294701469121 +0.000035653888497807362095 +-0.000033969960649126896807 +0.000032341345889103771734 +-0.000030764790410219220696 +0.000029237415038648584143 +-0.000027756671532024654285 +0.000026320305334692983444 +-0.000024926323770189149197 +0.000023572968841215110856 +-0.000022258693960971071909 +0.000020982144064618819519 +-0.000019742138652363630778 +0.000018537657401232560506 +-0.000017367828055197145403 +0.00001623191636624541892 +-0.000015129317915312242227 +0.000014059551694365903955 +-0.000013022255382164813894 +0.000012017182299251086092 +-0.000011044200086260397196 +0.000010103291218328941192 +-9.194555553864875809e-6 +8.3182152279166544717e-6 +-7.4746223536758016724e-6 +6.664270213945924932e-6 +-5.8878089466866805367e-6 +5.1460672216979980532e-6 +-4.4400821878790461183e-6 +3.7711412634077494279e-6 +-3.1408415786337150768e-6 +2.5511769699090760581e-6 +-2.0046704039443809415e-6 +1.5045866422145867092e-6 +-1.0552999808438354594e-6 +6.630018177134014111e-7 +-3.373110994005674044e-7 +9.6302671565896603878e-8 +0.00036689151712817815954 +0.00085619121838326652223 +0.0013390110979187904425 +0.0018327096425918308051 +0.002305423758474643724 +0.0028033750532773329509 +0.0032616609738446631655 +0.0037643091020083259676 +0.0042038732578802161669 +0.0047119265111211400724 +0.0051281217107480173702 +0.0056428660168652307815 +0.0060303491711830177839 +0.0065540620687211816375 +0.0069062951395807931363 +0.007442904088854477121 +0.0077512953137405453632 +0.0083075673123533434987 +0.0085598159101316984092 +0.0091477700346178327998 +0.0093242711914487596081 +0.0099667916502470718798 +0.010031491440770789859 +0.010778182118590808717 +0.010648934767538305768 +0.011637826114933981226 +0.011035547398922872128 +0.012987044497690481612 +0.00611530067698926318 +-0.0011210028497313000506 +0.00062225707402086836528 +-0.00043255062260653975007 +0.00033335982639481782753 +-0.0002724375406611417458 +0.00023115775556751440533 +-0.00020126595959137540029 +0.00017855466544561921901 +-0.000160657939200235166 +0.00014614471798686321499 +-0.0001340991969148538091 +0.00012390838164799912413 +-0.00011514665188142735736 +0.00010750934827574757245 +-0.00010077271608619286014 +0.000094768767060827795653 +-0.000089368960174805539556 +0.00008447329311266920247 +-0.000080002822191849552861 +0.000075894416784076804626 +-0.000072097006769289741912 +0.000068568849914210998797 +-0.000065275509923820082274 +0.000062188338595566392679 +-0.000059283321372262979616 +0.000056540188741009323686 +-0.000053941724742715042674 +0.00005147322344097412053 +-0.000049122057723470786146 +0.000046877334287500834276 +-0.000044729615395009156693 +0.000042670692827178924896 +-0.000040693402995126618725 +0.000038791474758457499075 +-0.00003695940343285614522 +0.000035192345916123727628 +-0.000033486032958974867228 +0.000031836695444822115429 +-0.000030241002188074151775 +0.000028696007261325358797 +-0.0000271991052535134286 +0.000025747993169764824111 +-0.000024340637928706435325 +0.00002297524860915774909 +-0.00002165025275648151671 +0.00002036427618803810641 +-0.000019116125843848442905 +0.000017904775318039042786 +-0.000016729352783260322879 +0.000015589131087720450137 +-0.000014483519866069038122 +0.000013412059564298803153 +-0.00001237441733850084253 +0.000011370384851667589079 +-0.000010399878066832278688 +9.4629392255920856004e-6 +-8.5597413185658841392e-6 +7.6905955139600488055e-6 +-6.8559622365468555222e-6 +6.0564669221528392441e-6 +-5.292921980834047726e-6 +4.5663573073978808026e-6 +-3.878063008202262775e-6 +3.2296503144472732184e-6 +-2.6231408564159925645e-6 +2.0611026796291396488e-6 +-1.5468687902024093825e-6 +1.0849151670755266671e-6 +-6.8158817961103627081e-7 +3.4676025704734730734e-7 +-9.8999321995592314891e-8 +0.00036772159475996866283 +0.0008532767869956776074 +0.0013447644801597044805 +0.0018234939368657136724 +0.0023186731673332576536 +0.0027855363545304792644 +0.0032846519147512052312 +0.0037355772126084833711 +0.0042389776556646215948 +0.0046697573546208852744 +0.0051781287460405423587 +0.005584142945422154972 +0.0060988016363929847438 +0.006474692783474519291 +0.0069979942013581266883 +0.0073371668922462909117 +0.0078731717031667598338 +0.0081669187792388572224 +0.0087226066226431004846 +0.0089584169418401617951 +0.0095461544917740191281 +0.0097040326467732208542 +0.010347320677098791779 +0.010390421554698032579 +0.011140131751854154495 +0.010984401752333488501 +0.011981972574560924845 +0.011341667378766971315 +0.013324925578909375074 +0.0062643861203948974259 +-0.001146597671515992752 +0.0006355554949162395793 +-0.00044119611605955472074 +0.00033958407560364247144 +-0.00027718218130412971422 +0.00023490552400008960772 +-0.00020429653831201364653 +0.000181044353940140593 +-0.00016272495187508067376 +0.00014787215774333081307 +-0.00013554770761117494213 +0.00012512357940154495576 +-0.00011616372131034902623 +0.00010835600858821006534 +-0.00010147120441755801012 +0.000095337205305034047395 +-0.000089822321717706635998 +0.000084824102192958940901 +-0.000080261669962385309265 +0.000076070348853747554502 +-0.000072197818820129074398 +0.00006860131638819052581 +-0.000065245563193061413535 +0.000062101210967201422852 +-0.000059143658831583507856 +0.000056352142946728915698 +-0.00005370902810461785119 +0.000051199250906589450959 +-0.00004880987802816084501 +0.000046529752782333608803 +-0.000044349210091767277627 +0.000042259844943555923076 +-0.000040254323013308859171 +0.00003832622480408858786 +-0.00003646991662254535245 +0.000034680443198432219676 +-0.000032953437877620943781 +0.000031285047177386225121 +-0.00002967186715408834602 +0.000028110889546824430623 +-0.000026599456062311438411 +0.000025135219482966979018 +-0.000023716110531843964179 +0.000022340309629811803476 +-0.000021006222843635845558 +0.000019712461457245289924 +-0.000018457824709449107159 +0.00001724128533524364037 +-0.000016061977629295225501 +0.000014919187823229136611 +-0.000013812346636805137646 +0.000012741023930785643055 +-0.000011704925460675557635 +0.000010703891810957133373 +-9.7378996862664346571e-6 +8.8070658596723882186e-6 +-7.9116542447463947151e-6 +7.0520867926175036586e-6 +-6.2289592590482652973e-6 +5.4430634103466130524e-6 +-4.6954180662311021401e-6 +3.9873127463713425053e-6 +-3.3203700539526023794e-6 +2.6966372522416991513e-6 +-2.1187259266342317017e-6 +1.5900365174560601715e-6 +-1.1151468072094280703e-6 +7.0055959552977185819e-7 +-3.5640453019638436268e-7 +1.0175155365333617909e-7 +0.00036693255823217111753 +0.00085604659427894475034 +0.001339298488000031729 +0.0018322448838483662317 +0.0023061003924316085832 +0.0028024496895819204009 +0.0032628762216867549297 +0.0037627565741882241213 +0.004205818900207419593 +0.0047095207982864823883 +0.0051310690044608011678 +0.0056392765412614155341 +0.0060347066673050916479 +0.0065487769577253442684 +0.0069127132819230882172 +0.0074350841846074556371 +0.0077608750304449859937 +0.0082957406352176269957 +0.0085745686470493429088 +0.0091291170312312578922 +0.009348270852709924835 +0.0099352058523175507664 +0.010074317712837157788 +0.010717734736749758552 +0.010739203525273689368 +0.011491192986573954193 +0.011309138921504490053 +0.01231440945417927072 +0.011636707049167306764 +0.0136497863454548758 +0.0064073507275520290189 +-0.0011710714370620520075 +0.00064823146194430361698 +-0.00044940833942037554722 +0.00034547362660571146363 +-0.00028165239639590037931 +0.00023841948975558802521 +-0.00020712255274176685065 +0.00018335154538255965791 +-0.00016462673308500579466 +0.0001494482633809940177 +-0.00013685633073576253016 +0.00012620849951471099657 +-0.00011705871292519959582 +0.00010908768615083742192 +-0.00010206092459312495759 +0.000095802377937858709094 +-0.000090177337042826189179 +0.0000850810016066451498 +-0.00008043064099100561645 +0.000076160096863172247012 +-0.000072215850564913654318 +0.000068554159373298403299 +-0.0000651389375499431558 +0.000061940165690478985335 +-0.000058932680915991170512 +0.000056095245671930683352 +-0.000053409823100906107049 +0.000050861007480160247582 +-0.000048435572388199214384 +0.000046122109198432726201 +-0.000043910735554757953847 +0.000041792858561260285051 +-0.000039760981114103092187 +0.000037808542523607421969 +-0.000035929786596773325203 +0.00003411965186853475088 +-0.000032373679819961415924 +0.000030687937800222635299 +-0.000029058954045985917901 +0.000027483662717548814435 +-0.000025959357282422504124 +0.000024483650901700658444 +-0.000023054442732831944333 +0.000021669889269828155285 +-0.000020328380010294692386 +0.000019028516877127908221 +-0.000017769096938537188638 +0.00001654909806913110735 +-0.000015367667282190693669 +0.000014224111543501467935 +-0.000013117890954724361542 +0.000012048614274142081165 +-0.000011016036830605047134 +0.000010020060990372517443 +-9.0607394672951299258e-6 +8.1382819409306815874e-6 +-7.2530656907142273006e-6 +6.4056513098176585303e-6 +-5.5968051024831166895e-6 +4.8275306225373067964e-6 +-4.0991132188215145377e-6 +3.4131838869101945299e-6 +-2.7718131703443787704e-6 +2.1776545264321705223e-6 +-1.6341749619912530481e-6 +1.1460542166986533932e-6 +-7.1995314045724305681e-7 +3.6626271450813637442e-7 +-1.0456472216481075883e-7 +0.00036768379765570116647 +0.00085340992290964900243 +0.0013445001227494143153 +0.0018239209673270092006 +0.0023180523875076896258 +0.0027863837424660866414 +0.0032835416042424005518 +0.0037369918335884620776 +0.0042372104766798916542 +0.0046719343341190006982 +0.0051754730471718967314 +0.0055873614391994353084 +0.0060949164833760617299 +0.0064793745481399477365 +0.0069923510405119300368 +0.0073439834613889775713 +0.0078649045130934374823 +0.0081770057230800451884 +0.0087101980104694920073 +0.0089738464689265595536 +0.0095267015623067984209 +0.0097289964536939357305 +0.010314544269546417791 +0.010434764297335317715 +0.011077672182008742701 +0.011077496307947004927 +0.0118310230281247728 +0.011622828795656899287 +0.01263481207532849171 +0.011920378036163152524 +0.013961309428640448983 +0.0065440548098864190856 +-0.0011944002813563712404 +0.00066027268496691521276 +-0.00045717941050482159857 +0.000351022911923470681 +-0.00028584404905845098828 +0.0002416964924431230892 +-0.00020974155507480201405 +0.00018547433747470054616 +-0.00016636181336226824538 +0.00015087191848020198501 +-0.00013802424419307086326 +0.00012716256960327691742 +-0.00011783126925806185201 +0.00010970421066635206137 +-0.00010254187094038762544 +0.000096164425291973271953 +-0.000090434276894779622944 +0.000085244379293038453994 +-0.000080510229091094083247 +0.000076164250716361427615 +-0.000072151779478371006973 +0.000068428136447524385957 +-0.000064956464096030701816 +0.000061706101568894121834 +-0.000058651348964325108429 +0.000055770516197063123257 +-0.000053045182866915156315 +0.000050459616519463087983 +-0.000048000311163560139517 +0.000045655618056683393071 +-0.000043415447977663061978 +0.000041271029392492305294 +-0.000039214710694166412624 +0.000037239797475879013136 +-0.000035340417862681608093 +0.000033511410477515019109 +-0.000031748230792367290176 +0.000030046872513089581916 +-0.000028403801338194844635 +0.000026815898969391051452 +-0.000025280415672512380883 +0.000023794930019937214294 +-0.000022357314710490452273 +0.000020965707576085898791 +-0.000019618487058142748761 +0.000018314251580613311284 +-0.00001705180236790184224 +0.000015830129361372150324 +-0.000014648399983106642354 +0.000013505950585386687676 +-0.000012402280514557141326 +0.000011337048814965433088 +-0.000010310073710809253575 +9.3213351425326456474e-6 +-8.3709808170462128626e-6 +7.4593364843768906458e-6 +-6.586921521282192729e-6 +5.7544714596568824414e-6 +-4.9629699770142475753e-6 +4.2136943149928204574e-6 +-3.5082805943308815318e-6 +2.8488200629438497379e-6 +-2.2380062267131823545e-6 +1.6793717125202759498e-6 +-1.1776983873999108176e-6 +7.3980692238831292982e-7 +-3.763541241333660054e-7 +1.074443300691288825e-7 +0.00036696746220545076507 +0.00085592369657418803455 +0.0013395423456582737344 +0.0018318513690028329685 +0.0023066716784470448336 +0.0028016711833335483322 +0.0032638941800506625951 +0.003761462786780683405 +0.0042074305072006105025 +0.0047075420475351486727 +0.0051334736778308102441 +0.0056363750049161043233 +0.0060381917112974865219 +0.0065446013216194481082 +0.0069177134879721251985 +0.0074290895703756447159 +0.007768082467881631219 +0.008287034943605597995 +0.0085851524491529510114 +0.0091161389297851747205 +0.0093643619595317325778 +0.0099149719577912568942 +0.010100221492763030129 +0.010683799361299921779 +0.010785019951035857299 +0.011426781571438674861 +0.011404969136500223079 +0.012159290029325941083 +0.011925164711784836227 +0.012942867500838572455 +0.01219240308569714609 +0.01425919048591755149 +0.0066743647958927406651 +-0.0012165614521424451298 +0.00067166748227330952211 +-0.00046450186071283221444 +0.00035622667360488166604 +-0.00028975324640438721626 +0.00024473357003211465522 +-0.0002121512618926377731 +0.00018741096578660221799 +-0.00016792883967652414099 +0.00015214210528260784045 +-0.000139050709506848135 +0.00012798528797488933484 +-0.00011848109228676993912 +0.00011020546140540374051 +-0.000102914078612763307 +0.00009642352074301132627 +-0.000090593438100051947144 +0.000085314643025801082073 +-0.000080500942289698933901 +0.000076083409466821543039 +-0.000072006287619547107856 +0.000068224005659611768143 +-0.000064698970702526425461 +0.000061399910854528981863 +-0.000058300614796362532194 +0.00005537896164751969209 +-0.000052616166061176445794 +0.000049996184884462117567 +-0.000047505246486246784537 +0.000045131474204229951163 +-0.000042864582715923822531 +0.00004069563142820712929 +-0.000038616822831059949202 +0.000036621336595244582689 +-0.000034703192301036858454 +0.000032857135267226190056 +-0.000031078541148307303548 +0.00002936333588396616657 +-0.000027707928291148739218 +0.000026109153137875773034 +-0.0000245642229681807251 +0.000023070687287748489263 +-0.000021626397991487420108 +0.000020229480133668233218 +-0.00001887830732097585531 +0.000017571481158752543843 +-0.000016307814308935286657 +0.000015086316831613402184 +-0.000013906185587091369753 +0.00001276679657821992385 +-0.000011667700220710562629 +0.00001060861965109440813 +-9.589452330110247172e-6 +8.610275391501861602e-6 +-7.6713554502762594503e-6 +6.7731639657003055074e-6 +-5.9163998296517279746e-6 +5.102021756963059294e-6 +-4.3312945450670826805e-6 +3.605855843628474669e-6 +-2.9278147707842590354e-6 +2.2999028730801207832e-6 +-1.7257173488391891355e-6 +1.2101423616950922843e-6 +-7.6016031504808941443e-7 +3.8669870930423619188e-7 +-1.1039606026350661386e-7 +0.00036765148310411440715 +0.0008535236631998902768 +0.0013442745790397473463 +0.0018242845916882071464 +0.0023175251420857719263 +0.002787101128990247124 +0.0032826053137613264873 +0.003738179192014086825 +0.0042357352650300124729 +0.0046737402064257726256 +0.005173285987122234459 +0.0055899900653141361406 +0.0060917733151693090986 +0.0064831214450624497172 +0.0069878901759613778043 +0.0073492961914965303395 +0.0078585651755321398749 +0.0081845962814522452098 +0.0087010628571731663752 +0.0089849164257515243076 +0.0095131668459089360728 +0.0097457333882629026076 +0.010293549051791576123 +0.010461583019594907041 +0.011042610573238690282 +0.011124742209297950994 +0.011764722016245357621 +0.011721301842547374288 +0.012475673418142641898 +0.012215851119898212285 +0.013238274842959586589 +0.012452516332885102147 +0.014543138499067887199 +0.0067981533616442200341 +-0.0012375333329790078603 +0.00068240479363331425036 +-0.00047136864474755467976 +0.00036107997152762628257 +-0.00029337634720975797227 +0.00024752796627221032734 +-0.00021434956153038381525 +0.0001891598111776156192 +-0.00016932658296919058148 +0.00015325791236782332 +-0.00013993507965024871291 +0.00012867623161274029253 +-0.00011900795156542012314 +0.00011059137547304438973 +-0.00010317763197881971009 +0.000096579879207202856949 +-0.000090655152158394371916 +0.000085292229083743066418 +-0.000080403311564061258395 +0.000075918190107141234424 +-0.000071780070462991313284 +0.000067942534391766390447 +-0.00006436729089595169622 +0.000061022488149801835582 +-0.000057881429625489666511 +0.000054921585913967193619 +-0.000052123825792151108425 +0.000049471811871359295138 +-0.000046951521204912338409 +0.000044550861775479656244 +-0.000042259363272756642154 +0.000040067925960905440788 +-0.000037968615358095108588 +0.000035954493337691026323 +-0.000034019478407551251832 +0.000032158229535851906283 +-0.000030366049113363288458 +0.000028638801575922844796 +-0.000026972844930916613508 +0.000025364972991595196208 +-0.000023812366562444158469 +0.000022312552166864547815 +-0.000020863367187076168677 +0.000019462930512186147227 +-0.000018109617976787598058 +0.000016802042029676050763 +-0.000015539035208975375002 +0.00001431963712385945394 +-0.000013143084761609037752 +0.000012008806060003614909 +-0.000010916416818717504947 +9.8657211824041295969e-6 +-8.8567161312245022046e-6 +7.8896006905335566008e-6 +-6.9647909670124944986e-6 +6.0829427129729953808e-6 +-5.2449840543340271155e-6 +4.4521625519648967276e-6 +-3.7061134125864156917e-6 +3.0089604928222139016e-6 +-2.363471154836978093e-6 +1.7733059915916331796e-6 +-1.2434516125222233716e-6 +7.8105419401245191761e-7 +-3.973171755443428219e-7 +1.1342580989289286516e-7 +0.00036699745141909541055 +0.00085581817484917773479 +0.0013397514707738532807 +0.0018315144997474044101 +0.0023071595840467645585 +0.002801008253015225546 +0.0032647579302784336172 +0.0037603696207974806258 +0.0042087855091418256283 +0.00470588781238736559 +0.0051354708937261937802 +0.0056339830125217941142 +0.0060410404796354435818 +0.0065412207806092653415 +0.0069217174819818822411 +0.0074243488114789819042 +0.0077737016919441078891 +0.0082803577693727559098 +0.0085931181709633598259 +0.0091065836282940822687 +0.0093759070191317630431 +0.0099008939378113935294 +0.010117587959171168969 +0.010662063138162872914 +0.010812727740293615167 +0.011390627532732595894 +0.011453598924061714664 +0.012091163516406512081 +0.012026185165232116341 +0.012779864213816064084 +0.012494603869292573555 +0.013520745559317384993 +0.012700463560437477214 +0.014812876059234873898 +0.0069152995551980970736 +-0.0012572954650461635878 +0.00069247419246140800044 +-0.00047777314950589526451 +0.00036557819085263481341 +-0.00029670996868446879417 +0.00025007713714851534405 +-0.00021633452041387190917 +0.00019071940612592621893 +-0.00017055394453781436034 +0.00015421854112676407556 +-0.00014067680562490238398 +0.0001292350628661925002 +-0.00011941169102548444099 +0.0001108619547149546763 +-0.00010333267162565657596 +0.000096633764232549367247 +-0.000090619792411850847363 +0.000085177609487764575544 +-0.000080217898136971974621 +0.000075669234914016717604 +-0.000071473844285707367223 +0.000067584506781995590837 +-0.000063962271310714712992 +0.000060574737886642965019 +-0.000057394751562560350385 +0.000054399397180821928396 +-0.00005156921717329986107 +0.000048887596798481991772 +-0.000046340276508277767301 +0.00004391496186253664715 +-0.00004160100902920394105 +0.000039389169390426812587 +-0.000037271380766016608825 +0.000035240595703195264657 +-0.00003329063946601947711 +0.000031416091998227108553 +-0.000029612189376492989424 +0.000027874741221820056921 +-0.000026200061270268507479 +0.000024584908875139794413 +-0.000023026439661280923979 +0.000021522163908242302052 +-0.000020069911525130164543 +0.000018667802713411498622 +-0.000017314223608225342161 +0.000016007806354989747382 +-0.000014747413225795255272 +0.000013532124518129618948 +-0.00001236123011607676729 +0.000011234224741950400839 +-0.000010150807098196323536 +9.1108833149783201971e-6 +-8.1145754081047360494e-6 +7.162235863140004177e-6 +-6.254470076320387556e-6 +5.3921693457780008721e-6 +-4.5765586859984858858e-6 +3.8092664605234540796e-6 +-3.0924277908232527108e-6 +2.428843375958004751e-6 +-1.8222358695516329548e-6 +1.2776944349279777313e-6 +-8.0253117970558432655e-7 +4.0823110625183609402e-7 +-1.1653972518284062103e-7 +0.00036762358861828541508 +0.00085362178546426437768 +0.0013440802215900832897 +0.0018245974304942063898 +0.0023170725037493896396 +0.0027877153544950094819 +0.0032818062605772810386 +0.003739188626096128692 +0.0042344867174182991439 +0.0046752607372020253078 +0.0051714553444391486308 +0.0055921755745989978209 +0.0060891798477648828399 +0.0064861864855369021075 +0.0069842765797059140348 +0.0073535524545691136248 +0.0078535499537298724132 +0.008190515837392334885 +0.0086940549079771313496 +0.0089932491271165130003 +0.0095032009963230122316 +0.0097577421414334136946 +0.010278941480613725634 +0.010479562179750190225 +0.011020154330131310011 +0.011153312362149321622 +0.011727510392854270686 +0.011771268586009081156 +0.01240578728576033471 +0.012319321050735599735 +0.013071565331210044691 +0.012761150484089758321 +0.013790003736481590164 +0.01293600244592650676 +0.015068139638543020483 +0.0070256889147752933294 +-0.0012758285677051396033 +0.00070186589713378142382 +-0.00048370920221105821087 +0.00036971704872225059521 +-0.00029975099245766674053 +0.00025237875650920183158 +-0.00021810438852220090262 +0.00019208844013639581295 +-0.0001716099614537751003 +0.00015502331122665567824 +-0.00014127544199390462796 +0.00012966153506180496311 +-0.00011969223466810543136 +0.00011101727148989400669 +-0.00010337940020770356097 +0.000096585493918608487895 +-0.000090487780029420613838 +0.00008497129804412497868 +-0.000079945299572649972583 +0.000075337217591352530535 +-0.000071088352352972245248 +0.000067150729949251862964 +-0.000063484777951502510056 +0.000060057580625571489804 +-0.000056841551952805540712 +0.000053813414304062343174 +-0.000050953403747025806822 +0.000048244645484006209916 +-0.000045672658467019342135 +0.000043224959134737608759 +-0.000040890741958338369943 +0.000038660620053903877978 +-0.000036526413174482525101 +0.000034480973379970090403 +-0.00003251804090297375227 +0.000030632124396102016365 +-0.000028818401010082319448 +0.000027072632719074826548 +-0.000025391096056038651022 +0.000023770523002679039315 +-0.000022208051236322189969 +0.000020701182300558665385 +-0.000019247746560783437039 +0.000017845874047722068962 +-0.00001649397049594285123 +0.000015190698062169082439 +-0.000013934960370679581021 +0.000012725891690891172719 +-0.000011562850217256761229 +0.000010445415608820608848 +-9.3733911758938244148e-6 +8.3468114055595897218e-6 +-7.3659559460445848008e-6 +6.4313718065691583625e-6 +-5.5439065228481708188e-6 +4.704756664982171515e-6 +-3.9155388648715726504e-6 +3.1783956431306524339e-6 +-2.4961582621011512032e-6 +1.8726099123691335228e-6 +-1.312942354597574178e-6 +8.2463589064778012377e-7 +-4.1946309035297885927e-7 +1.1974423769725529833e-7 +0.00036702345336813636416 +0.00085572673447745752815 +0.0013399325046865774452 +0.0018312233131293685444 +0.0023075805000173086498 +0.0028004377432702600377 +0.0032654990623531532547 +0.0037594349240595451484 +0.0042099393666743741613 +0.0047044857414857881809 +0.005137154612494924261 +0.005631978718305593961 +0.0060434111421313773906 +0.0065384293609972476762 +0.00692499486501097892 +0.0074205065448800799523 +0.0077782053101883733102 +0.0082750736291489597577 +0.0085993317489925935673 +0.0090992521552561298279 +0.00938459827782885496 +0.0098905274355800356975 +0.010130048634611536823 +0.010646940209445219055 +0.010831302219013812443 +0.011367472911168841605 +0.011483003928330826746 +0.01205293016604992774 +0.012077440636581772779 +0.012708286065782959721 +0.012600422941229075216 +0.013350491873154740349 +0.013015230427707035363 +0.014045786360928238766 +0.013158902797615459419 +0.015308679848061133053 +0.0071292135805987744977 +-0.0012931145578130598675 +0.00071057078148969798163 +-0.00048917107784127801479 +0.00037349260027709499397 +-0.00030249656986982642781 +0.00025443072097299725101 +-0.00021965760409722750573 +0.00019326576436066962606 +-0.00017249381115817713303 +0.00015567166522206769952 +-0.00014173065153132366459 +0.00012995549720440782295 +-0.00011984959132320560501 +0.00011105747348902790153 +-0.00010331808732574364712 +0.00009643544585308295715 +-0.000090259588998258369391 +0.000084673855387054699348 +-0.000079586154867762559302 +0.000074922848407234201135 +-0.000070624370099642622087 +0.000066642039218548073446 +-0.000062935701463010632568 +0.000059471958372409601311 +-0.000056222820743708758634 +0.000053164672236510908297 +-0.000050277462975969595736 +0.000047544075814569461253 +-0.00004494982369409323589 +0.000042482047608634954581 +-0.000040129792526957188835 +0.000037883544285991127073 +-0.000035735014583226123191 +0.000033676964225513116023 +-0.000031703057045330026483 +0.000029807738588331565736 +-0.000027986134959695524829 +0.000026233968199353666637 +-0.000024547485315393614977 +0.000022923398697350026392 +-0.000021358836098508380905 +0.000019851298749947558135 +-0.000018398626472653107067 +0.000016998968906290320602 +-0.000015650762189360735866 +0.000014352710618719097867 +-0.000013103772999409177948 +0.000011903153581957992536 +-0.000010750297689940042561 +9.6448923878296322894e-6 +-8.5868728605363541398e-6 +7.5764356233431942684e-6 +-6.6140603410857290394e-6 +5.7005430614590221305e-6 +-4.8370453432191976094e-6 +4.0251666417535892915e-6 +-3.2670525620802401254e-6 +2.5655618146334758299e-6 +-1.9245363767632266528e-6 +1.3492705588266139401e-6 +-8.4741521032284549632e-7 +4.3103685671823028224e-7 +-1.230461025006439967e-7 +0.00036759930125703999848 +0.00085370717499739625798 +0.0013439112429294022086 +0.0018248690494967347687 +0.0023166802109486134966 +0.0027882464965336538504 +0.0032811171663042903455 +0.0037400563614047144169 +0.0042334174296071872597 +0.0046765573900648481712 +0.0051699018429003237231 +0.0055940199910875332866 +0.0060870047562323307083 +0.0064887390901236772695 +0.0069812907917746529828 +0.0073570381863583390161 +0.0078494834790043353587 +0.0081952617985165339446 +0.0086885075200534163785 +0.0089997502572449772978 +0.0094955534507631676653 +0.0097667832885867816997 +0.010268184521745350583 +0.010492462642545818076 +0.011004530676008147306 +0.01117246425503585321 +0.011703679676472747187 +0.011801480142331098002 +0.012366569047109388076 +0.012371815769540530758 +0.012998364427792033761 +0.012869216052928202812 +0.013616371410564853487 +0.013256595355937958507 +0.014287843577179439109 +0.013368946778586449443 +0.015534261681874113937 +0.0072257724002813007837 +-0.001309136567790808798 +0.00071858038454031461967 +-0.00049415350589658031892 +0.00037690124404950688877 +-0.00030494412664364838461 +0.00025623115420138527133 +-0.00022099279769618719172 +0.00019425039553581523711 +-0.00017320481535109986067 +0.00015616317243495666346 +-0.000142042209118009921 +0.00013011689790389584592 +-0.00011988385861612758507 +0.00011098278774713970575 +-0.0001031490735847841233 +0.000096184061216852172033 +-0.000089935750275542120347 +0.000084285893176880004399 +-0.000079141148695417505065 +0.000074426878483950223766 +-0.000070082709467233056977 +0.000066059302507264174484 +-0.000062315961569067956975 +0.000058818839075506968515 +-0.000055539571047594558386 +0.000052454226665354249754 +-0.000049542490967694023128 +0.000046787022572436021666 +-0.000044172944293271513756 +0.000041687435740949579325 +-0.000039319404960850827184 +0.000037059221890042557112 +-0.000034898500589452270271 +0.000032829920278498112698 +-0.000030847077484555802844 +0.000028944363336513851759 +-0.000027116861334171539108 +0.000025360261922901624287 +-0.000023670790974754058904 +0.000022045149880577641851 +-0.000020480465435341480365 +0.000018974248082654303179 +-0.000017524357399154447679 +0.00001612897396464244867 +-0.000014786576996128706003 +0.000013495927338539467078 +-0.00001225605561716888973 +0.000011066255585079792965 +-9.9260829661512905662e-6 +8.8353604356246383162e-6 +-7.794189848594950952e-6 +6.8029735126460708121e-6 +-5.8624473614804612636e-6 +4.9737306140482606315e-6 +-4.1383994700342133325e-6 +3.3585977901423670522e-6 +-2.6372082230410909717e-6 +1.9781295144082085608e-6 +-1.3867583555579460029e-6 +8.7091857112283577967e-7 +-4.4297741707406285259e-7 +1.2645243871562467047e-7 +0.00036704618331941845118 +0.00085564683877848094481 +0.0013400905461515085846 +0.001830969427407478666 +0.0023079468903907343859 +0.0027999421628942232203 +0.0032661412510509962248 +0.0037586273939302358422 +0.0042109328382767959723 +0.0047032832835089121269 +0.0051385921924909102219 +0.0056302760356680315059 +0.0060454136609168160626 +0.0065360864022295639183 +0.0069277261376143472227 +0.007417330034776449889 +0.0077818953260239295392 +0.0082707874955120646139 +0.008604314931465727843 +0.0090934473272711490049 +0.0093913803203115207766 +0.0098825714767093562387 +0.010139430749454590824 +0.010635803292764898054 +0.010844629971882345421 +0.011351363596905178103 +0.011502714811969545419 +0.012028446264512668036 +0.012108429681942828194 +0.012668120725092545081 +0.012654106221754160607 +0.013275739063320529818 +0.013125437642926807799 +0.013868944250110054951 +0.01348500935835085134 +0.014515938932905400515 +0.013565929118921488183 +0.015744664747038224377 +0.007315271027659569155 +-0.0013238789624397741572 +0.00072588691940201165755 +-0.00049865167653597703874 +0.00037993972677901388457 +-0.00030709136699077780902 +0.00025777841060285315851 +-0.00022210879566401369867 +0.00019504151932629329637 +-0.00017374244326630942774 +0.00015649753220226470775 +-0.00014221000498790831229 +0.0001301457886368718081 +-0.00011979522625521140608 +0.00011079352396281894455 +-0.00010287277395102904489 +0.000095831848180401794231 +-0.000089516855226269165441 +0.000083808077580892534784 +-0.000078611014931059382742 +0.000073850103371490476626 +-0.000069464222528546872694 +0.000065403424005708462252 +-0.000061626510815503233851 +0.000058099220439186210469 +-0.000054792843036173580132 +0.000051683158000944480098 +-0.000048749606573979485358 +0.000045974641665123936447 +-0.000043343212243149745142 +0.000040842350995950030067 +-0.000038460842030365355468 +0.0000361889511835557991 +-0.000034018205743049821007 +0.000031941213483431098591 +-0.000029951513242216225794 +0.000028043450997115714755 +-0.000026212076727369845518 +0.000024453058354240608411 +-0.000022762609840109624512 +0.00002113743114051428175 +-0.00001957465819230711552 +0.000018071821516886992067 +-0.00001662681234586668229 +0.000015237855458700510609 +-0.000013903488176282849272 +0.000012622545199508134396 +-0.000011394149237427160935 +0.00001021770766147752303 +-9.0929157865077426062e-6 +8.0197678719872122928e-6 +-6.9985776506952769554e-6 +6.0300112899341976749e-6 +-5.1151374725439436761e-6 +4.2555023397096162492e-6 +-3.4532425908676595374e-6 +2.7112608477918731007e-6 +-2.0335102902275389349e-6 +1.4254896664076973255e-6 +-8.9519825900367517537e-7 +4.5531121922857639482e-7 +-1.2997077298996178379e-7 +0.00036757798941002051366 +0.0008537820702134607546 +0.0013437631495186715315 +0.0018251068220654957668 +0.0023163373251958471876 +0.0027887098605751764496 +0.0032805173865001107452 +0.0037408095842433430065 +0.00423249216465699882 +0.0046776753639719907009 +0.0051685678794680445531 +0.0055955964673873425564 +0.0060851552529058320756 +0.0064908970356105840914 +0.006978782960733193511 +0.0073599447918094511165 +0.0078461199589835909468 +0.0081991519556311377924 +0.0086840063723975789409 +0.0090049654213367652667 +0.0094894971355817382811 +0.0097738394269724333247 +0.010259928021697181753 +0.010502176549790161774 +0.010993024602933188486 +0.011186206441893006947 +0.011687100192976327534 +0.011821731086462503028 +0.01234145547818448486 +0.012403552502516522029 +0.012957290683895553628 +0.012924036052915233014 +0.013540139062411782712 +0.01336883726450731964 +0.014107963689217893492 +0.013700249187731351797 +0.014729849610779473876 +0.013749657315708421967 +0.015939683479205781926 +0.0073976220149781606279 +-0.0013373273545017637859 +0.0007324832814666895027 +-0.00050266124611027880722 +0.00038260514768571146835 +-0.00030893627719964864193 +0.00025907107852291854653 +-0.0002230046230866413634 +0.00019563849313729774379 +-0.00017410631440548796671 +0.00015667457657047142672 +-0.00014223404740899054108 +0.00013004232643141062647 +-0.00011958397873222263222 +0.00011049007722272719455 +-0.00010248968050584093449 +0.000095379384691981293358 +-0.00008900355844946357967 +0.000083241132141369033191 +-0.000077996539566425389411 +0.00007319336601231538208 +-0.00006876980450924807733 +0.000064675347262941488178 +-0.000060868337729484654176 +0.00005731413316805417013 +-0.000053983707283891117396 +0.000050852574836333143693 +-0.000047899954987321133483 +0.000045108113883915960017 +-0.000042461843347759617655 +0.000039948044024209920162 +-0.000037555389500414267283 +0.000035274053770969607867 +-0.000033095488703792972349 +0.00003101224130602088974 +-0.000029017802931994946138 +0.000027106484336568381292 +-0.000025273311814798572939 +0.000023513940696050814923 +-0.0000218245832578921611 +0.000020201948752478799057 +-0.000018643193739937157753 +0.000017145881333633637318 +-0.000015707948308470963907 +0.000014327679328628001719 +-0.000013003687837164386136 +0.000011734903439625242878 +-0.000010520565935143176911 +9.3602265400388410902e-6 +-8.2537573691521822391e-6 +7.2013709852571607732e-6 +-6.2036529647131019147e-6 +5.2616122675508952167e-6 +-4.3767573474130765794e-6 +3.5512116521048772157e-6 +-2.787893286708950941e-6 +2.0908071604911602802e-6 +-1.4655535600476754906e-6 +9.2030974274765800956e-7 +-4.6806631255701470088e-7 +1.3360908642309343868e-7 +0.00036706620092902190104 +0.00085557650563213458336 +0.0013402295695617604291 +0.00183074633203173253 +0.0023082683924939842235 +0.0027995080633993191219 +0.003266702578031250456 +0.0037579233071558862014 +0.0042117965428787352603 +0.0047022413487381266626 +0.0051398331889153527892 +0.0056288123983669445566 +0.0060471268872178718979 +0.0065340925224663526929 +0.0069300367674920945272 +0.0074146603868611948473 +0.0077849738666993163256 +0.0082672407488031913205 +0.0086084010023261182552 +0.0090887359135145512391 +0.0093968221010050973565 +0.0098762697785681447774 +0.010146753985916928504 +0.010627254339340267557 +0.010854666241302114518 +0.011339499469120263737 +0.011516858223457997135 +0.012011412519025891888 +0.012129201263317641372 +0.012642401595165345212 +0.012686560129241431007 +0.013233796491160299559 +0.013181341413889918745 +0.013791306179593949294 +0.013599177010643521706 +0.014333196258194183814 +0.01390210447731434416 +0.014929366646883915554 +0.013919951820659448672 +0.016119127343717157548 +0.0074727448983332077292 +-0.001349468618955493466 +0.00073836305581804671472 +-0.00050617834211015480008 +0.00038489496222999314975 +-0.00031047712874063365372 +0.00026010798296302896681 +-0.00022367950627458738235 +0.00019604084845432833967 +-0.00017429620079182563814 +0.00015669427250139207726 +-0.00014211446486706112475 +0.00012980677604671778441 +-0.00011925049751053111569 +0.00011007293020762183071 +-0.00010200036467685573984 +0.00009482732073989044842 +-0.000088396580077238701217 +0.000082585840117087433151 +-0.000077298563099727811963 +0.000072457559187365038255 +-0.000068000396298195407654 +0.00006387605777166177912 +-0.000060042469491322243114 +0.000056464643740670964725 +-0.00005311326766149981408 +0.000049963616982448697092 +-0.000046994710943751458469 +0.0000441886483055068463 +-0.000041530080874318247077 +0.000039005792580992705022 +-0.000036604360382699632833 +0.000034315879193322212228 +-0.000032131737364579982788 +0.000030044432421353376028 +-0.000028047419122724319222 +0.000026134983701886596236 +-0.000024302139492797787349 +0.000022544540193145247694 +-0.000020858407824367985423 +0.000019240473090871755112 +-0.000017687926357990452448 +0.000016198377897413694161 +-0.000014769826419163943472 +0.000013400635247176453806 +-0.000012089515827780248768 +0.000010835518617889110362 +-9.6380318237719195423e-6 +8.496789013415122343e-6 +-7.4118874055938042954e-6 +6.3838198201463381451e-6 +-5.4135251755494957714e-6 +4.5024656642865185411e-6 +-3.6527446207723723847e-6 +2.8672905392128458536e-6 +-2.1501569210121693001e-6 +1.5070448329020089437e-6 +-9.4631203208084249966e-7 +4.8127252786581659174e-7 +-1.3737586555034477065e-7 +0.00036755915555798875915 +0.00085384823210565970449 +0.001343632414159224948 +0.0018253165172157601528 +0.0023160353241175077707 +0.0027891173096028730801 +0.0032799910183953136328 +0.003741469087765284326 +0.004231684189794361598 +0.0046786486384659113791 +0.0051674105862046957931 +0.0055969588367361068614 +0.0060835638923771868098 +0.0064927447787335740224 +0.0069766472171460622244 +0.0073624053036826012728 +0.0078432916092310181259 +0.0082023989685984254202 +0.0086802802581363338976 +0.0090092430877906109061 +0.0094845803125790721506 +0.0097795023286502709595 +0.010253387200410369168 +0.010509759702450496726 +0.010984191500379804056 +0.011196555389801660206 +0.011674889408318180207 +0.011836262167156901755 +0.012323983783414552092 +0.012424824820209257976 +0.012930990667104864995 +0.012957175938185648126 +0.013497368075247391537 +0.0134257708034215051 +0.014028995087299885996 +0.01381623174542872856 +0.014544421949252233324 +0.014090377945568295086 +0.015114295135472572327 +0.014076646215145285367 +0.016282821021970473745 +0.0075405662762922862298 +-0.0013602909060426016468 +0.00074352052390028548177 +-0.00050919956754478868165 +0.00038680698538127935028 +-0.00031171248091752652727 +0.0002608881878630534804 +-0.0002241328748166502688 +0.00019624829275343703697 +-0.00017431202879155919791 +0.00015655672364152772208 +-0.0001418515078080851284 +0.00012943951170633394237 +-0.00011879526276239955555 +0.00010954265494395073922 +-0.00010140547901230997949 +0.000094176380157039252553 +-0.000087696707616835233975 +0.000081843046370381836757 +-0.000076517982476033669637 +0.000071643627519279973235 +-0.000067156986524659860463 +0.000063006585132659221181 +-0.000059149974201957855248 +0.00005555185679897157527 +-0.00005218266387001034432 +0.000049017458173584595514 +-0.000046035081632121892078 +0.000043217485443582894729 +-0.000040549198993066006878 +0.000038016905309233838377 +-0.00003560909912745328958 +0.000033315809607323431269 +-0.000031128374112141095971 +0.000029039252669758423377 +-0.000027041875126566201992 +0.000025130514807589953952 +-0.000023300183867178594877 +0.000021546546571850021387 +-0.000019865847583362995681 +0.000018254852968188836282 +-0.000016710802196768988198 +0.000015231369850300664984 +-0.000013814636157087273798 +0.000012459065866280894959 +-0.000011163495369057874595 +9.9271284406440807587e-6 +-8.7495415661476857235e-6 +7.6307006328985995627e-6 +-6.5709920012067854923e-6 +5.5712729329882845072e-6 +-4.6329497045608970008e-6 +3.7580977907412698048e-6 +-2.9496502844283020764e-6 +2.2117056368778701813e-6 +-1.550064644865493665e-6 +9.7326806934136255905e-7 +-4.9496167397388025692e-7 +1.4128015804461347178e-7 +0.00036708394985418391589 +0.00085551416556572728341 +0.0013403527153687802882 +0.001830548897931557652 +0.0023085525691253130789 +0.0027991249418104970485 +0.0032671970843623989783 +0.0037573043629603414705 +0.0042125539242162809048 +0.0047013302585730804676 +0.0051409148758104799698 +0.0056275412295274292396 +0.0060486088581854236317 +0.0065323754786462746515 +0.0069320167245042156117 +0.007412385351946528495 +0.0077875814007609735879 +0.0082642568729640263812 +0.0086118129560141990521 +0.0090848343712186005612 +0.0094012869494878840929 +0.0098711525165927983666 +0.010152632378679917323 +0.010620480812781530003 +0.010862501943288345332 +0.011330390737214135331 +0.011527509915811611798 +0.011998866765829582487 +0.012144106120373930681 +0.012624508657060749411 +0.012708312821238630819 +0.013206940807318797405 +0.013215135425833153474 +0.0137477479900074202 +0.013657085312920076675 +0.014252973616506870014 +0.014019789323179272642 +0.014741434432249996102 +0.014264885588311798875 +0.015284454419906296306 +0.01421958737246296321 +0.01643060458289246729 +0.0076010198816137050041 +-0.0013697836530160560779 +0.00074795066944379242287 +-0.00051172200476317287982 +0.00038833939441385428305 +-0.00031264118308874044417 +0.00026141099797545504039 +-0.00022436436323604724483 +0.00019626071101829472684 +-0.00017415388054306123829 +0.00015626217169770136289 +-0.00014144554998461082039 +0.00012894101843304478271 +-0.00011821885470591232184 +0.00010889991415374662736 +-0.00010070575855337774199 +0.000093427362024566633455 +-0.000086904797394379353699 +0.000081013658860469336309 +-0.0000756557526406583269 +0.000070752569097904258382 +-0.000066240613270006787189 +0.00006206800486928454911 +-0.000058191962819934211072 +0.000054576917231191202331 +-0.000051193073697517416487 +0.00004801530853143313049 +-0.000045022309405058836081 +0.000042195900254080520853 +-0.000039520506133404840417 +0.000036982725514209658702 +-0.000034570985897679584859 +0.000032275264656494372882 +-0.000030086861412302506955 +0.000027998211497918035986 +-0.000026002732468038823138 +0.000024094697442640716753 +-0.000022269130455845068755 +0.00002052172005687890726 +-0.000018848748254148694721 +0.000017247032572449711531 +-0.000015713879556868524866 +0.00001424704854652680035 +-0.000012844724995083010969 +0.0000115055030729344886 +-0.000010228377797440967241 +9.0127475713906432815e-6 +-7.8584288751128084703e-6 +6.7656861398696788515e-6 +-5.7352818687957178397e-6 +4.7685555269878377128e-6 +-3.8675459681884428915e-6 +3.0351842911693815346e-6 +-2.2756096665550899502e-6 +1.5947212186769290002e-6 +-1.0012451599486783702e-6 +5.0916775362206880236e-7 +-1.453316338715847192e-7 +0.00036754240290003234283 +0.00085390706366426556159 +0.0013435162321259520134 +0.001825502709585004554 +0.0023157674741643188882 +0.0027894781749216898123 +0.0032795256190006438679 +0.0037420510421557268003 +0.004230972859820377252 +0.0046795032514738707032 +0.0051663973973924159909 +0.0055981476061675898432 +0.0060821804544173748089 +0.0064943444888879465722 +0.0069748066008272116581 +0.0073645151119242342743 +0.0078408799110812012227 +0.0082051506081173862314 +0.0086771440945660138597 +0.0090128163787772450209 +0.0094805073658898093502 +0.0097841498465179908485 +0.010248074586276962163 +0.010515847819918569441 +0.010977191845438858185 +0.011204636089823482042 +0.011665513779972853985 +0.011847206424065214812 +0.012311115033526898366 +0.012440089233270296791 +0.01291269357144685942 +0.01297938819909985887 +0.013469982466676441055 +0.01346018646686081041 +0.013984691667098438962 +0.0138750588590843051 +0.014463022984379672752 +0.014209650794979378459 +0.014924041256943084575 +0.014425456857958258536 +0.015439678269587414679 +0.014348635607169791948 +0.016562333639347477214 +0.0076540466459951121241 +-0.0013779375946039983788 +0.00075164918365096110272 +-0.00051374321872752813664 +0.00038949073124435101058 +-0.00031326237647713502527 +0.00026167596035395005129 +-0.00022437381227530864985 +0.00019607816689358049086 +-0.00017382199502587964567 +0.00015581099745402615925 +-0.000140897089443763795 +0.00012831189302522274036 +-0.00011752195458337895866 +0.00010814546224666193771 +-0.000099902021850309240202 +0.000092581141722254883532 +-0.00008602177565009416639 +0.000080098649794894409594 +-0.000074712887759721587285 +0.000069785436784799342396 +-0.000065252365473529698323 +0.000061061439955080637625 +-0.000057169590835091555719 +0.000053541012020464566938 +-0.000050145715077023542404 +0.000046958416873029910957 +-0.000043957674385811731242 +0.000041125205099202065273 +-0.000038445348374781320662 +0.000035904635064836148792 +-0.000033491441081271897862 +0.000031195706715128288484 +-0.000029008707932215544255 +0.000026922869137281627495 +-0.00002493160933589319352 +0.000023029215462665547743 +-0.000021210738051377186593 +0.000019471905515492082695 +-0.000017809054174072467561 +0.000016219071864575084181 +-0.000014699353584152456682 +0.000013247768141865735619 +-0.000011862635332578401703 +0.000010542713713927707536 +-9.2871997549281493913e-6 +8.0957400426844405109e-6 +-6.9684595753006612388e-6 +5.9060112849586882932e-6 +-4.9096555058837160077e-6 +3.9813845421804459702e-6 +-3.1241199802685276499e-6 +2.3420367949173432235e-6 +-1.6411306127063758169e-6 +1.0303154475975249484e-6 +-5.2392720165327007469e-7 +1.4954065272732145053e-7 +0.00036709978599577315808 +0.00085545856080538910225 +0.0013404624958276903093 +0.0018303730325897960385 +0.0023088054344348132455 +0.0027987844803715493587 +0.0032676358352702366973 +0.0037567562209539355418 +0.004213223234429724338 +0.0047005270733587427651 +0.0051418658330986720267 +0.0056264271310176394021 +0.0060499032556666602376 +0.0065308814704286185249 +0.0069337322397634232873 +0.0074104233334584017282 +0.0077898186435215170221 +0.0082617111934050688337 +0.0086147057267333115785 +0.0090815492229371313024 +0.0094050178997398080237 +0.0098669122761558856575 +0.010157457951659021168 +0.010614978051704334222 +0.010868793881734803308 +0.011323171689403793396 +0.011535827880064637275 +0.011989233183420329482 +0.012155332521839235753 +0.012611329157688588564 +0.012723922253443018185 +0.013188257005265208246 +0.013237786025620813895 +0.013719858697393836844 +0.013692089559906088388 +0.014207967655610102119 +0.014079478404115079273 +0.01465893800871019265 +0.0143856306024492613 +0.015092064041571327137 +0.01457193482970026016 +0.015579815042730828122 +0.014463664811330367197 +0.016677879489335377928 +0.0076995947577881476069 +-0.0013847447721824649777 +0.00075461246964434108043 +-0.00051526125974636156235 +0.00039025990432260688833 +-0.00031357549558381747569 +0.00026168286547522710003 +-0.00022416126983141705838 +0.00019570090349883822145 +-0.0001733167687963094948 +0.00015520372145903990091 +-0.00014020674918774731479 +0.00012755284470752039961 +-0.00011670534531604056349 +0.00010728014599084761074 +-0.000098995171660964552611 +0.000091638671666294681601 +-0.000085048639327615463783 +0.000079099056484047087574 +-0.000073690462155424206632 +0.00006874333924732810454 +-0.000064193384086519963684 +0.000059988062112855853534 +-0.000056084059742319199088 +0.00005244537192854327704 +-0.000049041848022160185901 +0.000045848072948634897373 +-0.000042842497068229480217 +0.000040006752781237525888 +-0.000037325113000431068236 +0.000034784058570868929902 +-0.000032371930216581873514 +0.000030078646713491106665 +-0.00002789547544914292201 +0.000025814844821265931963 +-0.000023830190385091252203 +0.000021935828518673613502 +-0.000020126852802826397697 +0.000018399049428518122566 +-0.000016748828839760044481 +0.000015173171564512119972 +-0.000013669586839231833358 +0.000012236083250514026789 +-0.000010871151261806479078 +9.5737582450641309583e-6 +-8.3433576171226813265e-6 +7.1799150894570712463e-6 +-6.0839572405301343199e-6 +5.0566513141307837008e-6 +-4.0999317923587003332e-6 +3.2167021626734868555e-6 +-2.4111674918001108601e-6 +1.6894175782715513899e-6 +-1.0605564409117947097e-6 +5.3927914880424063891e-7 +-1.5391833869879314191e-7 +0.00036752741135081920463 +0.00085395969558313441138 +0.0013434123468049961416 +0.0018256690709911559161 +0.0023155283875652572619 +0.0027897998941435575728 +0.0032791113157685777886 +0.0037425682094883951615 +0.0042303419784628380144 +0.004680259492794926465 +0.0051655031253654133601 +0.0055991938488804034757 +0.006080966760198457053 +0.0064957429667594173182 +0.0069732037933406294937 +0.0073663444389478463846 +0.0078387987134239830495 +0.008207512817703864767 +0.0086744671686073664985 +0.0090158472479025729635 +0.009477076602429079296 +0.0097880347012624403455 +0.01024367125171922159 +0.01052084673062597935 +0.010971504261729671782 +0.011211125808506527807 +0.011658082231839577364 +0.011855753739305897957 +0.012301232644085386213 +0.012451587126006264474 +0.012899215835977492321 +0.012995327809068859934 +0.013450929759370312276 +0.013483253770443675438 +0.01395632540446277452 +0.013910618061085860985 +0.014417357848767005914 +0.014270144163294703097 +0.01484052730895711796 +0.014547556758533717713 +0.015245338647607073149 +0.014704176354460472914 +0.015704727834821158113 +0.014564562577537664276 +0.016777129241843439804 +0.0077376197126227470585 +-0.0013901985416509803226 +0.00075683764617862733895 +-0.00051627466567315419282 +0.0003906461900853772108 +-0.00031358026921840315792 +0.00026143174800887873149 +-0.00022372699155876522384 +0.00019512934392259544568 +-0.0001726387564113508895 +0.00015444100440679007769 +-0.00013937527753247096374 +0.00012666469548331978588 +-0.00011576991186425155975 +0.00010630490489365009006 +-0.000097986195364607020361 +0.000090600981769306957482 +-0.000083986456594586038823 +0.000078015981938511537017 +-0.000072589610998803237737 +0.000067627441768614711426 +-0.000063064863025122773572 +0.000058849092940877240069 +-0.000054936618377276045695 +0.000051291273084169151672 +-0.000047882776519700321586 +0.000044685609699962364985 +-0.000041678141014497425329 +0.000038841939768427006523 +-0.000036161232358071814282 +0.00003362246800730672809 +-0.000031213969536760908926 +0.000028925650792282115141 +-0.00002674878684769065801 +0.000024675826411479744267 +-0.000022700238346445103004 +0.000020816386092265020935 +-0.000019019425232827232324 +0.00001730522059624857355 +-0.000015670280210096819801 +0.000014111704233593250179 +-0.000012627147721223090887 +0.000011214796809878434337 +-9.8733587531372038812e-6 +8.6020672800286564439e-6 +-7.4007062416832167566e-6 +6.269656803459913475e-6 +-5.2099772672123509693e-6 +4.2235314705419754089e-6 +-3.3131949802909021843e-6 +2.4831963151612486852e-6 +-1.7397165142246329414e-6 +1.092051599265701452e-6 +-5.5526571492808474705e-7 +1.5847666322162386994e-7 +0.00036711399798063232595 +0.00085540867220935175275 +0.0013405609433937364907 +0.0018302154324989883337 +0.0023090318289299680328 +0.0027984800085406031107 +0.0032680276668787453624 +0.0037562674860268560554 +0.0042138188958953809211 +0.0046998137802181824183 +0.0051427083468871466134 +0.0056254427105932673905 +0.0060510436000864606696 +0.0065295695879522209682 +0.0069352331780790401023 +0.0074087135565446778759 +0.0077917597375944878893 +0.0082595130881245262693 +0.0086171903860487378478 +0.0090787438388293733892 +0.0094081837749386569261 +0.0098633393349741450889 +0.010161492877971716973 +0.010610415912712737072 +0.010873961309203124754 +0.011317304726110661833 +0.01154250920263421098 +0.011981596181889424925 +0.012164101099498009121 +0.012601207307096824718 +0.012735680758651814684 +0.013174493803171524915 +0.013254040680320870112 +0.013700455219729406304 +0.013715551547613007586 +0.014179151584461729761 +0.014115558405037480716 +0.014612657697495738757 +0.01444686979971952755 +0.015007613493699859717 +0.014695271015123666045 +0.01538371534050458455 +0.014822052198450928249 +0.015814294612617698927 +0.014651230308583328051 +0.016859985927231516072 +0.007768084356891629147 +-0.0013942935800057047818 +0.00075832255061757439797 +-0.00051678246357549769568 +0.00039064923398061440117 +-0.00031327672115590958686 +0.00026092288724791906606 +-0.00022307144115431041835 +0.00019436409141297917423 +-0.00017178867055903443872 +0.00015352364723152289619 +-0.00013840354818559430357 +0.00012564838021186012082 +-0.00011471664131774441076 +0.00010522077131852220224 +-0.000096876165119306434193 +0.000089469179653167525802 +-0.000082836367127600742564 +0.00007685059524528085537 +-0.00007141153079953190376 +0.000066438966877198550412 +-0.000061868049970963672037 +0.000057645804921481398539 +-0.000053728564177127804104 +0.00005008003854869558974 +-0.000046669850463240728351 +0.000043472405637728052351 +-0.000040466015767707305228 +0.000037632209752459786216 +-0.000034955188195245698559 +0.000032421387988889098694 +-0.000030019132380006185356 +0.000027738348089375132448 +-0.000025570335579505514792 +0.000023507581897788184392 +-0.00002154360802574137989 +0.000019672844571310003844 +-0.000017890531123951012579 +0.00001619263577909942404 +-0.000014575792329730293122 +0.000013037253504102770985 +-0.00001157485948510458672 +0.000010187021877162381202 +-8.8727244295224008018e-6 +7.6315434004176552979e-6 +-6.4636928455561536172e-6 +5.3701040854726066381e-6 +-4.3525556990087776696e-6 +3.4138840808210046476e-6 +-2.5583334808830799266e-6 +1.7921725334956917274e-6 +-1.1248909866410372978e-6 +5.7193233603642943128e-7 +-1.6322853756891032933e-7 +0.00036751391999456613378 +0.00085400704879636108235 +0.0013433189228834921819 +0.0018258185814945151459 +0.0023153137035054255644 +0.0027900884670049581101 +0.0032787401764681843059 +0.0037430307964164315225 +0.0042297786602018687505 +0.0046809334102847992587 +0.0051647079774636265651 +0.0056001218085474865386 +0.0060798932539482341147 +0.0064969761358543327229 +0.0069717952021946562897 +0.0073679461594682626813 +0.0078369838470261760261 +0.0082095635877861686852 +0.0086721544732990716669 +0.0090184517912536746713 +0.0094741456018842673216 +0.0097913324299237830303 +0.01023995963906213009 +0.010525027816765226968 +0.010966787698263576405 +0.011216456828644172761 +0.011652041449420255236 +0.011862620356179385054 +0.012293397386852024011 +0.01246056870722833986 +0.012888864062267376861 +0.01300733583107667508 +0.013436894105292822581 +0.013499808058840357434 +0.013936589608085079552 +0.013934452349845627134 +0.014388119551509709668 +0.014306710313265119951 +0.014793676410652091546 +0.014609482605988136125 +0.015160033334332210377 +0.014828629017338120035 +0.015507058936301507474 +0.01492544716919737759 +0.015908408333581666646 +0.014723583313666269167 +0.016926368592044584037 +0.007790958924052476696 +-0.0013970258906056068058 +0.00075906574117667716974 +-0.00051678417087860068104 +0.00039026905106859205258 +-0.00031266517042857388627 +0.00026015680720997551396 +-0.00022219529033666673374 +0.00019340592927812355901 +-0.00017076738190990003695 +0.00015245259093222787601 +-0.00013729256006171878795 +0.00012450494642932068755 +-0.00011354662273691275636 +0.00010402887036092099796 +-0.00009566623778781686788 +0.00008824445064193564107 +-0.000081599582191693184733 +0.000075604131756504191696 +-0.000070157479730651574663 +0.00006517919483943434948 +-0.000060604247068947542998 +0.000056379522369339430887 +-0.000052461244433228783307 +0.000048813039937899066543 +-0.000045404467721918541364 +0.000042209887450950139935 +-0.00003920758011486383519 +0.000036379057702189697549 +-0.000033708516670248239303 +0.0000311824019414209457 +-0.000028789056770390299941 +0.000026518440037240462398 +-0.000024361897058231057043 +0.000022311973366782573953 +-0.000020362263445400734169 +0.000018507288327541456375 +-0.000016742397513066732602 +0.000015063691886052293558 +-0.000013467965399464654784 +0.00001195266430016512844 +-0.000010515863722987393753 +9.1562627344215626775e-6 +-7.8732005877760580035e-6 +6.6666994690873064895e-6 +-5.5375431415782808843e-6 +4.4874082353755373451e-6 +-3.5190790629466551982e-6 +2.6368066247968260525e-6 +-1.846942658604053857e-6 +1.15917200377591231e-6 +-5.8932813023043336548e-7 +1.6818791629517326872e-7 +0.00036712682224798637453 +0.00085536366554209394316 +0.0013406497195062587509 +0.0018300734024804571935 +0.0023092356916742130424 +0.0027982061150890373539 +0.0032683797204316094561 +0.0037558289885091130371 +0.0042143524575356717126 +0.0046991760340786258028 +0.0051434600577292800018 +0.0056245664303760440961 +0.006052056056064962721 +0.0065284081512079219199 +0.0069365578231326529392 +0.0074072097938783717397 +0.0077934605132768759253 +0.0082575950564284712184 +0.008619348698090063681 +0.0090763189155449878377 +0.0094109055885378868706 +0.0098602856132689249134 +0.010164919246879034188 +0.010606569203861221822 +0.010878284564688144624 +0.011312438207790107761 +0.011547998789551686858 +0.011975387256003464113 +0.012171146571113505388 +0.012593181138156195451 +0.012744866920174048811 +0.013163921829017453413 +0.013266286915990039145 +0.013686160361810654322 +0.013732389795047375248 +0.014159102220062848412 +0.014139742270264863607 +0.014583025150138021012 +0.01448388698958685759 +0.014960237141716883749 +0.014757823672661554743 +0.01529763792483278448 +0.014947500444308996314 +0.01561524893393549699 +0.015014260227900158116 +0.015986977050613302032 +0.014781550891042642387 +0.016976212378161474344 +0.0078062210637123394331 +-0.0013983928071279940452 +0.00075906649843236273901 +-0.00051627979598639568115 +0.00038950602620499712546 +-0.00031174623125933027663 +0.00025913427641734351333 +-0.00022109941852867757949 +0.00019225582050720976195 +-0.00016957591870175186749 +0.00015122891614046888905 +-0.00013604343684953824394 +0.0001232355539301736593 +-0.00011226104676312098086 +0.00010273041950315837233 +-0.000094357654654209099004 +0.000086928057559947925039 +-0.000080277384542809649431 +0.000074277893123363853151 +-0.000068828777825956665168 +0.00006384946405870413022 +-0.000059274811574172854443 +0.0000550516223811152789 +-0.000051136057609688280214 +0.000047491699189136207179 +-0.00004408807645232169758 +0.000040899532979944221141 +-0.000037904345862094471032 +0.000035084034612850848812 +-0.000032422814285287727687 +0.00002990715947661014453 +-0.000027525454552478345795 +0.00002526771165236812544 +-0.000023125342597776296206 +0.000021090974211816310349 +-0.000019158299119103566138 +0.000017321956075789808295 +-0.00001557743546397410935 +0.000013921006916893113918 +-0.000012349667248521167624 +0.000010861108075381533817 +-9.4537039051585620687e-6 +8.126523274246665466e-6 +-6.8793681695439420751e-6 +5.7128512719859823925e-6 +-4.6285281626044603489e-6 +3.6291162343901150078e-6 +-2.7188627867580569971e-6 +1.9041971659302287559e-6 +-1.1950002105164554719e-6 +6.0750630840113316515e-7 +-1.7336991328629788155e-7 +0.00036750171406733729169 +0.00085404988080132143068 +0.0013432344526835224161 +0.0018259536846651673437 +0.0023151198547998114683 +0.0027903487868647489756 +0.0032784057542509676066 +0.0037434470647325508467 +0.0042292725227291258191 +0.004681537867820179521 +0.0051639961782270309501 +0.005600950687591404362 +0.0060789366852400500835 +0.0064980720467441079195 +0.0069705470612300386952 +0.0073693608751193237352 +0.0078353864974335276087 +0.0082113616493508207594 +0.0086701352406866997587 +0.0090207154705019704941 +0.0094716108559614052653 +0.0097941688523860791166 +0.010236786144849420275 +0.010528579552267030984 +0.010962809537145035561 +0.011220918185059085324 +0.011647029534136524016 +0.011868263384318381983 +0.012287026105344438801 +0.012467786468098353473 +0.012880654466661480515 +0.013016717991865210162 +0.013426111829768775848 +0.013512281007691426331 +0.01392204901561793998 +0.013951558633076543913 +0.014367775650473575411 +0.014331220711391705793 +0.014763677954868473082 +0.014646915302491028925 +0.01511217716178096261 +0.01489174804332640873 +0.015420292827461226589 +0.015051769136326016359 +0.015708179633151495967 +0.015088404588017657145 +0.016049924001999714919 +0.014825076397034233267 +0.017009468586203572297 +0.0078138558634658392369 +-0.0013983929962106627361 +0.00075832482609844911532 +-0.00051526983838294805696 +0.00038836091381016491992 +-0.00031052081264238333184 +0.00025785630736248967733 +-0.00021978491225114868143 +0.00019091490712090250637 +-0.00016821546606757007217 +0.00014985384244257632863 +-0.00013465742634334885742 +0.00012184147412272989482 +-0.00011086120501375785658 +0.00010132672806608233616 +-0.000092951740951774579335 +0.000085521340358851104367 +-0.00007887112818108757874 +0.000072873247207940678665 +-0.000067426807089188008719 +0.000062451171428472444287 +-0.000057881156504849489223 +0.000053663535855748497683 +-0.000049754454812518024121 +0.000046117490577939287659 +-0.000042722177782045843224 +0.000039542874712116026586 +-0.000036557882319830971372 +0.000033748753197473547968 +-0.000031099745050747900711 +0.000028597385358678117147 +-0.000026230122569960122111 +0.000023988045438816818485 +-0.000021862656688058130301 +0.000019846690605371079595 +-0.0000179339667820790017 +0.000016119274245330355891 +-0.00001439828190828786742 +0.000012767472730354472789 +-0.000011224100398310739342 +9.7661688955254434375e-6 +-8.3924372869512026475e-6 +7.1024548585465686651e-6 +-5.8966362455479991274e-6 +4.7763940730813680287e-6 +-3.7443617327550537066e-6 +2.8047706517026072601e-6 +-1.9641211018733488747e-6 +1.2324902522636482759e-6 +-6.2652463654883138811e-7 +1.7879093233703945603e-7 +0.00036713845432049882575 +0.00085532285139560145115 +0.0013407301955244775614 +0.00182994472176506094 +0.0023094202610593570683 +0.0027979583636655126323 +0.003268697831349580014 +0.0037554332639779037885 +0.0042148332799759391326 +0.0046986022641341801784 +0.0051441351185389593495 +0.005623781111991299298 +0.0060529613587593942311 +0.0065273722283940590102 +0.0069377360776140559881 +0.0074058762305027298861 +0.0077949638481676302824 +0.0082559057447606644519 +0.0086212422387229744012 +0.0090742004836340184543 +0.0094132724213287741593 +0.0098576434922684008334 +0.010167867569907242835 +0.010603278938583651743 +0.01088195833341157713 +0.011308332305950182194 +0.011552594102049121524 +0.011970234587796621005 +0.012176937818122777862 +0.012586653397294644341 +0.012752250283675585594 +0.01315553642686202618 +0.013275856344577540652 +0.013675177851469527647 +0.013745077770037343043 +0.014144329570502361238 +0.014157100433131466659 +0.014562406005576359424 +0.014508700581196408415 +0.014929901456299670113 +0.01479563595422383913 +0.015249348018652142532 +0.015011124856106507502 +0.01552787820424137293 +0.015141333208213805537 +0.015785760237887877449 +0.015147807799973093374 +0.016097187686487901449 +0.014854117301326229751 +0.01702610472314234121 +0.0078138558634658392369 +-0.0013970264587788934305 +0.00075684145107072012474 +-0.00051375528821645662476 +0.0003868348372278369719 +-0.00030899011757520075281 +0.00025632415566420788919 +-0.00021825306423381658113 +0.00018938450925816373002 +-0.00016668736511454715118 +0.00014832872746529233101 +-0.00013313589954933477241 +0.00012032408917089577486 +-0.00010934848927602641529 +0.000099819196474042745925 +-0.000091449905221745832973 +0.000084025715597013737137 +-0.000077382237983294518211 +0.00007139162790762800872 +-0.000065953011557422477154 +0.000060985772691441379042 +-0.000056424751365912441047 +0.000052216748665720998041 +-0.000048317941509463204603 +0.000044691943109051026865 +-0.000041308329021342403543 +0.000038141503996789786972 +-0.000035169821744703891214 +0.000032374894831573816079 +-0.000029741049273952988796 +0.000027254890562087838124 +-0.00002490495652490853898 +0.00002268143872178556217 +-0.00002057595866052624673 +0.000018581388601327149231 +-0.000016691709370652351195 +0.000014901899741663223286 +-0.000013207853750301379639 +0.000011606324001584196571 +-0.000010094890792546157251 +8.6719590270494547488e-6 +-7.3367878946401178083e-6 +6.0895629998049426753e-6 +-4.9315288283062245536e-6 +3.8652150680086030375e-6 +-2.8948230887517927857e-6 +2.0269159980202474283e-6 +-1.2717669067812063828e-6 +6.4644595773118908128e-7 +-1.8446881450142648647e-7 +0.00036749061516612216308 +0.0008540888204506514866 +0.0013431576859872576652 +0.0018260764034972573624 +0.0023149438944978177325 +0.0027905848856983674636 +0.0032781027535852658424 +0.003743823776460369807 +0.0042288151030040296434 +0.0046820833035729823102 +0.005163354991339643355 +0.0056016959035176070248 +0.0060780784987382698715 +0.0064990529395688780289 +0.0069694327873233604533 +0.0073706203076448610761 +0.0078339688378921049281 +0.0082129521138607900112 +0.0086683556267595675159 +0.0090227026494116902068 +0.0094693952612399306223 +0.0097966365877410427882 +0.010234039137390004111 +0.010531637021650969923 +0.010959405553985787628 +0.01122471059518819213 +0.011642799669079382509 +0.011872988433794966774 +0.01228173741158821464 +0.012473720618408679573 +0.012873976266678230892 +0.013024260155714134041 +0.013417558369611437995 +0.013522028830165076215 +0.013910876494939003797 +0.013964449771990638734 +0.014352784815851758094 +0.014348814381059443195 +0.014742803102082259291 +0.014672008476026147597 +0.015081533233515953702 +0.01492990363644410357 +0.015371615681929161876 +0.015115837471483014486 +0.015620288934104972793 +0.015216105148828150604 +0.015847914945042588571 +0.015192411821899956266 +0.016128721923411074547 +0.014868645228499315735 +0.017026104534059672519 +0.0078062210637123394331 +-0.001394294530056520952 +0.00075461782274061590669 +-0.00051173762536780791537 +0.00038492928767613709751 +-0.00030715564194527274206 +0.00025453931891841369385 +-0.00021650537224821202057 +0.00018766612400486071552 +-0.00016499311176056249319 +0.00014665506573228072046 +-0.00013148034957541944481 +0.00011868489093268538876 +-0.0001077243905122617533 +0.000098209315348818899521 +-0.000089853638522214253702 +0.000082442675795442185448 +-0.000075812209244615241996 +0.00006983453493000922685 +-0.000064408897366400598805 +0.000059454782865020971689 +-0.000054907123019361132166 +0.000050712803075373953511 +-0.00004682807962197141054 +0.000043216643435548532908 +-0.000039848147597401050798 +0.000036697076225682195562 +-0.000033741866051271980686 +0.000030964218149565405841 +-0.000028348554480929505456 +0.000025881586071727538665 +-0.000023551968355864896828 +0.000021350025496125436646 +-0.000019267530157720855284 +0.000017297528726733404762 +-0.000015434204722150777121 +0.000013672775424785982854 +-0.000012009418783055537534 +0.000010441229705204791047 +-8.9662072313968271331e-6 +7.5832772988139886886e-6 +-6.292360776757247712e-6 +5.0945049910519259462e-6 +-3.9921131562797753047e-6 +2.9893400368466331614e-6 +-2.0928018172696022996e-6 +1.3129662704824587806e-6 +-6.6733878304132339276e-7 +1.9042300484949066939e-7 +0.00036714905733654069193 +0.00085528565488928305313 +0.0013408035137729652974 +0.001829827543321791645 +0.0023095882250862628495 +0.0027977330809957042338 +0.0032689868171872858447 +0.0037550741708739340703 +0.0042152690353653983948 +0.0046980830274350050337 +0.0051447450247000632302 +0.0056230728753159759524 +0.0060537761671895835754 +0.0065264419118852357976 +0.0069387916599733340504 +0.007404684661233717617 +0.0077963032504454599056 +0.0082544053515180070557 +0.0086229183107950086457 +0.0090723322581222893892 +0.0094153513666502118141 +0.0098553328039880432326 +0.010170433921163295438 +0.010600429572934069011 +0.010885122150421503459 +0.011304817708283000186 +0.011556501705176110671 +0.011965884600706021523 +0.012181788314040627293 +0.012581233485223023635 +0.012758321932734718607 +0.013148713866841785714 +0.013283550396946046981 +0.013666464203019091643 +0.013754994978639689955 +0.014132977411742279844 +0.014170182710555613354 +0.014547211038350418435 +0.014526513184958217312 +0.014908790652693234012 +0.014820984850237094771 +0.015218425112646291247 +0.015049587172295182132 +0.015478860673900124285 +0.015205783586298171655 +0.015697434715582160851 +0.01527601190657328278 +0.015894583018533527278 +0.015222173076356086814 +0.016144495897810279155 +0.014868645985755001304 +0.017009468018030285672 +0.007790958924052476696 +-0.0013901998782613257435 +0.00075165611157922495032 +-0.00050921881800537143263 +0.00038264612279284665785 +-0.00030501917307409746569 +0.00025250353524645242428 +-0.00021454353766579491889 +0.00018576142396818513113 +-0.00016313435533295323615 +0.00014483448729748161633 +-0.00012969239031216067243 +0.00011692547970495952451 +-0.00010599049768888540528 +0.000096498664448082633939 +-0.000088164513507341250429 +0.000080773788696163091182 +-0.000074162607163318823279 +0.000068203533561454992293 +-0.0000627960328734976514 +0.000057859776804717927603 +-0.000053329856793194424749 +0.000049153299523963589472 +-0.00004528649013988324761 +0.000041693239498593803102 +-0.000038343315957413706998 +0.000035211317293869902346 +-0.000032275795196815045145 +0.000029518569810383660886 +-0.000026924189137280447235 +0.000024479500286437636347 +-0.000022173308253174664144 +0.000019996104252388203134 +-0.000017939850335269945688 +0.000015997810631438419886 +-0.000014164422458485410785 +0.000012435203045502020056 +-0.000010806690029141772233 +9.2764165624297169751e-6 +-7.8429253673830491987e-6 +6.505831315924266869e-6 +-5.2659510455229238007e-6 +4.125534927799468473e-6 +-3.0886717943658888074e-6 +2.162019168672445239e-6 +-1.3562371067509721611e-6 +6.8927796269153741482e-7 +-1.9667474173026857941e-7 +0.00036748047379040477553 +0.00085412439442301619033 +0.001343087576763382247 +0.0018261884281296918994 +0.0023147833651919427555 +0.002790800117851936574 +0.0032778267811216701597 +0.0037441665236468831828 +0.0042283994276800418549 +0.0046825782834468113204 +0.0051627740118640071937 +0.0056023699897158261774 +0.0060773036909748532906 +0.0064999366929816683718 +0.0069684311441891166371 +0.0073717496279415514604 +0.0078327010698969523745 +0.0082143702435012963177 +0.0086667738921875325996 +0.0090244627791662701478 +0.0094674401422669577913 +0.0097988053991282778002 +0.010231635455484722569 +0.010534299668274931673 +0.010956456396318938856 +0.011227977918415676565 +0.011639177608394768116 +0.011877007727346374929 +0.012277271204441767088 +0.012478692202241099262 +0.012868430019281185842 +0.013030463814851356773 +0.013410597641756445002 +0.013529867756411241518 +0.013902010641195726051 +0.013974527234305305803 +0.014341263528325149738 +0.014362075620909434042 +0.014727418220438444744 +0.014690023258637799054 +0.015060206437984159869 +0.014955484172372712339 +0.015340443311413004312 +0.015154569644758701352 +0.015570978186135329653 +0.015280875333832514943 +0.015759240154937568712 +0.015320994960857034326 +0.015925718848580588453 +0.015237062492951064073 +0.01614449419050717617 +0.014854119576807104468 +0.016976211428110658174 +0.007768084356891629147 +-0.0013847465019860219549 +0.00074795920699296716289 +-0.00050620132062747467895 +0.00037998756477648175899 +-0.00030258278792001209076 +0.00025021878154274941372 +-0.00021236946374353846133 +0.00018367225559961075991 +-0.00016111289693313718932 +0.00014286875616006827965 +-0.00012777375491114310242 +0.00011504756278318656156 +-0.0001041484964409662357 +0.000094688911464611218235 +-0.000086384183398686744167 +0.000079020696452243353711 +-0.000072435066307029866147 +0.000066500254480517239046 +-0.000061116048905321944156 +0.000056202389992849831269 +-0.000051694597942525482188 +0.000047539898920568403355 +-0.000043694856448916300927 +0.00004012344513299941012 +-0.000036795587756492156212 +0.000033686031748795350338 +-0.000030773477765315057022 +0.000028039898113053371882 +-0.000025470000051919947792 +0.000023050801178513472699 +-0.000020771292824026991484 +0.000018622173780346241719 +-0.000016595641466449825374 +0.000014685231403288034283 +-0.000012885699000278831938 +0.000011192940547338179453 +-9.6039533709534426256e-6 +8.1168389391047802248e-6 +-6.7308582945002660198e-6 +5.4465585439160196264e-6 +-4.2660066078455321107e-6 +3.1932027810916427642e-6 +-2.2348318358007425706e-6 +1.4017423830047190387e-6 +-7.1234545029913298414e-7 +2.032472722035392527e-7 +0.00036715876858961424133 +0.00085525159247398070451 +0.0013408706341774755083 +0.0018297203171774122241 +0.0023097418353958984269 +0.0027975271969130484808 +0.0032692506939521194067 +0.0037547466049995681404 +0.0042156660780310257878 +0.0046976105330889121925 +0.0051452992201544561364 +0.0056224303703461257625 +0.0060545140346798702695 +0.0065256010942069942337 +0.0069397436476257930938 +0.0074036125439307477042 +0.0077975053181767527884 +0.0082530625133054335539 +0.0086244138980695261987 +0.0090706705994105034352 +0.0094171939802759725322 +0.0098532925340653435907 +0.010172690672312434268 +0.01059793502580058168 +0.010887878740116386429 +0.011301771360526208165 +0.011559869652858633805 +0.011962158273998600407 +0.012185915744278563995 +0.012576655017309495173 +0.012763410182019888886 +0.013143046238150114217 +0.01328988049884460409 +0.013659371586313562842 +0.013762971668627579436 +0.014123967440549389897 +0.014180411179259037458 +0.014535531257157187606 +0.014539941073549831353 +0.014893230225320928276 +0.014839184891772765368 +0.015196902464448824019 +0.015075375067744090222 +0.015447468569522695212 +0.015244748511169505136 +0.015647878181656845007 +0.015341039369860662848 +0.015805644839663718616 +0.015351010379415800135 +0.015941291996150081632 +0.015237065536846301263 +0.016128716793097833059 +0.014825080201926326053 +0.016926367255434238617 +0.0077376197126227470585 +-0.0013779397262671445899 +0.00074353071445255997219 +-0.00050268807159374810501 +0.00037695619812409954508 +-0.00029984885094065769076 +0.00024768727142260354246 +-0.00020998525363797964953 +0.0001814006372678984701 +-0.00015893068756945691851 +0.00014075976846472567341 +-0.00012572629406658037326 +0.00011305295284476463071 +-0.00010220016758483094618 +0.000092781810703978237604 +-0.000084514380873434283118 +0.000077185114783530378083 +-0.000070631290106859853362 +0.000064726393678205024663 +-0.000059370639212516552383 +0.0000544843196616085439 +-0.000050003053605978624605 +0.00004587432563784142115 +-0.000042054928614505206148 +0.000038509045955212587233 +-0.000035206795741627019496 +0.000032123113161485368727 +-0.000029236884445575278843 +0.000026530270368741554517 +-0.000023988174650981687557 +0.000021597824772804499831 +-0.000019348441481243149719 +0.00001723097972635382454 +-0.000015237928708708349096 +0.000013363162712585082864 +-0.000011601837930928567202 +9.9503340523025106674e-6 +-8.4062436283523130605e-6 +6.9684182439606278857e-6 +-5.6370903459164065268e-6 +4.4141077892000057748e-6 +-3.3033558541975863488e-6 +2.3115296720316751124e-6 +-1.4496610282549318812e-6 +7.3663117591820838727e-7 +-2.1016609798333942751e-7 +0.00036747116359153465835 +0.00085415704761024837913 +0.0013430232422176530044 +0.0018262911830849160398 +0.0023146361992028597864 +0.0027909972997700840918 +0.0032775741572150200824 +0.0037444799764182250057 +0.0042280196920750158356 +0.0046830299117577719045 +0.0051622446450516074742 +0.0056029832533479244277 +0.006076599982751555183 +0.006500737863235257116 +0.0069675249386986181773 +0.0073727690921561387645 +0.0078315593676127614064 +0.008215644038644088199 +0.0086653571369646176174 +0.0090260345325453847187 +0.0094656999970725435287 +0.0098007289023963870007 +0.010229511798553859305 +0.010536642409550329665 +0.01095387313834027503 +0.011230826069597267421 +0.011636036705627491879 +0.011880473380202865455 +0.01227344385104675584 +0.012482924167841159955 +0.012863743303126218224 +0.013035664247844294894 +0.013404813651527800529 +0.013536318661175584215 +0.013894792494482714111 +0.013982634490303258554 +0.014332117623352973202 +0.01437244574407855448 +0.014715590694646753774 +0.014703605358290026574 +0.015044484968327380011 +0.014973852406593724849 +0.015318745108543450572 +0.015180540447282703849 +0.015539396264764042529 +0.015320035703786454216 +0.015709485482579567789 +0.01538621694460611517 +0.015836603397256095925 +0.015366028861456451374 +0.01594128722251549595 +0.015222182223102071978 +0.016097179107851314954 +0.014781556244138917213 +0.016859984197427959095 +0.0076995947577881476069 +-0.0013697861973451536793 +0.00073837495189704281155 +-0.0004986824901462556626 +0.00037355496696615529885 +-0.00029682001161500588149 +0.00024491145286987700968 +-0.00020739320814759108259 +0.00017894875708246972255 +-0.0001565898260595154602 +0.00013850955049010575885 +-0.00012355197410539677591 +0.00011094356616466743555 +-0.00010014738549237007441 +0.000090779201661039853197 +-0.000082556916898793711905 +0.000075268832139290607319 +-0.000068753050436226500543 +0.000062883712562423536639 +-0.000057561561235657045488 +0.000052707326388889849406 +-0.000048256995440513450643 +0.00004415837144569521557 +-0.000040368528938232724777 +0.00003685190694764425277 +-0.000033578861873072970168 +0.000030524557428479641184 +-0.000027668105332462512111 +0.000024991895251484339848 +-0.000022481069737750843741 +0.000020123112095963056662 +-0.000017907523942847382125 +0.000015825575823088466286 +-0.00001387011942465084344 +0.000012035454335812766187 +-0.000010317246511513789355 +8.7125004047613633383e-6 +-7.2195932215797523647e-6 +5.8383901524246847793e-6 +-4.5704784387917800602e-6 +3.4195972762464300616e-6 +-2.3924319266084473184e-6 +1.5001899490509004075e-6 +-7.6223404633648248453e-7 +2.1745925706270711823e-7 +0.00036716770460010854375 +0.00085522025396070588984 +0.0013409323703291436848 +0.001829621731275893967 +0.0023098829949161423323 +0.0027973381219130261063 +0.0032694928408804809361 +0.0037544462832382395054 +0.004216029723549527013 +0.0046971782864225296369 +0.0051458055473918003524 +0.005621844211347916708 +0.0060551861177758209963 +0.0065248365818183495445 +0.0069406075837175206084 +0.0074026416173048033411 +0.0077985914669084262778 +0.0082518521422466787891 +0.008625758378646299137 +0.0090691810991154355188 +0.0094188405912247867287 +0.0098514753565535461262 +0.010174693453967434756 +0.010595729764196036316 +0.010890305501408564868 +0.011299101569249408249 +0.011562806957562224662 +0.011958925481358884302 +0.012189476148879324295 +0.012572729915175606583 +0.012767743038231028127 +0.013138255334849861714 +0.013295188579765016763 +0.013653476314123531624 +0.013769537670441113509 +0.014116630195024116357 +0.014188641724412749653 +0.014526257688322323155 +0.0145504434055242439 +0.014881265805606415422 +0.014852908654944160575 +0.0151810345744348817 +0.015093894300980748071 +0.015425615246573603207 +0.015270877622551072473 +0.015616136514689257912 +0.015380357716329232135 +0.015755739843130833038 +0.015416363960531098375 +0.015852085539206987124 +0.015366035766577728423 +0.015925704503901813891 +0.015192427116860602381 +0.016049911932510786431 +0.014723590241594533014 +0.016777127110180293593 +0.0076540466459951121241 +-0.0013602938761200672058 +0.00073249694541478051184 +-0.00049418847292099922017 +0.00036978717199806271951 +-0.00029349920162394626509 +0.00024189400558322310853 +-0.00020459582318212375639 +0.00017631897046628155897 +-0.00015409255670224481532 +0.00013612025642762965826 +-0.00012125287489095972457 +0.00010872142067297930066 +-0.000097992116342801382331 +0.000088683007519498060475 +-0.000080513679548372006394 +0.000073273708918888169566 +-0.000066802187345793173723 +0.000060974038344654308903 +-0.000055690637315165027845 +0.000050873236345251330049 +-0.000046458263172245779214 +0.000042393900699662084189 +-0.000038637559202357073718 +0.000035153982286813311271 +-0.00003191381040422264 +0.000028892479955220090163 +-0.000026069372308199860702 +0.000023427151796416610115 +-0.000020951248967825314128 +0.000018629457597824570551 +-0.000016451622927626105068 +0.000014409405425398715444 +-0.000012496109957931198015 +0.000010706575373358272487 +-9.03712498589155071e-6 +7.4855855766289890923e-6 +-6.0513935779824857957e-6 +4.735827011067766302e-6 +-3.5424424532592126695e-6 +2.4778910781830371979e-6 +-1.5535463492108037168e-6 +7.8926309478705817059e-7 +-2.2515764719647762284e-7 +0.00036746257688670744992 +0.00085418715900543055096 +0.0013429639309366898881 +0.0018263858794445106622 +0.0023145006413776147655 +0.0027911788176415881971 +0.003277341771390849825 +0.0037447680722053679517 +0.0042276710167032814192 +0.0046834441407073592969 +0.0051617597163095976014 +0.0056035442640215979153 +0.0060759572092871896711 +0.0065014684434128366542 +0.0069667000768544693549 +0.0073736952151741240841 +0.0078305244183298698868 +0.00821679605550015661 +0.0086640790324159399144 +0.0090274486410071794249 +0.0094641389371432973452 +0.0098024490497750122159 +0.010227619055572755207 +0.010538722844765902735 +0.010951588069535995664 +0.011233334863511641978 +0.011633282578524740396 +0.011883497407469893323 +0.0122701218601119312 +0.012486576340535714331 +0.012859723764509116874 +0.013040094311241405041 +0.013399922665482998747 +0.013541729806057248866 +0.013888791073216128358 +0.01398930982468130211 +0.014324667774467555783 +0.014380792231464697309 +0.014706197807959796637 +0.01471423037109585192 +0.015032394594060794812 +0.014987705190560005826 +0.01530274552178078775 +0.015199193377836477621 +0.015517408370282207536 +0.015346298406812449334 +0.015677614263767869114 +0.015425655676407252029 +0.015786596007967740104 +0.015431451015913383747 +0.015852076090167725719 +0.015351031129449223826 +0.015894559031193693836 +0.015147829319369404011 +0.015986961430008666997 +0.014651238846132502791 +0.016677876945006280326 +0.0076010198816137050041 +-0.0013494720303078948307 +0.00072590242420345224863 +-0.00048921038994997505016 +0.00036565646700733943553 +-0.00028988963168739453492 +0.00023863783801827635385 +-0.00020159578695628335493 +0.00017351379747611747184 +-0.00015144126671898013218 +0.00013359416595232785606 +-0.00011883118754595923377 +0.00010638863386542721874 +-0.00009573641627095455943 +0.000086495233604595678638 +-0.000078386632845479505586 +0.000071201676815449013124 +-0.000064780609045998979973 +0.000058999264835347824598 +-0.000053759756517709231166 +0.000048983944424799060708 +-0.000044608769375145433955 +0.000040582857199568183614 +-0.000036864010154542228985 +0.000033417328147592167543 +-0.000030213784891420059677 +0.000027229138012027774055 +-0.0000244430882258776106 +0.000021838627355170732272 +-0.000019401532160503508703 +0.000017119973304325072134 +-0.000014984217934440680989 +0.000012986411624004823078 +-0.000011120431725851491894 +9.3818106182047965113e-6 +-7.7677352279856811228e-6 +6.2771410602624037985e-6 +-4.910939877739469891e-6 +3.6724625857465966627e-6 +-2.5682972683700607959e-6 +1.6099704079609215589e-6 +-8.1783880667466364286e-7 +2.3329539865194931405e-7 +0.00036717596509479125173 +0.00085519128843302650002 +0.0013409894177073998472 +0.0018295306653080530848 +0.0023100133260741818054 +0.0027971636522171858807 +0.0032697161276319201123 +0.0037541695774369166864 +0.0042163644619014974168 +0.0046967808188484357612 +0.0051462705868015861933 +0.0056213065531591362443 +0.0060558017030491046231 +0.0065241374418548290174 +0.006941396285993105449 +0.0074017568998777381582 +0.007799579168922700697 +0.0082507538902693753098 +0.0086269754311936023834 +0.0090678362086474213279 +0.0094203232601156022551 +0.0098498439310848315276 +0.010176485808297126429 +0.010593762931390386973 +0.010892461955453934734 +0.011296738502280277447 +0.01156539578301973738 +0.011956089232111556271 +0.012192584448669292522 +0.012569321439782860859 +0.012771483969660475143 +0.013134144701404960063 +0.013299712133611896735 +0.013648489387158450413 +0.013775047253597222572 +0.014110527803752544514 +0.014195420576064889774 +0.014518701787087261428 +0.014558898427799858337 +0.014871762012432354926 +0.014863646750296033622 +0.015168829260201407694 +0.015107863383070370756 +0.015409498771002534228 +0.015289646860632344475 +0.015594034688007893673 +0.015406729202076924352 +0.01572376935591303852 +0.015455885403783151144 +0.015802023755723237672 +0.015431463434178241437 +0.015836575002241329135 +0.015321029660241899912 +0.015847881194700784821 +0.015088432439864214767 +0.015908389083121083896 +0.014564572768089938766 +0.016562330669270011655 +0.0075405662762922862298 +-0.0013373312253040582863 +0.00071859781481103588849 +-0.00048375308015343401719 +0.00036116685499430648164 +-0.00028599478805468432895 +0.00023514608412185809839 +-0.00019839597690369184849 +0.00017053591986693496819 +-0.0001486384834619102069 +0.00013093368158719004503 +-0.00011628921200080695679 +0.00010394742058053687574 +-0.000093382429436025732118 +0.000084217965827201225793 +-0.000076177815691119395429 +0.000069054738366476144408 +-0.000062690292256110898725 +0.000056961353813324044937 +-0.000051770877305652784466 +0.000047041418567381973162 +-0.000042710505891619874088 +0.000038727273273447426047 +-0.000035049973974542677931 +0.00003164411947418090131 +-0.000028481070458016763895 +0.000025536960038049611612 +-0.000022791865286675880461 +0.000020229167752197120334 +-0.000017835060887438105904 +0.000015598174856881697235 +-0.000013509298770211000247 +0.000011561188381317596606 +-9.7484549598758966419e-6 +8.0675399670714634472e-6 +-6.5167929726522507138e-6 +5.0966923298844985068e-6 +-3.8102924064480951776e-6 +2.6640834474274383373e-6 +-1.669728382483738269e-6 +8.4809465339291527003e-7 +-2.4191030515289394901e-7 +0.00036745462111838620997 +0.00085421505423118680317 +0.0013429089978088220522 +0.0018264735558302855822 +0.0023143751886320718448 +0.0027913467113935447328 +0.0032771269700434337545 +0.0037450341620680692709 +0.0042273492600100351971 +0.0046838260070270826376 +0.0051613131748400785972 +0.0056040602225795734363 +0.0060753668633135206234 +0.0065021384278678820324 +0.0069659448676871665927 +0.0073745416284734744306 +0.0078295803651921653054 +0.0082178447101751926274 +0.0086629182105197816721 +0.0090287298879731865771 +0.0094627282145118202619 +0.009803999207024507685 +0.010225918462597514171 +0.010540586072561934175 +0.010949548627246417476 +0.011235565695746782975 +0.011630843329991640794 +0.011886164253790780769 +0.012267205714361225993 +0.012489766448208802147 +0.012856231535978376285 +0.013043920971467331325 +0.013395724302729232789 +0.013546343106305991371 +0.013883712378057693961 +0.013994913185809915694 +0.014318469630688871239 +0.014387668742790939788 +0.014698542451617333718 +0.014722786470768956218 +0.01502278835976614327 +0.014998546712467485026 +0.015290436343304648709 +0.0152132659712503338 +0.015501189880253150954 +0.015365166495037872286 +0.01565541921129378941 +0.015452111072058235607 +0.015754556592291739991 +0.015471017454430286397 +0.015802007927723504112 +0.015416401278970350527 +0.015805597354379540774 +0.015276060730820229327 +0.015785716553986127771 +0.015014294553346302064 +0.015814271634100379048 +0.014463676707409363294 +0.016430601171540065926 +0.0074727448983332077292 +-0.0013238833137608362924 +0.00071059023465968963786 +-0.00047782184632131398619 +0.00035632268388320483595 +-0.00028181842864359715489 +0.00023142209975267244086 +-0.00019499945630550922535 +0.00016738817789556258474 +-0.00014568687138746138758 +0.00012814132586262703107 +-0.00011362935437555035965 +0.00010140009066088498817 +-0.000090932386041788906447 +0.000081853369169063675866 +-0.000073889340952127386296 +0.000066834966821578638744 +-0.000060533283076446785854 +0.000054862337187787879558 +-0.000049726031350491844664 +0.000045047705682354919969 +-0.000040765552450492906915 +0.0000368292818356729645 +-0.000033197660730584998922 +0.000029836672073685036376 +-0.000026718123140543962883 +0.000023818584367291816749 +-0.000021118575980581550141 +0.000018601944271876805962 +-0.000016255386773955997967 +0.000014068098519132003727 +-0.000012031521890897686883 +0.00001013919195575044102 +-8.3866794235304119597e-6 +6.7716473914109261012e-6 +-5.2940614665615432807e-6 +3.9566392170754520634e-6 +-2.7657313685449388319e-6 +1.7331162149807805814e-6 +-8.8017887308196359891e-7 +2.5104432381396416349e-7 +0.00036718363616641277176 +0.00085516439307160963447 +0.0013410423760339935517 +0.0018294461542232352667 +0.0023101342245505685153 +0.0027970018952194665295 +0.0032699230137705565049 +0.003753913385079768866 +0.0042166741225669348061 +0.0046964134798119420776 +0.0051466999164492276321 +0.0056208107689621407408 +0.0060563686049497098628 +0.0065234945124209143197 +0.0069421204484197611011 +0.0074009459515578152706 +0.0078004828594443733602 +0.0082497510363810772855 +0.0086280844028281575824 +0.0090666135548039954899 +0.0094216678579349734774 +0.0098483683304755450938 +0.010178102382408665568 +0.010591994368078619344 +0.010894394723787124776 +0.011294627931100131297 +0.011567699351321039922 +0.011953575621687895954 +0.012195327300207556752 +0.012566327630290209119 +0.012774753411079848118 +0.013130571463120597789 +0.01330362147790156537 +0.013644206678275761202 +0.013779746535559861003 +0.014105361536834477776 +0.014201113028029494825 +0.014512413138292086222 +0.014565866708056196822 +0.014864013834465569333 +0.014872296430654100076 +0.015159129092150997849 +0.015118798631086040975 +0.015397096850439687828 +0.01530381013088431392 +0.015577729105751335052 +0.015425678636560531099 +0.015701501826837176024 +0.01548239980099326824 +0.015769945774340669015 +0.015471037150361207047 +0.015786548441830166833 +0.015386279354967655648 +0.015759173336869899657 +0.01521616834672257557 +0.015708125792775943856 +0.01492548814430451278 +0.015704701009337688815 +0.014348649271117882957 +0.016282817151168179244 +0.0073976220149781606279 +-0.0013091414238866436162 +0.00070188748485417959996 +-0.0004714224495819248808 +0.0003511286418192348616 +-0.00027736457882169934475 +0.00022746945878112042776 +-0.0001914094706263013823 +0.00016407356685760515722 +-0.00014258922879149559041 +0.00012521973827327282318 +-0.00011085412420595850025 +0.000098749046521599952838 +-0.000088388600349266722274 +0.000079403686275129403429 +-0.000071523394809495329013 +0.000064544506473658997099 +-0.000058311698592465369337 +0.000052704320245219608038 +-0.000047627328894286004628 +0.000043004939727293065517 +-0.000038776088235787721246 +0.000034891132441468529109 +-0.000031309420210589584785 +0.000027997471911199767909 +-0.000024927608873807167056 +0.000022076910875187051396 +-0.000019426421416083371682 +0.000016960544205646002217 +-0.00001466659203355976025 +0.000012534462875238274823 +-0.00001055642982251311872 +8.7270434890127828658e-6 +-7.0431610774493631042e-6 +5.5041413575811289891e-6 +-4.1122934847875120109e-6 +2.873778597691824406e-6 +-1.8004637419303217476e-6 +9.142565455918651607e-7 +-2.6074415718464846067e-7 +0.00036744721602582582699 +0.00085424101553982404337 +0.0013428578840357448849 +0.0018265551109967798938 +0.0023142585420012872145 +0.0027915027410849657055 +0.0032769274680135290416 +0.0037452811253926461732 +0.004227050872307029645 +0.004684179815557294778 +0.0051608998650851800698 +0.0056045372437210013463 +0.0060748217472762564465 +0.0065027562388242936197 +0.0069652495010968135049 +0.00737531971852114275 +0.0078287140269492842112 +0.0082188052326139058109 +0.008661857096507657902 +0.0090298985395471713401 +0.009461444464879759392 +0.0098054063160771386509 +0.010224378932944826008 +0.010542267997909580163 +0.010947713284851063002 +0.011237566677171020636 +0.011628663105869277037 +0.011888538919500671883 +0.012264619559721576181 +0.012492583289606239053 +0.012853162297134423393 +0.013047267268776888141 +0.013392072804028631075 +0.013550332081623316132 +0.013879348716970173632 +0.013999694671549642179 +0.014313220004233722576 +0.014393445580123415357 +0.014692168566134641544 +0.014729840605950612794 +0.015014954019194962331 +0.015007282449213081983 +0.015280650778158469391 +0.015224285214409331713 +0.015488706370802564379 +0.015379407577065092323 +0.015639041487734287339 +0.015471124324142134447 +0.015732237353679890272 +0.015497565938294806666 +0.015769921731919586786 +0.015455944595222414158 +0.01575566029137126282 +0.015341127194456964998 +0.015697348220909507816 +0.015141411104973442055 +0.015615184658981002057 +0.014822100036448396124 +0.015579784229120549498 +0.014219602877264403801 +0.016119122992396095413 +0.007315271027659569155 +-0.0012931199464756228093 +0.00069249804227606081216 +-0.00046456110335481385628 +0.00034558975204534280678 +-0.00027263752682161488265 +0.00022329194885867353145 +-0.00018762944354769164709 +0.00016059523334989743075 +-0.00013934848430275022935 +0.00012217167203569816549 +-0.00010796613152856505502 +0.000095996780657515392264 +-0.000085753468737041751961 +0.000076871236241347735713 +-0.000069082236501077282875 +0.000062185573650125559265 +-0.000056027729491703306008 +0.000050489486375931499916 +-0.000045476966207090672752 +0.000040915352696063376694 +-0.000036744407439458292381 +0.000032915212749071822798 +-0.000029387771055799004573 +0.000026129214245039121228 +-0.000023112455743792775547 +0.000020315170572932641243 +-0.00001771902407504294728 +0.000015309094943574571 +-0.000013073456661683151148 +0.000011002896557689728993 +-9.0907661978800527854e-6 +7.332974371665157256e-6 +-5.7281609614656417132e-6 +4.2781413203252896691e-6 +-2.9888267442910747904e-6 +1.8721396252326250712e-6 +-9.5051201942832504079e-7 +2.7106193341741401849e-7 +0.00036719079281412024053 +0.00085513930417612668262 +0.0013410917672056183739 +0.0018293673590187455372 +0.002310246902196651467 +0.0027968512101557986696 +0.003270115627632519015 +0.0037536750272023900027 +0.0042169620042204374407 +0.004696072274208709437 +0.0051470983139218387221 +0.0056203512014415835096 +0.0060568934710541240656 +0.0065229000294519224333 +0.006942789096274306551 +0.0074001983193378197742 +0.0078013146114344618949 +0.0082488296650687350276 +0.008629101310197148771 +0.0090654947184632127799 +0.0094228955586047979733 +0.0098470242126529944131 +0.010179571173224138742 +0.01059039184723857483 +0.010896140946200791533 +0.01129272698950230789 +0.011569767229290546959 +0.011951327210468658784 +0.012197771433700028247 +0.012563670741379247122 +0.012777642233214015481 +0.013127429024733688998 +0.013307042156044531751 +0.013640479667581711582 +0.013783812087823758125 +0.014100920320518280682 +0.014205972934532194746 +0.014507084371610196126 +0.014571723216243631342 +0.014857559991525389213 +0.014879430494159151284 +0.015151215262051805517 +0.015127612884743459784 +0.015387234440685641753 +0.015314903622399415209 +0.015565175175521036237 +0.015439984652566406122 +0.015685066921689737515 +0.01550145933967753916 +0.015747595585547806059 +0.015497594829027782628 +0.015754484336542688787 +0.015425754675669996728 +0.015709373529134358155 +0.01528098902970967888 +0.015620182313272482406 +0.015051862137788838977 +0.015506983889871058393 +0.014704231308535065571 +0.015439643302562995777 +0.014076663645416006636 +0.015939678623109947108 +0.0072257724002813007837 +-0.0012758345206765649411 +0.00068243105096413721569 +-0.00045724446678324496194 +0.00033971136735048156166 +-0.00026764181877937215712 +0.00021889356684463535867 +-0.00018366297268797572357 +0.00015695647124926409426 +-0.00013596769313086171593 +0.00011899999065300497965 +-0.0001049680838456863756 +0.000093145873132283140491 +-0.000083029467884454149485 +0.000074258413718002695339 +-0.000066568198640634199297 +0.000059760458630871232962 +-0.000053683644075715388833 +0.000048220103819081034383 +-0.000043277235891625158859 +0.000038781289556072376996 +-0.000034672940231333996761 +0.000030904077362311868363 +-0.000027435439915266638775 +0.000024234856362093873248 +-0.000021275924742582004448 +0.000018537020505455271991 +-0.000016000555465838930251 +0.000013652436782380804522 +-0.000011481694772701558388 +9.4802663276413725371e-6 +-7.6429408816289633811e-6 +5.9675053991037281583e-6 +-4.4551792375538210682e-6 +3.1115511664528224758e-6 +-1.9485571526609988561e-6 +9.8915176165636178487e-7 +-2.8205600420413328144e-7 +0.0003674402913553365092 +0.00085426528990233438948 +0.0013428101009870640552 +0.0018266313301043609772 +0.0023141495680878229022 +0.0027916484401181241028 +0.0032767412779847416222 +0.0037455114610906022001 +0.0042267727801777048989 +0.0046845092837857699536 +0.0051605153477755705219 +0.0056049805759696453643 +0.006074315704350285058 +0.0065033290540979415105 +0.0069646056495493263865 +0.0073760391101386928919 +0.0078279143117724105399 +0.0082196903774538872237 +0.0086608810463511519555 +0.0090309713921577680116 +0.0094602684331601053835 +0.0098066924484677053746 +0.010222975159203224764 +0.010543797657566470745 +0.010946048693439086772 +0.011239376159968782684 +0.011626697727586756336 +0.011890672394395771416 +0.012262304411023856386 +0.012495095276564281736 +0.012850436469687284161 +0.013050226075486847044 +0.013388859384312438519 +0.013553824675679805114 +0.013875548934090287383 +0.014003833753736017198 +0.014308704624173518591 +0.014398380128326090659 +0.014686764876062847069 +0.014735772071583911655 +0.015008425498129426091 +0.015014490513366024386 +0.01527266413332705263 +0.015233170443582990047 +0.015478775670444057773 +0.015390565569858439418 +0.015626428302781516663 +0.015485482402251870435 +0.015715760214750422513 +0.015516654253442650572 +0.015747561318254884079 +0.015482486630220271043 +0.015723648499636277057 +0.015380497048561190594 +0.01564773323640367125 +0.015205923751215625588 +0.015527750896087451754 +0.014947609042254412757 +0.015383629122454398887 +0.014571997196389320464 +0.015284415107797599271 +0.013919971273829440328 +0.015744659358375661435 +0.0071292135805987744977 +-0.001257302018510546394 +0.00067169631278073472851 +-0.00044947963763979869752 +0.00033349916407844596725 +-0.00026238225338190217757 +0.00021427851387498282148 +-0.00017951382499316486929 +0.00015316071739675358075 +-0.00013245003306582475919 +0.00011570766429623406482 +-0.0001018627830007052542 +0.00009019898910988071402 +-0.000080219153181398283323 +0.000071567688493179560573 +-0.000063983688362382764836 +0.000057271528858597316513 +-0.000051281794192071495702 +0.000045898535169197652401 +-0.000041030541076353436181 +0.000036605228584628051723 +-0.000032564281159429067833 +0.000028860486848407423928 +-0.000025455414511476533446 +0.000022317689358371313235 +-0.000019421706712605402425 +0.000016746674939560531921 +-0.000014275914638559205144 +0.000011996368160111540046 +-9.8982963271893590219e-6 +7.9751630695081273923e-6 +-6.2237413375024590865e-6 +4.6445316937510257604e-6 +-3.2427124661809532452e-6 +2.0301810901637645056e-6 +-1.0304077184049083846e-6 +2.9379188469950104138e-7 +0.0003671975010151386099 +0.00085511578984940559862 +0.0013411380498860934296 +0.0018292935430177851653 +0.002310352421798690542 +0.0027967101601948587298 +0.0032702958297795307296 +0.0037534521665972273621 +0.0042172309781695035298 +0.0046957537333700771465 +0.0051474699156279156345 +0.0056199229675390331434 +0.0060573820200841891142 +0.0065223473376616649672 +0.0069434099362505657351 +0.0073995051139379076457 +0.0078020846470821101892 +0.0082479780484432859026 +0.0086300395860996221372 +0.0090644643315600011834 +0.0094240239326397302075 +0.0098457914937784363697 +0.010180915140804157718 +0.010588929107500142961 +0.010897730685121014118 +0.011291001224224175002 +0.011571638959907985985 +0.011949298533994185301 +0.012199969229582424344 +0.012561290281692768604 +0.012780220481724087947 +0.013124636032947320696 +0.013310068971731577452 +0.013637197465246778438 +0.013787374151261456538 +0.014097050488017606001 +0.014210182515713542786 +0.014502498204309627374 +0.014576728641015075967 +0.014852085581909126797 +0.014885432216040843969 +0.01514461733053607497 +0.015134889033278158145 +0.015379181644343196493 +0.015323852297984942683 +0.01555518472481814409 +0.015451197415739133315 +0.015672405628134374006 +0.015515856633506070378 +0.015731091127139382035 +0.015516694455441784467 +0.015732134362092784298 +0.015452256313043148429 +0.015677444155777162922 +0.015320216114018838439 +0.015570799477030070314 +0.015116004851853828435 +0.015420144151749610911 +0.014828753796075370628 +0.015245240789124082199 +0.014425526981234070661 +0.015114251257530196521 +0.013749678903428820144 +0.015534255728902688599 +0.0070256889147752933294 +-0.0012375405281468263354 +0.0006603042773619333084 +-0.00044127414469610883429 +0.00032695913568307985031 +-0.00025686387610598665364 +0.00020945119005419511714 +-0.00017518593178180834951 +0.00014921154697502182479 +-0.00012879880022720987518 +0.00011229776601881472906 +-0.000098653122007616854056 +0.000087158876513630546629 +-0.000077325157509009250762 +0.0000688016057842392381 +-0.000061331189635559955178 +0.000054721233947545331906 +-0.000048824623815340129975 +0.000043527250680271436563 +-0.000038739414956871051246 +0.00003438980915153725963 +-0.000030421227846527690844 +0.000026787460948869035252 +-0.000023451016275134136056 +0.0000203814369939907377 +-0.000017554057004663837946 +0.000014949089645203667896 +-0.000012550982583813442575 +0.000010348001636227097454 +-8.3320351546196565593e-6 +6.4986474377480966919e-6 +-4.8474720383299640471e-6 +3.3831701689812014113e-6 +-2.1175358133420799912e-6 +1.0745412947882420845e-6 +-3.0634336544954987691e-7 +0.00036743378497801870582 +0.00085428809565280078367 +0.001342765216956446794 +0.0018267029062282596134 +0.0023140472675806113085 +0.0027917851585567995739 +0.0032765666532134846348 +0.0037457273612718323353 +0.0042265122935204841872 +0.0046848176575014509748 +0.0051601557575108051804 +0.0056053947757298485544 +0.0060738434068978534399 +0.0065038630631707928226 +0.0069640061589575826675 +0.0073767080389787004836 +0.0078271717688890781293 +0.0082205109635544767026 +0.0086599776973875864749 +0.0090319625547090685848 +0.0094591840302956776186 +0.0098078759445042414341 +0.010221686234629846548 +0.010545198892355578469 +0.010944527647784974081 +0.011241025219292996556 +0.011624911653897329319 +0.011892605391762282924 +0.012260213543355019349 +0.012497356148791567743 +0.012847992094570077515 +0.013052869024069642906 +0.013386000972551497939 +0.013556917553898013256 +0.013872200119425398088 +0.014007462867688050012 +0.014304767437705826763 +0.014402657203764119576 +0.014682111272492438171 +0.014740844632775499327 +0.015002884548228975809 +0.015020557814697929495 +0.015266002034538124721 +0.015240508785208228657 +0.015470663359862002581 +0.015399570190331477399 +0.015616386611920230269 +0.015496740238617188816 +0.015703061919836529714 +0.015531077962699129107 +0.01573104439855733505 +0.01550158017270972419 +0.015701329539130437833 +0.015406933650917065794 +0.015615916230870396501 +0.015244970974449531138 +0.015478647236528038609 +0.015011320357101483789 +0.015297467072998444369 +0.014695412659517900114 +0.01509195399864079005 +0.014264963864466503497 +0.014929317950068496832 +0.013565952968736140995 +0.015308673294596750247 +0.0069152995551980970736 +-0.0012165693359464338301 +0.00064826603134800411602 +-0.00043263593954454682206 +0.00032009758581148448327 +-0.00025109197302626923228 +0.00020441618874641001927 +-0.00017068338342240909989 +0.00014511266856534614688 +-0.00012501740456445954296 +0.00010877346783007799045 +-0.000095342081899052142608 +0.00008402836393354741433 +-0.000074350190593740596673 +0.000065962787555689233391 +-0.000058613267230023936526 +0.000052112113198431393737 +-0.000046314681300149588294 +0.000041108846828893472822 +-0.000036406547758331019783 +0.000032137869877504102907 +-0.000028246834123494198685 +0.000024688351854305122032 +-0.000021426000928805555578 +0.000018430393708291012679 +-0.000015677985540136614272 +0.000013150225692660072973 +-0.000010832993065124836353 +8.7162951442277648666e-6 +-6.7942510824679674076e-6 +5.0654476642951170508e-6 +-3.5338990842168189035e-6 +2.211215002887928981e-6 +-1.1218480901251150278e-6 +3.1979383374045465674e-7 +0.00036720381944294297234 +0.00085509364393459696259 +0.0013411816315827287578 +0.0018292240522757098145 +0.0023104517257194680424 +0.0027965774730875945567 +0.0032704652649298391682 +0.0037532427411449422051 +0.0042174835722825208046 +0.0046954548109015630028 +0.0051478183447215117975 +0.0056195218025600010531 +0.0060578392307992151473 +0.006521830662616995645 +0.0069439896306769822144 +0.0073988586805393683894 +0.0078028017327129977471 +0.0082471861728342153593 +0.0086309106470379317657 +0.0090635093962730337072 +0.0094250677646577762257 +0.0098446533651944405307 +0.010182153392592530236 +0.01058758442345089694 +0.010899188655956828609 +0.011289422494730580509 +0.011573346619635465615 +0.011947452977915019595 +0.012201962552402603515 +0.01255913828990315814 +0.012782543225568206132 +0.013122129098180389423 +0.013312775098447790304 +0.013634275338646535177 +0.013790531184435288706 +0.014093637192823343301 +0.014213876299422069339 +0.014498496321767513906 +0.014581070243447779015 +0.014847367855748472364 +0.014890568210752448265 +0.015139013982210062126 +0.015141017275077608173 +0.015372460582886175944 +0.015331246981184528823 +0.01554701949570848543 +0.015460250523676117059 +0.01566232115966901465 +0.0155271498983409358 +0.015718366879090072846 +0.015531131847724475617 +0.015715619759403498576 +0.015471326472631909002 +0.015655176665348678417 +0.015346563193632753825 +0.015539124595226543927 +0.015154835379622400928 +0.01537136634619660059 +0.01489197274140695684 +0.015159839358196799274 +0.014547716063684110929 +0.014923918402528896282 +0.014090464829034975285 +0.014729795805945103675 +0.013368973035917272408 +0.015068132443375202007 +0.0067981533616442200341 +-0.0011944089072824058687 +0.0006355932868877360245 +-0.00042357338785552855129 +0.00031292112089158256659 +-0.00024507206416411553786 +0.0001991782904367286933 +-0.00016601042361829680963 +0.0001408679188701853565 +-0.00012110936511499712476 +0.00010513803666891373021 +-0.000091932728686859739114 +0.000080810358954750325095 +-0.000071297039221483796302 +0.000063053935312534024616 +-0.000055832573011375155505 +0.000049446806620361111783 +-0.000043754636759138512882 +0.000038646072224120544948 +-0.000034034824101991460281 +0.000029852501423321425578 +-0.000026044483679560394698 +0.00002256694627885241805 +-0.000019384699687749666126 +0.000016469620421456350131 +-0.000013799530195526771629 +0.000011357435718268964436 +-9.1310883386651052664e-6 +7.1128729425104546288e-6 +-5.3001103747122507456e-6 +3.6960089749804447374e-6 +-2.3118932630061365759e-6 +1.1726635591623429692e-6 +-3.3423785127854194793e-7 +0.00036742764131309937182 +0.00085430962804974838357 +0.0013427228460917892991 +0.0018267704583014924989 +0.0023139507490598988647 +0.0027919140990596774578 +0.0032764020401934456411 +0.0037459307718887273147 +0.004226267029379552784 +0.0046851078050902659164 +0.0051598176872641365209 +0.0056057838476272882531 +0.0060734001869400249633 +0.0065043636710942692812 +0.0069634448041894965911 +0.0073773336440695564763 +0.0078264782389937119246 +0.0082212762914943863977 +0.0086591364697488825894 +0.00903288404423244493 +0.0094581776209963875631 +0.0098089722660589003888 +0.010220494630425692239 +0.010546491576130152538 +0.010943127606115180577 +0.011242539440880387862 +0.011623275815595241536 +0.011894370979846227208 +0.012258309282269675099 +0.012499408904905828685 +0.012845779996252365341 +0.013055252484505611981 +0.013383432784086518189 +0.013559685386693195486 +0.013869215933227254096 +0.01401068219812237953 +0.014301291743913472818 +0.014406413326358371616 +0.014678047301805385095 +0.014745247845071859138 +0.014998105962727591904 +0.015025753590937052767 +0.01526034037802377254 +0.015246693381135695266 +0.015463888486278821639 +0.015407015419585882349 +0.015608175001402805402 +0.015505834438638131849 +0.0156929430697143778 +0.015542397083905877392 +0.015718305165031730421 +0.01551601860668166754 +0.015684831926717716699 +0.015425963252377854553 +0.015593720517532264056 +0.015271204227601405879 +0.015447144001497072383 +0.015049897657944802168 +0.015249061392261096601 +0.01475807883087981324 +0.015007395291848959029 +0.014385808485287023655 +0.014741298046966988784 +0.013902200487592667329 +0.014515879690263418873 +0.013158931628122884625 +0.014812868175430885198 +0.0066743647958927406651 +-0.0011710808661447133191 +0.00062229836940691194743 +-0.00041409526004877760337 +0.00030543664219369013294 +-0.00023880989634183810136 +0.00019374245612683773177 +-0.00016117144327053851015 +0.00013648125708783585814 +-0.00011707830503610100772 +0.00010139483034168625459 +-0.000088428210573603961529 +0.000077507847155719698658 +-0.000068168568721116388329 +0.000060077835008840208274 +-0.000052991855532991673415 +0.000046728070891370142928 +-0.000041147306654993831461 +0.000036141863887261145517 +-0.000031627375133676965404 +0.000027537120192262181986 +-0.000023817993323115764687 +0.000020427609603674548804 +-0.000017332220687919697023 +0.000014505227633875198768 +-0.000011926159048327615565 +9.5800453719987869849e-6 +-7.457181400790753641e-6 +5.5533532640148419539e-6 +-3.8707683396453772965e-6 +2.4203401184674753441e-6 +-1.227369815135414781e-6 +3.4978304738510013306e-7 +0.00036720980092276673632 +0.00085507268088318598577 +0.0013412228788543528968 +0.001829158299050587502 +0.0023105456599985393996 +0.002796452008159470761 +0.0032706254053597175323 +0.0037530449083266866709 +0.0042177220405194928809 +0.0046951727968242432233 +0.0051481468159748279104 +0.0056191439331142707513 +0.0060582694950053718132 +0.0065213449273028173556 +0.0069445340167168536983 +0.007398252337431460138 +0.0078034734899580359289 +0.0082464453685871634629 +0.008631724333576404532 +0.0090626187610471649745 +0.0094260396773260801261 +0.0098435955495855547749 +0.010183302071524103072 +0.01058633954332196352 +0.010900535500547607258 +0.011287967442878626803 +0.011574916662607123597 +0.011945760548656615362 +0.012203785455009135309 +0.012557176042127989697 +0.012784654582590968456 +0.013119857850565205461 +0.013315218181307966311 +0.013631647141151121676 +0.013793359312920315134 +0.014090592540244753071 +0.01421715613180505669 +0.014494960248540264629 +0.014584886437262454917 +0.014843244341119881395 +0.01489503018014695237 +0.015134177735451487616 +0.015146269247030346885 +0.015366744640954549357 +0.015337483414007401092 +0.015540195889341524819 +0.015467740577335733908 +0.015654069627583324399 +0.015536277876708317439 +0.015708221956022772557 +0.01554246734763864002 +0.015702876404319458489 +0.01548575342281298012 +0.015638710584723645919 +0.015365535214579142056 +0.015517020784834357066 +0.015180930722386947331 +0.015340064007420480872 +0.014930260634104370475 +0.015111851610028683704 +0.01460976969248162071 +0.014840283610393940324 +0.014209848308119478478 +0.014544271210255999984 +0.013700354917627115978 +0.014287778520901015746 +0.012936034038321524855 +0.014543129873141852571 +0.0065440548098864190856 +-0.0011466079735363909449 +0.00060839420462664232823 +-0.00040421072134996535021 +0.00029765133732720369416 +-0.00023231143549771198907 +0.00018811382022113142432 +-0.00015617097388504954417 +0.00013195675892850305663 +-0.0001129279464417014072 +0.000097547293523717202185 +-0.000084831755619346144446 +0.000074123892137498778641 +-0.000064967726307700787661 +0.000057037364992561133167 +-0.000050093974320436120344 +0.00004395880233167331313 +-0.00003849568865254369285 +0.000033599398345823406302 +-0.000029187651886313026038 +0.000025195572393553250212 +-0.000021571759737411938548 +0.000018275492728228277524 +-0.000015274741845405952848 +0.000012544794143893711864 +-0.000010067378819739169744 +7.8302594666709371888e-6 +-5.827355796629950247e-6 +4.0596333361783905488e-6 +-2.5374369726731055702e-6 +1.2864038494036173397e-6 +-3.6655240286530126694e-7 +0.00036742180997500067596 +0.00085433006404454448339 +0.0013426826389171984528 +0.0018268345464464889378 +0.0023138592066730509286 +0.0027920363474063254081 +0.0032762460385930057608 +0.0037461234438454455949 +0.0042260348480533072158 +0.0046853822962246916689 +0.0051594980925369679096 +0.0056061513602831709001 +0.0060729818971804629312 +0.0065048356645448404612 +0.0069629160913266814739 +0.007377922202730278367 +0.0078258265756036064091 +0.0082219944737984642404 +0.0086583481751165155812 +0.0090337462495205568643 +0.0094572374739696429701 +0.0098099946491485218253 +0.010219385420043253572 +0.010547692539386692863 +0.010941829588133987849 +0.011243940238898308196 +0.011621766035359892756 +0.011895996482082402323 +0.012256560711260948864 +0.012501288578072246037 +0.012843760409150043956 +0.013057421681972615536 +0.013381103271605442746 +0.013562187071419905317 +0.013866528896992967472 +0.014013569287026979237 +0.014298188142311652088 +0.014409751942001341282 +0.014674452790873896264 +0.01474912192075788853 +0.014993925369054614673 +0.015030271545104412212 +0.015255449586328316115 +0.015251998046318293565 +0.015458122196492286384 +0.015413299259555015132 +0.01560130765133320145 +0.015513363688731654989 +0.015684657977989592521 +0.015551551630068506227 +0.01570814236792268409 +0.015527361125818033716 +0.015672095185147779581 +0.015440366335845399585 +0.015577300349838619075 +0.015290101829425457792 +0.015425152004915423844 +0.015075831263712699012 +0.01521798888332033499 +0.014796041533285421441 +0.014959870763041327051 +0.014447190509936578652 +0.014658667353304368418 +0.01402000767144196097 +0.014333030225946487038 +0.013485125483790482683 +0.014045715062708815615 +0.012700498129841177713 +0.014259181056834890179 +0.0064073507275520290189 +-0.0011210141046650809484 +0.00059389430481121959561 +-0.00039392932119516773842 +0.00028957267112257075778 +-0.00022558285840581784217 +0.00018229768285000378919 +-0.00015101368048593778026 +0.00012729861026755859579 +-0.00010866210509989783376 +0.000093598953977527441434 +-0.000081146670167199559983 +0.000070661637112448310827 +-0.000061697547145020674148 +0.000053935508328015368316 +-0.000047141920886804752677 +0.000041142069936298126815 +-0.000035803011239573125669 +0.000031022164184657055981 +-0.000026719529668426975477 +0.00002283228297368362507 +-0.000019310971439253412602 +0.000016116834627066108305 +-0.000013219946455868331918 +0.00001059800373590645233 +-8.2356876491628223309e-6 +6.1246392794510923097e-6 +-4.2642831851786405351e-6 +2.6641977767094807577e-6 +-1.3502675198921305775e-6 +3.8468702066474766908e-7 +0.00036721549369918252902 +0.00085505273128924900413 +0.0013412621261812114379 +0.0018290957474703970192 +0.0023106349951936036154 +0.0027963327278593918103 +0.0032707775881704196829 +0.0037528569977863083918 +0.0042179484220881143588 +0.0046949052449134600778 +0.0051484582240241381798 +0.0056187859708520368239 +0.0060586767446971312002 +0.0065208856007305175375 +0.0069450482859997139558 +0.0073976801634069173191 +0.0078041066469620442286 +0.0082457480135332818792 +0.0086324892602310055766 +0.0090617827077008634698 +0.0094269506188642231399 +0.0098426057248469481582 +0.010184375037769472743 +0.010585178880973269878 +0.010901788746666447867 +0.011286616351011772196 +0.011576371282997249008 +0.011944196243515946945 +0.012205466134495559381 +0.01255537169685210629 +0.012786590565557233607 +0.013117781486926926517 +0.013317444544608095105 +0.013629260161166061012 +0.013795918667197761927 +0.014087847746173132011 +0.014220100936393460408 +0.014491799123575910427 +0.014588282210375582387 +0.014839593240048088534 +0.01489896004388408185 +0.015129942430612733305 +0.015150840512320820557 +0.015361802320094842099 +0.015342837372629566298 +0.015534383084077077625 +0.015474067502816056871 +0.015647163411298014805 +0.01554384081103648834 +0.015699909545751807548 +0.015551641378077930919 +0.015692703797387064175 +0.015497093745911994451 +0.01562599103550096493 +0.01537990221994046007 +0.015500660719993853224 +0.015199737283402014183 +0.015318203484537759034 +0.014956008973183027504 +0.015081037504277590401 +0.014647371872212990443 +0.014793267007194218984 +0.014270500446622460974 +0.014462723699509562642 +0.013816472305550497051 +0.014107781291700323861 +0.013256722647684797597 +0.013789925707845036051 +0.012452554124856598592 +0.01396129912662005079 +0.0062643861203948974259 +-0.0010943242249308487137 +0.00057881275421713166623 +-0.0003832609819338640333 +0.00028120837583464784972 +-0.00021863054373046133839 +0.00017629950156578819243 +-0.00014570435399407539525 +0.0001225111004444320785 +-0.00010428468508656685168 +0.000089553419223896537073 +-0.000077376338481309264904 +0.000067124308833749099186 +-0.000058361164393758471832 +0.00005077537147435997271 +-0.000044138849498740344303 +0.000038281163011251851806 +-0.000033072804903236039902 +0.000028414066170833586647 +-0.000024227458606057565788 +0.000020452472226343701285 +-0.00001704192083013589347 +0.000013959415123872418318 +-0.000011177689328543849096 +8.6776474022783142436e-6 +-6.4481356221979780899e-6 +4.4866637974739187445e-6 +-2.8017943829632707433e-6 +1.4195397633750123605e-6 +-4.0434950713279763048e-7 +0.00036741624457483145752 +0.00085434956650200527246 +0.001342644273956352246 +0.0018268956854961120645 +0.0023137719005012620849 +0.002792152899253128439 +0.0032760973662790773746 +0.0037463069774179085162 +0.0042258137978426879641 +0.0046856434695398310949 +0.0051591942094153188406 +0.0056065005446708357194 +0.0060725847937262955594 +0.006505283350971811094 +0.0069624150931779522281 +0.0073784793244950587988 +0.0078252104168398336407 +0.0082226727032209387325 +0.0086576047015002920622 +0.009034558301499759529 +0.0094563533265535213146 +0.0098109546161299324826 +0.010218345675887976706 +0.010548816280945781729 +0.0109406173339675416 +0.011245245851980098244 +0.011620361845383542328 +0.011897504884374945232 +0.012254941991907232795 +0.012503024247620030028 +0.012841900560357571466 +0.013059413612511512812 +0.013378970593973555482 +0.013564470027843617953 +0.013864085143355169014 +0.014016185483634462931 +0.014295386564630405141 +0.014412753325804144068 +0.014671235458314264929 +0.014752573337129142331 +0.014990219412061424615 +0.015034255218297071625 +0.015251161820950880794 +0.015256620068549250128 +0.015453131240319010257 +0.015418699236504484793 +0.015595452035155521274 +0.015519729509509386999 +0.015677717637348498948 +0.015559142877017467475 +0.015699808733700968216 +0.015536547710640602062 +0.015661920670296802945 +0.015451695420670589091 +0.015564608385420299657 +0.015304420748515467418 +0.015408866008076417108 +0.015094530414951662436 +0.015196279204465999817 +0.014821581415018416334 +0.014929343226871175065 +0.014484397337332275095 +0.014612202739762836733 +0.014079872495751929776 +0.014252643789141962059 +0.013599441354828679742 +0.013868744263949581814 +0.013015369765390663503 +0.013520660242379377921 +0.012192444381083189673 +0.013649775090521094902 +0.00611530067698926318 +-0.0010665643647063786308 +0.00056316419370418868372 +-0.00037221598676584487551 +0.00027256644058538738931 +-0.00021146106232698794558 +0.00017012488233392652469 +-0.00014024790302941894714 +0.00011759861523869266835 +-0.000099799673553774467616 +0.000085414374030092810502 +-0.000073524224280737177135 +0.000063515225032455998783 +-0.000054961825133826236513 +0.00004756021227859320772 +-0.000041088122235410494676 +0.000035379660306730920008 +-0.0000303090052722422229 +0.000025779576686467422696 +-0.000021716684273911096713 +0.000018062476954269534371 +-0.000014772474275970178157 +0.000011813251577998216568 +-9.1610513445753722936e-6 +6.8012732364159515106e-6 +-4.7290419286432138978e-6 +2.9515878579507672594e-6 +-1.4948916242139024684e-6 +4.2572812465770566299e-7 +0.0003672209425812699686 +0.00085503363785845318717 +0.0013412996839590278083 +0.0018290359006440314266 +0.0023107204450688450888 +0.0027962186723367019595 +0.003270923048452752306 +0.0037526774693109895045 +0.0042181645935710779519 +0.0046946499090351080218 +0.0051487552202127867948 +0.0056184448205396752391 +0.0060590645612758027789 +0.0065204485688394469445 +0.0069455371366314696895 +0.0073971368192745157602 +0.0078047072475546724208 +0.0082450872881588667187 +0.0086332131018625401336 +0.0090609926164462231461 +0.0094278102549930863725 +0.0098416730651329651749 +0.010185384406738470964 +0.010584088884319017917 +0.010902963550722460596 +0.011285352266820499982 +0.011577729448562441992 +0.011942738826945074053 +0.012207028385137311249 +0.012553698564559984001 +0.012788381149769365054 +0.013115866291304862825 +0.013319492176746832746 +0.013627071513698659289 +0.013798257764507090375 +0.014085347790199713556 +0.014222773272699741633 +0.014488941609857303037 +0.014591339165674266268 +0.014836320884764241 +0.014902465722415553367 +0.015126183216486380489 +0.015154876154249623052 +0.015357464204319146466 +0.015347507740923912822 +0.015529346240055228755 +0.01547951037277290411 +0.015641268535165136362 +0.015550241494828360995 +0.015692939659721834749 +0.015559255734692945353 +0.015684354858368391959 +0.015506286138742328041 +0.015615822321382972969 +0.015391211229390251303 +0.015488006513015171721 +0.015213996346274357242 +0.015302005259258498133 +0.014974584637418414671 +0.015059497708479769266 +0.01467268049017322709 +0.014763053750339543504 +0.014307277650497906626 +0.014416854433245231686 +0.013875493318214807931 +0.014028632530576093536 +0.013369127188639942247 +0.01361615243839455498 +0.012761302873068819317 +0.01323818159929386774 +0.011920423156965156224 +0.013324913279132294625 +0.0059602400664920514906 +-0.0010377615928990115028 +0.00054696380445543700031 +-0.00036080496682714626604 +0.0002636550999402295944 +-0.00020408116667833528991 +0.0001637795697276035824 +-0.00013464934510032874021 +0.00011256562959538790675 +-0.000095211135873214590625 +0.000081185579279977467364 +-0.000069593875208682278943 +0.000059837807125803193132 +-0.000051502915016368263161 +0.000044293481776164968368 +-0.000037993375290795663903 +0.000032441531305241219488 +-0.000027516104535407242797 +0.00002312395953667569179 +-0.00001919357735353427007 +0.000015670237766141394226 +-0.000012512800299276301742 +9.6917086871124136009e-6 +-7.1880852513894456977e-6 +4.9940729266720047651e-6 +-3.1151674385195126395e-6 +1.5771048780340900624e-6 +-4.4904192615499617618e-7 +0.00036741090161295617528 +0.00085436828809680973638 +0.0013426074500115678995 +0.001826954357427894153 +0.0023136881385576061224 +0.0027922646845777172355 +0.0032759548274976618211 +0.0037464828624698615097 +0.0042256020652979915808 +0.004685893493214082268 +0.0051589034816876071427 +0.0056068343809956482801 +0.0060722054332479724108 +0.0065057106796788707948 +0.0069619373072947677554 +0.0073790101171168430353 +0.0078246239917452609897 +0.0082233174784161064546 +0.0086568987504871501798 +0.0090353283790943817565 +0.0094555160285710798335 +0.0098118623906709226369 +0.010217363985306527305 +0.010549875533258767039 +0.010939476642812038243 +0.011246472118440417655 +0.011619045576686356264 +0.011898915907555074237 +0.012253431097486048564 +0.012504640538841230441 +0.012840172887726180827 +0.013061259167461072052 +0.013377000074021026111 +0.013566573252457000606 +0.013861840730743685498 +0.014018580411653051626 +0.014292830832989846954 +0.014415481246422046341 +0.014668322706265683701 +0.014755685008734504114 +0.014986893063666929457 +0.015037813935963041774 +0.015247350787479842883 +0.01526070600256604727 +0.01544874471696170651 +0.015423415710787461938 +0.015590371876188068055 +0.015525212325824655669 +0.01567178686900432918 +0.015565574579838577512 +0.01569281368718980144 +0.01554418017463700447 +0.015653562137280225789 +0.015460887092538205038 +0.015554452952481363898 +0.01531570108675741321 +0.015396259473883086782 +0.01510871812887924863 +0.015180182151915451177 +0.014840017849720459084 +0.01490799197624243871 +0.01450945231829370757 +0.014582330961957409122 +0.014116186422630613338 +0.014207412453873495567 +0.013657563068527295674 +0.013790908392685254558 +0.013125755200480718154 +0.013350252316350758398 +0.012494770461014024098 +0.01294276559799019137 +0.011636756365677493149 +0.012987031047034782387 +0.0057993557963135304056 +-0.0010079439892748456852 +0.00053022729073334291502 +-0.00034903888731325116983 +0.0002544828214818581938 +-0.0001964977793285830368 +0.00015726943621911337718 +-0.00012891379715774849251 +0.00010741670024130483495 +-0.000090523211578289021162 +0.000076870873106886133948 +-0.000065588931835214716776 +0.000056095600898829724398 +-0.000047987996030030295785 +0.000040978886741138974245 +-0.00003485861735995781205 +0.000029471286499483256161 +-0.000024699377318901980604 +0.000020453607196784892409 +-0.000016666137765339868044 +0.000013286059494527317391 +-0.000010276537483055956579 +7.6133470904378950921e-6 +-5.2848861994448053448e-6 +3.2943993785268464951e-6 +-1.6670952824539667017e-6 +4.7454714944072776001e-7 +0.00036722619002824421599 +0.00085501525159010612856 +0.0013413358460582316576 +0.0018289782885018665757 +0.002310802684172025447 +0.0027961089356184684673 +0.0032710629502287040593 +0.0037525048738235756345 +0.0042183723170474491075 +0.0046944046847350891394 +0.0051490402826236724605 +0.0056181175968821480137 +0.0060594362736238383108 +0.0065200300195014888878 +0.0069460049074605806616 +0.0073966173915849806319 +0.0078052808327317330861 +0.008244456965165478117 +0.0086339028374869527567 +0.0090602406835039748449 +0.0094286272960519177649 +0.0098407878617007542129 +0.010186340988974665116 +0.010583057524306281283 +0.010904073292357562438 +0.011284160310201613085 +0.011579007710390476158 +0.011941369882310656801 +0.012208492711740370765 +0.012552133796768830355 +0.012790051821537947274 +0.013114083799813297288 +0.013321392912937455684 +0.013625045534227836028 +0.013800416633375487047 +0.014083047653033802267 +0.014225223888541735817 +0.014486330358731491099 +0.014594122288921958814 +0.014833353415130105755 +0.014905631435415546784 +0.015122803720927052448 +0.015158486875181878233 +0.015353602598518895235 +0.015351642484926405657 +0.0155249130534188926 +0.015484270915693758401 +0.01563614742692246062 +0.015555761522963541943 +0.015686976149464388841 +0.015565714835908586589 +0.015677338806319011014 +0.015513931945305897637 +0.015607459659066207126 +0.015400395907487250348 +0.015477871573644682112 +0.015225239699796799583 +0.015289456013514734695 +0.014988689830810903496 +0.015043514881745584124 +0.014690962335316346809 +0.014741909279683647174 +0.014332057108085745429 +0.014387350766339971782 +0.013911310995904407934 +0.01398408086457388935 +0.013426295209429865806 +0.013539703182177788823 +0.01286956359589683218 +0.01307130335690710102 +0.012216033236603466335 +0.012634700670386438519 +0.011341721318299944744 +0.012636458461204513461 +0.0056328050640840681754 +-0.00097714061551229924724 +0.00051297086157376298045 +-0.00033692903249188126104 +0.0002450582922047569185 +-0.00018871798013991309479 +0.00015060047044758959405 +-0.00012304646552485702053 +0.00010215645845226927172 +-0.000085740111793424779718 +0.000072474175675507607042 +-0.000061513143682253077147 +0.000052292309362361126876 +-0.000044420864231101414279 +0.000037620483920685708431 +-0.000031688377387866612171 +0.000026474203910155999112 +-0.000021865224245519489645 +0.000017776561009550893346 +-0.000014144787693625277275 +0.000010923839906833421469 +-8.082753107316355004e-6 +5.6051940195492751619e-6 +-3.4914887159225168997e-6 +1.7659418368360043838e-6 +-5.0254524225396467704e-7 +0.00036740573939838059637 +0.00085438637511205530257 +0.0013425718786492243698 +0.0018270110234371964474 +0.0023136072593617743212 +0.0027923725912509049718 +0.0032758172823267699559 +0.0037466525168637634092 +0.0042253979279711811158 +0.0046861344221351813443 +0.0051586234925442630235 +0.0056071556795088877994 +0.0060718405780768068142 +0.0065061213526240659346 +0.0069614785271863753305 +0.0073795193357555982806 +0.0078240619478803368958 +0.0082239348028403141658 +0.0086562236079996646091 +0.0090360639733189628793 +0.0094547172380736804697 +0.0098127272484495753803 +0.010216430046003815216 +0.010550881729721676609 +0.010938394832334910653 +0.011247633102791648406 +0.011617801631508083608 +0.011900246854375930553 +0.01225200882445105526 +0.012506158779948031751 +0.012838553681637170855 +0.013062984733204331705 +0.01337516230770350613 +0.013568529561773829662 +0.013859758971282169953 +0.014020795165725194018 +0.014290474818812580981 +0.014417987604134311441 +0.014665655990996019592 +0.014758523157714379939 +0.014983871188412241039 +0.01504103322828885498 +0.015243918773706328682 +0.015264367912154205169 +0.015444833560189810144 +0.015427598012900668832 +0.01558589353557052623 +0.015530015140070150635 +0.015666626931772789756 +0.015571129336372085094 +0.015686820327989800843 +0.015550663317742620046 +0.015646528962963760063 +0.015468541756994866175 +0.01554609133578415936 +0.015324872799178541747 +0.015386151926537351693 +0.015119916513599327907 +0.015167699462138309596 +0.014854029722116458135 +0.01489213602858287214 +0.014527564650176624212 +0.014561411022433871737 +0.014140669016806166786 +0.014178302898273069262 +0.013692852275163838665 +0.013747077212050682449 +0.013181916315799453272 +0.013275261805784944519 +0.012600803169771049275 +0.012779577714788325074 +0.011925363876662395959 +0.012314287573644899189 +0.011035606456569247618 +0.012273537976637512392 +0.0054607506040618465785 +-0.00094538148493469054367 +0.00049521121128380916179 +-0.00032448698940932530663 +0.00023539040350111918855 +-0.0001807489921566955501 +0.00014377876433456416578 +-0.00011705263527833014701 +0.000096789603432792969614 +-0.000080866119273339693054 +0.000067999499818343348064 +-0.000057370396203517974582 +0.0000484318444383579751 +-0.000040805638348127978197 +0.000034222823558900473381 +-0.000028487929909205153623 +0.0000234566772163748075 +-0.000019021706919286736774 +0.000015103336719973315411 +-0.000011643663518514490933 +8.6031458210588132332e-6 +-5.9594314077948802426e-6 +3.7090580922832634504e-6 +-1.8749239211993756169e-6 +5.3339301740857595737e-7 +0.00036723127724332402267 +0.00085499742793378219997 +0.0013413708974209099239 +0.0018289224556047940423 +0.0023108823654024864477 +0.0027960026418897469805 +0.003271198417120757089 +0.0037523378149180807839 +0.0042185732872677834508 +0.004694167552346541462 +0.0051493157838111803132 +0.0056178015446908203027 +0.0060597950514662935106 +0.0065196263340007240021 +0.0069464557036254830742 +0.0073961172479048404458 +0.0078058326070482489572 +0.0082438512185219101684 +0.0086345649691422568812 +0.0090595196703865061049 +0.0094294097841742106359 +0.0098399411938549213037 +0.010187254667485708717 +0.010582073861739531679 +0.010905130072456839598 +0.011283027099701471324 +0.011580220864810718961 +0.01194007304626180657 +0.012209877217505019535 +0.012550657353552190099 +0.012791624782443218279 +0.013112409391463968186 +0.013323174089880123606 +0.013623151828600264895 +0.013802429120915239192 +0.014080909575218709464 +0.014227494991333984502 +0.014483918087830711168 +0.014596684674516906037 +0.014830631054346774448 +0.01490852467473570581 +0.015119727505653048961 +0.015161759536066658687 +0.015350118439142491923 +0.015355355030058335574 +0.01552095310022770177 +0.015488499796334943751 +0.015631625163623226364 +0.015560605095191770598 +0.015681779213259685751 +0.015571302134389240377 +0.015671318186983449142 +0.015520436085765505389 +0.015600412925218412045 +0.015408055275220407173 +0.015469515836701262958 +0.015234392827684229471 +0.015279382389373406292 +0.014999835646698694136 +0.015031107611290324793 +0.014704870514938169347 +0.014726192405226442561 +0.014349985500667173821 +0.014366672561684570111 +0.01393547599978039723 +0.013955390718509543499 +0.013461024549450084128 +0.013496632297522664827 +0.012924665868704723825 +0.012997842016945293216 +0.012319737073728848802 +0.012475359963715562264 +0.01162304676987527219 +0.011981839089511064834 +0.010718711075677785841 +0.011898624099404283093 +0.0052833605281319103857 +-0.00091269753084645445039 +0.00047696549856099759644 +-0.00031172463002856256865 +0.00022548823443889693668 +-0.00017259816580927859822 +0.00013681049892440388031 +-0.0001109376592817688419 +0.00009132089711231606543 +-0.000075905592895324314309 +0.000063450971083322074352 +-0.000053164755039528972884 +0.000044518408204465184817 +-0.000037146897028079574422 +0.000030791171270531021487 +-0.00002526364543022574631 +0.000020426763590050130297 +-0.000016179405209966528148 +0.000012448281553850230705 +-9.1828169240013175824e-6 +6.3529379072192237452e-6 +-3.9502493293690954724e-6 +1.995568874125414441e-6 +-5.675156183442936746e-7 +0.00036740071692110661318 +0.00085440397139952875288 +0.0013425372763780705876 +0.0018270661364742039781 +0.0023135286139008736986 +0.0027924774893470416349 +0.0032756836153132136382 +0.0037468173256947220877 +0.0042251997064366917159 +0.0046863682555756195791 +0.0051583518961582593428 +0.0056074671608380883509 +0.0060714871026532417416 +0.0065065189326753540628 +0.0069610347176734394937 +0.0073800115259452956758 +0.0078235191878178093224 +0.0082245303713546516275 +0.0086555729316315431561 +0.0090367721294507929651 +0.0094539491456402513118 +0.0098135578310885788221 +0.010215534308349564824 +0.010551845412637772966 +0.010937360272747883966 +0.011248741628762123985 +0.011616615872336467841 +0.01190151331141036226 +0.012250657984057695813 +0.012507597935634394097 +0.012837022003650708203 +0.013064613447725248752 +0.013373431698941540092 +0.013570367306964929707 +0.013857808416421214151 +0.014022864687631617703 +0.014288279627621796476 +0.014420315781449939249 +0.01466318681571855631 +0.01476114213083705345 +0.014981092721372001356 +0.015043981907733364091 +0.015240787992960028333 +0.015267694027855173611 +0.015441297324717829839 +0.015431360949780012434 +0.015581885224826797839 +0.015534289941901758873 +0.015662061648057977714 +0.015576012489339397717 +0.015681587879328138682 +0.015556281323031204875 +0.015640483312669545344 +0.015475064218846244974 +0.015539034226844444181 +0.01533253310456705191 +0.015377806502554109907 +0.015129045852525336914 +0.01515766586243292087 +0.014865115817221184 +0.014879812571170996573 +0.014541359260974896557 +0.014545844887380128594 +0.014158399612507625361 +0.014157883011619415069 +0.013716679651100779192 +0.013718830991752106423 +0.013216055304754049466 +0.013232989930436689109 +0.012654796040651856158 +0.012707714146451232001 +0.01202664057459631187 +0.012158946804916824889 +0.011309377750012229759 +0.011637679710153675884 +0.010391345037668290784 +0.0115120830373209703 +0.0051008081615523581917 +-0.00087912057336248804642 +0.00045825132398336165403 +-0.0002986540914474706396 +0.00021536103294055654271 +-0.00016427296113134346023 +0.00012970192886225146996 +-0.00010470694730227902078 +0.000085755161751529732897 +-0.000070862979661549919996 +0.000058832863019759112075 +-0.000048900537902384118317 +0.000040556621403186710661 +-0.000033449894395900783498 +0.000027331857637258763451 +-0.000022023548324037847637 +0.000017395071065392186958 +-0.000013352840644131571938 +9.831907659263713969e-6 +-6.7921965687855823113e-6 +4.218855743691030993e-6 +-2.1297135570333037235e-6 +6.0542323253374501969e-7 +0.00036723624535892560786 +0.00085498002262872698449 +0.0013414051222718083058 +0.0018288679479978810839 +0.0023109601388995862139 +0.00279589892008451089 +0.0032713305650625005621 +0.0037521749080415419292 +0.0042187691814302214022 +0.0046939365173427179427 +0.005149584061313535117 +0.0056174939564108605611 +0.0060601440010212118585 +0.0065192339768406639278 +0.0069468935228295931726 +0.0073956318927112917926 +0.0078063676025481081502 +0.0082432644374237197832 +0.0086352057326719551647 +0.0090588226653291746705 +0.0094301653631712584016 +0.0098391246236394680581 +0.010188134743277593374 +0.010581127655890701665 +0.010906145157016677593 +0.011281940248352361683 +0.011581382527112823687 +0.011938833354449803481 +0.012211198351998017357 +0.012549251146153756634 +0.012793119935033259855 +0.013110821151349644383 +0.01332485986133404412 +0.013621363745064148312 +0.013804324674313388803 +0.014078900971588149955 +0.014229622700080541989 +0.014481664685171980651 +0.014599070962003111494 +0.014828104010378638263 +0.014911201118562011639 +0.015116892141147947917 +0.015164764342893615522 +0.015346932522898993333 +0.015358735038606157493 +0.01551736449907117949 +0.015492313247726823072 +0.015627568559999221149 +0.01556492554290263427 +0.015677171421299982938 +0.015576224089301120691 +0.015666051305234115537 +0.01552608337898634911 +0.015594344047248755124 +0.015414593818659411041 +0.015462451089897468648 +0.015242050764361366944 +0.015271051239009178741 +0.015008936479669599163 +0.015021119632883032172 +0.014715890261274247133 +0.014713960607526216099 +0.014363657241373671349 +0.01435126822347624836 +0.013952995592314033149 +0.013935245027245110373 +0.013484495036999563274 +0.013468853645735450443 +0.012958185029439429938 +0.012956406664194752203 +0.012372571473366211593 +0.012405160816268606273 +0.011721800805099425527 +0.011830646760235634704 +0.010984663820934203125 +0.011282145310263654974 +0.010053828476084456122 +0.011114292338385401091 +0.0049132718736088264663 +-0.00084468328457018758971 +0.00043908670552506898582 +-0.0002852877537210699081 +0.00020501819434926399106 +-0.00015578092760276303385 +0.00012245936551921115964 +-0.00009836595606389877891 +0.000080097282776896119711 +-0.000065742839351829020493 +0.000054149657430564247547 +-0.000044582431436452431153 +0.000036551729180156748854 +-0.000029720904946535590541 +0.000023852842284453444012 +-0.000018778231399978518119 +0.000014376248275857045253 +-0.000010562948989590544639 +7.2851522085754085201e-6 +-4.5194965277919476747e-6 +2.2795848869093517173e-6 +-6.4773286113239494576e-7 +0.00036739579258106480745 +0.00085442122283997690112 +0.0013425033558531384209 +0.0018271201553123882384 +0.002313451545443607454 +0.0027925802582526311491 +0.0032755527006441352987 +0.0037469786846500029804 +0.0042250057115569260339 +0.0046865970001959827946 +0.0051580863434522785991 +0.0056077715424945621666 +0.0060711418935956367382 +0.0065069069582398292701 +0.0069606018841366581061 +0.0073804911720696973561 +0.0078229907011292367931 +0.00822510975983920127 +0.0086549405370740623759 +0.0090374596872711577188 +0.0094532042043453873294 +0.0098143624495929753213 +0.010214667634333971975 +0.010552776616767425797 +0.010936361955017978538 +0.011249809766058463149 +0.011615475072234149554 +0.011902729771023737139 +0.012249362696944604252 +0.012508975409221283712 +0.012835558771749449801 +0.01306616624704913486 +0.013371785258501923818 +0.01357211175749350221 +0.013855961256934532777 +0.014024819624017450909 +0.014286211432829911404 +0.014422503180434642034 +0.014660873744461706748 +0.014763587931345228689 +0.014978506468967171102 +0.015046717089169650649 +0.015237894547673016123 +0.015270756049901359922 +0.015438055293800897634 +0.015434795707046480194 +0.015578243541732048594 +0.015538154466213422477 +0.015657956371428260869 +0.015580378761779705996 +0.015676937627524017943 +0.015561241774763742696 +0.015635182593281044153 +0.015480739875718104488 +0.015532943418697246536 +0.015339086007403028806 +0.015370736324880336246 +0.015136698657971303874 +0.015149352387630724733 +0.014874184002430403745 +0.014869875217201336931 +0.01455230664550112399 +0.014533711956359239338 +0.014171939851018546794 +0.01414265082271288234 +0.013733975783707151605 +0.013698974567006326693 +0.013239150523856548768 +0.013205701509887378052 +0.012687667014226415147 +0.012667151512523310972 +0.012078269049867995277 +0.012090476635377193132 +0.01140551650834951977 +0.011490779848992482648 +0.010649222874609991404 +0.010915582804976545566 +0.0097064914926901001623 +0.010705640517064397541 +0.0047209349033437261382 +-0.0008094191517919506888 +0.00041949005161677026673 +-0.00027163821463833662821 +0.00019446923670894185382 +-0.00014712968117708514808 +0.00011508915899457235023 +-0.000091920181867380755597 +0.000074352221071536229682 +-0.000060549890620008019879 +0.000049406146189881677821 +-0.000040215682867705423957 +0.000032509936281135866665 +-0.00002596778853696237246 +0.000020364651134247572595 +-0.000015542410377780629965 +0.000011391601927897155336 +-7.8416412590632377046e-6 +4.857849535500992314e-6 +-2.4479064370391043854e-6 +6.9519699625270315251e-7 +0.00036724113682823790625 +0.00085496288682248439722 +0.001341438813738591339 +0.0018288142978382580797 +0.0023110366740717104587 +0.0027957968743471468027 +0.0032714605401792770052 +0.003752014733435659385 +0.0042189617162734441839 +0.0046937095423148468525 +0.0051498474975522327503 +0.0056171920793266975194 +0.0060604862717941096043 +0.0065188493737389228276 +0.0069473223938959155889 +0.0073951568107977874751 +0.0078068908550693004235 +0.0082426910283924879154 +0.008635831319358585069 +0.0090581428354879738706 +0.0094309015552926213891 +0.0098383298869112782421 +0.010188990280151768383 +0.010580208979536423201 +0.010907129407271865799 +0.011280887882541632752 +0.011582505670528060264 +0.0119376366366390824 +0.01221247159146596852 +0.012547898269967350566 +0.01279455574997681064 +0.013109298887319314938 +0.013326472316851445608 +0.013619657096958360172 +0.013806129804740038243 +0.014076992746719777862 +0.014231638992106188452 +0.014479534949286427411 +0.014601319971894017271 +0.014825729386326087933 +0.014913708271883785517 +0.01511424489366422491 +0.015167559985789477937 +0.015343979346422907431 +0.015361855841054784845 +0.015514064886581340523 +0.01549580410781717905 +0.015623872569820100986 +0.015568842218260226352 +0.015673016560803527509 +0.015580636907291874826 +0.015661358088526214573 +0.015531082587662648237 +0.015589009508281126967 +0.015420297504856645783 +0.015456339046030769365 +0.015248616921162654065 +0.015263977206193952278 +0.0150165820381233004 +0.015012826572085810297 +0.014724922338751749519 +0.014704078178901545873 +0.014374526976363266114 +0.014339240614160406038 +0.013966396479832088654 +0.01392019451900821448 +0.013501556120621923312 +0.013449300631941962904 +0.012980887603450305531 +0.012929630031433542228 +0.012404767149253639835 +0.012365505644530364872 +0.011772177663181265737 +0.011763967875956365236 +0.011078097778162855458 +0.011139677247327068527 +0.010303383403762377513 +0.010538349792898512337 +0.0093496738472861562392 +0.010286526668423703905 +0.0045239851805320291661 +-0.00077336243861135284703 +0.00039948013107492049865 +-0.00025771826056001397464 +0.00018372377187623194 +-0.00013832687803873466568 +0.00010759767968848740268 +-0.000085375158841091113098 +0.000068525042211448718888 +-0.000055289093892265488801 +0.000044607603683768284667 +-0.000035806419230743673002 +0.000028438965945693672709 +-0.000022200943645890501325 +0.000016881991673625697494 +-0.000012337690158907448337 +8.4739814977427043306e-6 +-5.2409664444627773074e-6 +2.6380413846459507188e-6 +-7.4874186506001670026e-7 +0.00036739092263267564743 +0.00085443828279753592038 +0.0013424698151322938415 +0.00182717356170101126 +0.0023133753649868418315 +0.0027926818195449416902 +0.0032754233600518168043 +0.0037471380522032101468 +0.0042248141812970513148 +0.0046868227451389275957 +0.0051578243941373997688 +0.0056080716407164941694 +0.0060708017328892944982 +0.0065072890762174171734 +0.0069601759221377629031 +0.0073809628665784835062 +0.0078224713747660054845 +0.0082256786369630931431 +0.0086543201622308530243 +0.0090381335432849077751 +0.0094524748386847649037 +0.0098151494071569172656 +0.010213820939729543407 +0.01055368526599747427 +0.010935389050972320078 +0.011250849318589688284 +0.011614366372336522469 +0.011903910235116245338 +0.012248107719972296733 +0.012510307794881892388 +0.012834145917631952534 +0.013067662811999005135 +0.013370201537003105489 +0.013573786307741052733 +0.013854191953332373337 +0.014026687887125663153 +0.014284239689650729583 +0.014424583275863350883 +0.014658680030743316089 +0.014765900971402459008 +0.014976067897447818078 +0.015049287957554459831 +0.015235183983916542693 +0.015273614424868540365 +0.015435040176631633657 +0.015437977426645374123 +0.01557488429659482534 +0.015541703380172591093 +0.015654204239146108445 +0.015584349289299779773 +0.015672731635985584362 +0.015565702508995881352 +0.015630445242919702366 +0.015485778779278011358 +0.015527574385908416577 +0.015344818095814187071 +0.015364603017111802704 +0.015143277702000284515 +0.015142275319879402022 +0.014881820971452817367 +0.014861604516504219126 +0.01456129996822000792 +0.014523887918417787238 +0.014182727509597219085 +0.014130734100472817506 +0.01374723039461270575 +0.013684114307686020268 +0.013255965981374533633 +0.013186464978243781423 +0.012709960718980020726 +0.012640906965926567194 +0.012109763721628173234 +0.012051762055652464408 +0.011454597984848090505 +0.011425952127477472359 +0.010739865797987857464 +0.010777680928121791394 +0.0099474842113167780577 +0.010150814183092728703 +0.0089837246419690129278 +0.0098573600699460792148 +0.0043226151420808956098 +-0.00073654814317163268336 +0.0003790760389393123338 +-0.00024354083207724773043 +0.00017279147131810399188 +-0.0001293801847272273419 +0.000099991301086375299575 +-0.000078736468581027210364 +0.000062620976151018890886 +-0.00004996579857046501371 +0.000039760082287991681848 +-0.000031362190974504565279 +0.000024349019658589132097 +-0.000018434976221198230994 +0.000013426668973909035837 +-9.1977953407857537678e-6 +5.6777061555828390606e-6 +-2.8541869488827882223e-6 +8.0951912302246652878e-7 +0.00036724599719997961528 +0.00085494586084909859531 +0.0013414722861006817983 +0.0018287610038532387734 +0.0023111126875435893349 +0.0027956955466532503849 +0.0032715895665779686664 +0.0037518557769799159228 +0.0042191527195543753792 +0.0046934844622064154495 +0.0051501086188812103668 +0.0056168930011913677251 +0.0060608251873653850627 +0.0065184687632549600676 +0.0069477465439820855229 +0.0073946872798493986975 +0.0078074076133754387836 +0.0082421251827848264121 +0.0086364481336108544396 +0.0090574731420018801056 +0.0094316260757258792522 +0.0098375485466628188346 +0.010189830486534644016 +0.010579307798576521116 +0.010908093742532888345 +0.011279858132216220117 +0.011583603188198009226 +0.011936468896499765494 +0.012213712124365007938 +0.012546582245379721344 +0.012795950108624648579 +0.013107823192458027066 +0.013328032527967239724 +0.01361800899151774607 +0.013807869403091975615 +0.014075157811160333916 +0.014233573383201269907 +0.01447749667834862635 +0.014603466889117454439 +0.014823468673178120029 +0.014916088360579807453 +0.015111739366308264784 +0.015170197559809279572 +0.015341202502110063896 +0.015364779876711686452 +0.015510984946134850143 +0.015499049569631263031 +0.015620450937234314894 +0.015572451856451969459 +0.015669205716294056536 +0.015584663739192874825 +0.01565709865144451476 +0.015535593392628340336 +0.015584226054959902789 +0.015425377858870223365 +0.015450934010108840745 +0.015254378637614399751 +0.015257821735024752293 +0.015023174492953911358 +0.015005746379540126118 +0.014732550306662496707 +0.014695830831755042672 +0.014383479873351447224 +0.014329477430799508462 +0.013977098664546457205 +0.01390839318836452695 +0.013514658626222806767 +0.013434638050426113312 +0.012997448048360005739 +0.012910721798781991919 +0.012426637096705270568 +0.012339812037894038508 +0.011802947218164451554 +0.011726225210457873254 +0.011125842237632715328 +0.011076757925137738506 +0.01039115258227847916 +0.010405143278671636623 +0.0095818741196483140515 +0.0097533538042452727344 +0.0086090020016398024392 +0.0094185597706584478785 +0.0041170215440363031608 +-0.00069901195302279799293 +0.00035829715683505474807 +-0.00022911898275496665425 +0.00016168202513107641695 +-0.00012029724461397603503 +0.000092276387318794186677 +-0.000072009772093830617053 +0.000056645532274885700571 +-0.00004458600528033459798 +0.000034870928831709786032 +-0.000026892925001148318283 +0.000020254487832866472315 +-0.000014691761835047833675 +0.000010033181883704851846 +-6.179341222178858646e-6 +3.1016430614533291322e-6 +-8.7897676664420191828e-7 +0.00036738605911840213612 +0.0008544553193624456434 +0.0013424363234234463273 +0.0018272268830904090769 +0.0023132993187814297702 +0.0027927831803828694327 +0.0032752943074039035661 +0.0037472970181078405718 +0.0042246231980993272679 +0.0046870477598357127418 +0.0051575634026616589385 +0.005608370501858676376 +0.0060704631480217596588 +0.0065076692115349710211 +0.006959752426948321559 +0.007381431522753611225 +0.0078219557565302603075 +0.0082262430260750843746 +0.0086537051782107408173 +0.0090388009687845445475 +0.0094517530952946342218 +0.00981592738207901605 +0.010212984774816618315 +0.010554581632060641656 +0.010934430411620221646 +0.011251872373124130745 +0.011613276681593493972 +0.011905068872320993867 +0.01224687772589238488 +0.01251161166831984564 +0.012832765517246350098 +0.013069122526366184646 +0.013368659566342322619 +0.013575413649839991517 +0.013852475932284400385 +0.014028496108812833995 +0.014282335507013732839 +0.014426587445858943794 +0.014656571549888392035 +0.014768118418785292774 +0.014973736455872155767 +0.015051738838363332924 +0.01523260774957498287 +0.01527632245583488068 +0.015432193308590567108 +0.015440970848841121842 +0.015571735834514061598 +0.015545016243788360336 +0.015650716610826788109 +0.015588023194756074359 +0.015668858617039452556 +0.01556978900924305305 +0.015626129114124452097 +0.015490342761340719917 +0.01552274188794202826 +0.015349942649075618093 +0.015359159454295447339 +0.01514907130842949684 +0.015136095727531138875 +0.014888428441713368101 +0.014854520004742122126 +0.01456891965231963033 +0.014515663763733143965 +0.014191639491438525777 +0.014121033025124938371 +0.013757844949874936427 +0.013672431596564859077 +0.01326891186881191598 +0.013172006142144434198 +0.012726258180168141887 +0.012622337367259450148 +0.012131196589982523376 +0.012026636565400022536 +0.011484620139914735168 +0.011389210651433276461 +0.010786233978600936962 +0.010716724347379991855 +0.010032300725745773714 +0.010022426691848968981 +0.009206911683863913356 +0.0093463559932534356924 +0.0082258727532813575502 +0.008970554166839104645 +0.003907405269386500681 +-0.00066079019543798229011 +0.00033716310583697152336 +-0.00021446582851061543838 +0.0001504050924811608327 +-0.00011108564165429010993 +0.000084459292983846001503 +-0.000065200885084804493456 +0.000050604717126642085952 +-0.000039156840159104801245 +0.000029949712986257684304 +-0.000022412659239196707581 +0.000016177147638144289877 +-0.000011006422637896761346 +6.7604230423899973499e-6 +-3.3871901574217477489e-6 +9.5895801263060099098e-7 +0.00036725087757283189851 +0.00085492876562816421562 +0.0013415058917091454468 +0.0018287075043758140665 +0.0023111889816632262994 +0.0027955938653997229055 +0.0032717190119329260483 +0.0037516963492120532273 +0.0042193442276064730891 +0.0046932588690051061624 +0.0051503702298170592232 +0.0056165934958862340697 +0.006061164421057790156 +0.0065180879985353018501 +0.0069481706207400214185 +0.0073942181229876743062 +0.0078079236133872554794 +0.0082415605741940915533 +0.0086370631256506917391 +0.0090568059753382769518 +0.0094323472312835442197 +0.0098367715580178894649 +0.01019066518934442336 +0.010578413456451880202 +0.010909049700699495564 +0.011278838521791549507 +0.011584688554998656863 +0.011935315592290503588 +0.01221493563365021719 +0.012545286166172239301 +0.012797321231278527982 +0.0131063744315564447 +0.013329561657060279011 +0.013616396613827433039 +0.013809568077237610556 +0.014073369606338965635 +0.014235454560400392426 +0.014475518855922977928 +0.014605545287370174099 +0.014821285480738224208 +0.014918380887283214454 +0.015109332604996167536 +0.015172723860262589401 +0.015338550903591107894 +0.01536756304420798699 +0.015508063360443629808 +0.015502117077697754072 +0.015617229258686760115 +0.015575836801189919549 +0.015665647440691514172 +0.01558840652202048119 +0.015653158904679829428 +0.015539744040754983512 +0.015579848848007122723 +0.015429999289698559665 +0.015446048335129409455 +0.015259551355350270833 +0.015252335878963259422 +0.015029003520497371574 +0.014999539411908261825 +0.014739175721033257534 +0.014688739453863428726 +0.014391093372738829726 +0.014321274895301881662 +0.013985970685771551578 +0.013898753996975585067 +0.013525184909818165144 +0.01342307563434526335 +0.013010234400512377999 +0.012896471130694389578 +0.012442665305741364008 +0.012321589635817151685 +0.011823931545355421654 +0.011701683039461569533 +0.011155096837947937214 +0.011041044565098342148 +0.010436107901484285967 +0.010346200574661041823 +0.0096636631683533260072 +0.0096299031243265461564 +0.0088229649152686719615 +0.0089302171589568639693 +0.0078347121076179786243 +0.008513780563022485928 +0.0036939711318603254422 +-0.00062191978156384571642 +0.00031569368883426941144 +-0.00019959448415200615969 +0.00013897024143045809445 +-0.00010175286461058721152 +0.000076546390862181224726 +-0.000058315938176445107097 +0.00004450544784845136469 +-0.000033687434696900174439 +0.000025009959389526910303 +-0.00001794285559818836333 +0.00001215252711662054987 +-7.4400435865336187143e-6 +3.7196308871089049811e-6 +-1.0518416944273748268e-6 +0.00036738114689572432678 +0.0008544725257677128191 +0.0013424025005983350507 +0.001827280725267127922 +0.0023132225417515193231 +0.0027928854956556127854 +0.003275164069479570579 +0.0037474574011255808347 +0.0042244305712725223271 +0.0046872746328457230638 +0.0051573003568092963953 +0.0056086715876872453099 +0.00607012220144703072 +0.0065080518042980492501 +0.0069593264283653260697 +0.0073819026693992915542 +0.0078214377293343673163 +0.0082268096636291423681 +0.0086530881964735828444 +0.0090394700390077826835 +0.0094510301754592274795 +0.0098167059358079548384 +0.010212148773345948493 +0.010555476931264697242 +0.010933473921723665731 +0.011252891996792832694 +0.011612191923386944754 +0.0119062208315823629 +0.012245656424649871953 +0.012512904536231349193 +0.012831398764058696981 +0.013070565588444161338 +0.01336713765459537731 +0.013577017082584805997 +0.013850788161867415532 +0.014030271195334075647 +0.014280469945928786512 +0.014428546840399467797 +0.014654514739703231241 +0.01477027647580511146 +0.014971473042838255077 +0.015054112027379008252 +0.015230120016589418882 +0.015278929891205347319 +0.01542946057352700064 +0.015443834975388090481 +0.015568733666218055049 +0.015548163736524983575 +0.015647415792732508289 +0.015591486157314959361 +0.015665223755738048422 +0.015573606596265495217 +0.015622116739221768056 +0.015494563414416269036 +0.015518297807865938925 +0.015354627240244228903 +0.015354214998231557803 +0.015154297659800015548 +0.01513056227525159644 +0.014894297991312395161 +0.014848280804193028071 +0.014575567577343799065 +0.014508561299899563409 +0.014199250613981236105 +0.014112848789885720444 +0.013766679748826646097 +0.013662852241472121026 +0.013279351104088701085 +0.013160563786199871616 +0.012738884039181292452 +0.012608297276091593129 +0.012146951354480833249 +0.012008767772599618664 +0.011505146704731216958 +0.011365264644895602623 +0.010814703384205876789 +0.010682063292498393458 +0.010075809671449103818 +0.009965545397610097916 +0.0092856029877210002483 +0.0092279536119808804164 +0.0084304110241832651819 +0.0085053423143061962663 +0.0074359033485226797105 +0.008048684716125973861 +0.003476927675929693172 +-0.00058243814188116509463 +0.00029390881785998626996 +-0.00018451798213204278963 +0.00012738687634330518645 +-0.000092306280272976091302 +0.000068544160506865202811 +-0.000051361706979232402094 +0.000038356352293365129798 +-0.000028190617881006444121 +0.00002007254056389039837 +-0.000013519142981555840817 +8.2437218397596833199e-6 +-4.1105841455106182532e-6 +1.1607456843368569844e-6 +0.00036725583826771461595 +0.00085491138979969380062 +0.0013415400462828799232 +0.0018286531370595247439 +0.0023112665019781434253 +0.0027954905687580688902 +0.0032718504851312068991 +0.0037515344649626454882 +0.0042195386300716917595 +0.0046930299410498329443 +0.0051506356112544419508 +0.0056162897961385318991 +0.0060615082538282244364 +0.0065177022572585448868 +0.0069486000161132375045 +0.0073937433496126006706 +0.0078084454743739216508 +0.0082409899234830225241 +0.0086376842670873604006 +0.0090561326371735441631 +0.009433074483136711679 +0.0098359886586585248836 +0.010191505492815006868 +0.010577513963437448831 +0.01091001020374469108 +0.01127781514668718861 +0.011585776712554495109 +0.011934160686292108745 +0.012216159317409856593 +0.012543991603694476776 +0.012798688854057686061 +0.013104931476494318269 +0.013331082317459444792 +0.013614795762254456445 +0.013811251731501940501 +0.014071600397925472654 +0.014237312230181486784 +0.01447356964418366918 +0.014607589314700413027 +0.014819143149102602488 +0.014920625251794002698 +0.015106982211249607878 +0.015175184578998543176 +0.015335975228852255327 +0.015370258682065944096 +0.015505242329579129207 +0.015505069407741447286 +0.015614139185417197888 +0.015579071670759065484 +0.015662260030191394287 +0.015591955005768682297 +0.015649439915222896975 +0.015543644000695642543 +0.015575756264394502732 +0.015434297523897837762 +0.015441529828498845815 +0.01526430661677397361 +0.015247325199004510441 +0.015034290854336421701 +0.014993951139277529425 +0.014745092856850181056 +0.01468246115687545855 +0.014397770424167164785 +0.014314155032466836006 +0.013993585377441978672 +0.013890582559141709749 +0.013533987455755075069 +0.013413551788500273048 +0.013020590140603751396 +0.012885146217204852821 +0.012455132153109218547 +0.012307760029504320538 +0.011839411242816292229 +0.011684171619096348295 +0.011175159164473466214 +0.011017704702348529968 +0.010463777498114276292 +0.010312612764355517347 +0.0097056958120489394035 +0.0095751266563125205384 +0.0088984932366751307388 +0.0088169677270511178922 +0.008029636196161967895 +0.0080721445663036613634 +0.0070298375383997339962 +0.0075757203590475008363 +0.0032564869732428855714 +-0.00054238314899453421314 +0.00027182841940412754307 +-0.0001692491665421181799 +0.00011566415272423928242 +-0.000082753136682818419585 +0.000060459409012403627958 +-0.000044346292836343491793 +0.000032169369046140813873 +-0.000022686333038047467651 +0.000015172766802671530541 +-9.2063061272808433283e-6 +4.5756783494391962301e-6 +-1.2898284180055423203e-6 +0.00036737611901050419305 +0.00085449013659619946801 +0.0013423678853303803452 +0.0018273358230835685566 +0.0023131439851393559364 +0.0027929901644333470877 +0.0032750308631525786321 +0.0037476214003363947863 +0.004224233655167904426 +0.0046875064861370254411 +0.0051570316290771841037 +0.0056089790601948986486 +0.0060697741677518682911 +0.0065084421724628502745 +0.0069588919863741937709 +0.0073823828986919718937 +0.0078209100179544931872 +0.0082273865397615490824 +0.0086524604789209507489 +0.0090401502744660556285 +0.0094502957401703303273 +0.0098174962638163230885 +0.010211300843254939825 +0.010556384194847996106 +0.010932505565487605728 +0.011253923238497390277 +0.011611095963570904754 +0.011907383388488409913 +0.01224442533842336699 +0.012514206144661609264 +0.01283002457192033242 +0.013072014503042353204 +0.013365611792152993853 +0.013578622215145596327 +0.01384910132876737256 +0.014032042279942327155 +0.014278611924583081253 +0.014430494633185899318 +0.014652474174362993339 +0.014772413000135699374 +0.014969237166567676246 +0.015056450878866705965 +0.015227674309431121681 +0.015281486622030678293 +0.015426788329038574412 +0.015446627584762720064 +0.015565815434695896439 +0.015551213304864531636 +0.015644228656392070038 +0.015594817677617173074 +0.015661740371580220946 +0.015577250080274045159 +0.015618304055475151008 +0.015498555388324659353 +0.015514115313314853839 +0.015359012803418028751 +0.015349612289224871957 +0.01515913337519920965 +0.015125475602661344637 +0.014899656035211370115 +0.014842628054772533299 +0.014581541850119514375 +0.014502234501360734223 +0.014205966004927162755 +0.014105702561058229671 +0.013774306666952190229 +0.013654685328464236164 +0.013288129195461347544 +0.01315108823257343909 +0.012749162789667217923 +0.012597084170239326922 +0.012159263756589668404 +0.011995145402059065295 +0.011520352948200045552 +0.011348111036449090969 +0.010834298423060306939 +0.010659336000342902837 +0.010102668560619601945 +0.0099330478302230229232 +0.0093261336749383726289 +0.0091753205819897123173 +0.0085027168536541563514 +0.0083973429524492690644 +0.007621035423785174358 +0.0076310445464037965889 +0.0066169132525976934897 +0.0070953486975751170669 +0.0030328644157448743519 +-0.00050179302131198218971 +0.00024947230675232087444 +-0.00015380055274399302457 +0.00010381088505688429002 +-0.000073100647162819095403 +0.000052299783895096739856 +-0.000037280560149391954317 +0.000025963102836855942655 +-0.000017209005134048512204 +0.000010376590076638697761 +-5.136396681756194202e-6 +1.4447475036646443118e-6 +0.00036726095477715084909 +0.00085489346888492890546 +0.0013415752698721608164 +0.0018285970736695757159 +0.0023113464302202780308 +0.0027953840807604557339 +0.0032719859940042748005 +0.0037513676491114514758 +0.0042197389032030596814 +0.0046927941682350045432 +0.0051509088391030883498 +0.0056159772287594933636 +0.0060618619873920879152 +0.0065173055779405166272 +0.0069490413827958406549 +0.0073932555839854278536 +0.0078089813275374093452 +0.008240404310793149402 +0.0086383213005992063152 +0.0090554425266722647704 +0.0094338193270044951402 +0.009835187419634737111 +0.010192364799345384583 +0.010576594901322439123 +0.010910990730500011854 +0.011276771419861513322 +0.011586885406859576904 +0.011932985219245287199 +0.012217403406521528592 +0.012542676992526405607 +0.012800075945021709441 +0.013103469882617261997 +0.013332620511009605667 +0.013613178789631016705 +0.013812949755075155432 +0.014069818948252794853 +0.014239179596272363472 +0.01447161374303363592 +0.014609636512465382266 +0.014817001734009646684 +0.014922863982221747511 +0.015104642869871482299 +0.015177628047377894879 +0.015333423871256703278 +0.015372921966349172126 +0.015502462772878407528 +0.015507969928408305739 +0.015611112620522409822 +0.015582229798014688403 +0.015658964328028937391 +0.015595394855079601635 +0.01564584871115241283 +0.015547394490590849195 +0.015571837731175838839 +0.015438393805320633426 +0.015437245003864912602 +0.015268792039089185623 +0.01524262566309260882 +0.015039219723528381169 +0.014988775720830608774 +0.014750534392284031073 +0.014676731149946356972 +0.014403814580317141509 +0.014307767059204077705 +0.014000351662454163792 +0.013883397581533893786 +0.013541638748819497486 +0.013405377560194979028 +0.013029355220888584849 +0.012875708015040008597 +0.012465344223443372545 +0.012296649210624745896 +0.011851577736338701412 +0.011670749177000950055 +0.011190097718439727546 +0.01100090509259146959 +0.010482906566648158982 +0.010290499968231729901 +0.0097317377654629546083 +0.0095437314328343940066 +0.0089375015409453160663 +0.0087665109947610143413 +0.008098666690536650616 +0.0079694839329698318916 +0.0072050124301451806503 +0.0071824697525528450017 +0.0061975363643219506856 +0.0066080378700483696348 +0.0028062785057964942793 +-0.00046070619689561715221 +0.00022686000180613029144 +-0.00013818414037768786307 +0.000091835470212604089143 +-0.000063356279768825945292 +0.000044074955344438051006 +-0.000030181304828460016918 +0.000019770342054728555418 +-0.000011824945891379517786 +5.8230264330699122132e-6 +-1.6333781073788612992e-6 +0.0003673708888797157644 +0.00085450845516125475436 +0.0013423318812775342322 +0.0018273931261168851043 +0.0023130622943809108341 +0.0027930989926776701197 +0.0032748923883294596883 +0.0037477918500522548745 +0.004224029043116881492 +0.0046877473354341161969 +0.0051567525590314742351 +0.0056092982594501881628 +0.0060694129927678910648 +0.0065088471185369833136 +0.0069584415159019539643 +0.0073828806126814636643 +0.0078203633685761828402 +0.0082279837954038511489 +0.0086518109613972532696 +0.0090408536995955854381 +0.0094495367665009904722 +0.0098183124271014579373 +0.010210425844294985757 +0.010557319685343489302 +0.010931507912935287089 +0.011254984743245985264 +0.011609968891755726008 +0.011908577772294966195 +0.012243161862054829813 +0.012515540535726550341 +0.012828617396153527724 +0.0130734963881512962 +0.013364053211132917373 +0.01358025954847983165 +0.013847383108274550093 +0.014033843610290945603 +0.014276725163497876344 +0.014432469255453745976 +0.014650409138318099504 +0.014774571138658055181 +0.01496698308522908482 +0.015058803912337929467 +0.015225219126116493662 +0.015284047363104612135 +0.015424118387507844104 +0.015449410632009762996 +0.015562915082407750236 +0.015554235491426670731 +0.015641079735496246522 +0.015598098650610658913 +0.015658321557120975365 +0.015580813059380808337 +0.015614589982640118864 +0.015502428173744053672 +0.015510075408657079134 +0.015363229136848222579 +0.015345209178840707601 +0.015163734810361688378 +0.01512066290330020201 +0.014904694559980606509 +0.014837347243836916633 +0.014587083644901593324 +0.014496410375445111865 +0.014212096967524624183 +0.014099236465884070394 +0.013781140773379222018 +0.013647444746311126536 +0.013295821586451574745 +0.013142890171511963529 +0.012757931083781743401 +0.012587667491963601192 +0.012169424449738000638 +0.011984122247793544864 +0.011532387281526149939 +0.011334875891196296059 +0.010848980492650310758 +0.010642881012986015176 +0.010121338671701990122 +0.0099115456105509153622 +0.0093513584883755646447 +0.0091450335477508027883 +0.0085401889321350342262 +0.0083490882806587530065 +0.0076867457319214078666 +0.0075338015355588600266 +0.0067819797449329890188 +0.0067268537533887005692 +0.0057721199167410020163 +0.0061142623511917546546 +0.0025769506437172423964 +-0.00041916115904404944311 +0.00020401047778671611511 +-0.00012241116745506044391 +0.000079745897999043593352 +-0.000053528569671032931511 +0.000035799419283607610988 +-0.000023078707625662865292 +0.000013656547888246718524 +-6.6795592870770458453e-6 +1.8669771902356962402e-6 +0.00036726632827991734814 +0.00085487464845926315108 +0.0013416122592381549803 +0.0018285382048899741212 +0.0023114303485161977658 +0.0027952722925516326748 +0.0032721282236487422904 +0.0037511925940242303503 +0.0042199490210557931942 +0.0046925468680325848782 +0.0051511953450283068733 +0.0056156495733144883096 +0.0060622326698482461636 +0.0065168900464057657051 +0.0069495035391964894002 +0.0073927450653550479141 +0.0078095419142299253689 +0.0082397919755724631173 +0.0086389870450657653073 +0.0090547217267794914732 +0.0094345968188821013331 +0.0098343516041234662384 +0.01019326056981485465 +0.010575637540368458181 +0.01091201132619315688 +0.011275685931863995766 +0.011588037462727401741 +0.011931764897091342728 +0.012218693721286504072 +0.012541314925594718248 +0.012801511562545504227 +0.013101958871191610511 +0.013334208810984745419 +0.013611511248159221549 +0.01381469855683674846 +0.014067986793345414135 +0.014241097280228082711 +0.014469608261220677255 +0.01461173216471116635 +0.014814813422985329975 +0.014925147569450988657 +0.015102261245123001263 +0.015180110631371713703 +0.015330837227382955179 +0.015375615970415178753 +0.015499657885236428539 +0.015510889472514185363 +0.015608074367597567155 +0.015585391125657103066 +0.015655675207340611146 +0.015598816884102527136 +0.015642288210365658393 +0.015551099533757225565 +0.015567981499436547192 +0.015442408526947696025 +0.015433063742993646589 +0.015273148745647131181 +0.015238083618731053438 +0.01504395813589941239 +0.014983828590515144703 +0.014755704127932739832 +0.014671323121531206024 +0.014409478707769041052 +0.01430182651784641741 +0.014006591921335947405 +0.013876830716415828352 +0.013548563441189528259 +0.013398058542030701608 +0.01303711154910801286 +0.012867463344856956315 +0.012474138359632032804 +0.012287231679249701632 +0.011861709052279988166 +0.011659792218998949918 +0.01120202063628693303 +0.010987837464369497453 +0.01049735065924044181 +0.01027437276711752824 +0.009749963555907384382 +0.0095228280699298344545 +0.0089619170093145196854 +0.0087373297532518725497 +0.0081345972699285284826 +0.0079234480161373278622 +0.0072673676333600017312 +0.0070907116002541289955 +0.0063523590398939047187 +0.0062646351664980919025 +0.0053410841477354484377 +0.0056145022662806330651 +0.0023451049134236144879 +-0.00037719618067329041957 +0.0001809417756443659991 +-0.0001064918061963872763 +0.000067550064579802773537 +-0.000043629314163572982476 +0.000027499544074952299874 +-0.000016035609975063710354 +7.7722169839156571614e-6 +-2.1621467683500923282e-6 +0.00036736533577682182219 +0.00085452790434217006437 +0.00134229365717562505 +0.00182745395766060619 +0.0023129755824801835562 +0.0027932144951002924258 +0.0032747454439371197114 +0.0037479726923912982997 +0.0042238120002894212274 +0.0046880027576085680776 +0.0051564566802517229003 +0.0056096365875148772076 +0.0060690302937796361964 +0.0065092760501065677411 +0.0069579645408206282962 +0.0073834073993884910506 +0.007819785038046252977 +0.0082286153721691828861 +0.0086511244602204626083 +0.0090415967842302051405 +0.009448735453713692254 +0.0098191736029262159658 +0.010209503175976606561 +0.010558305474470260236 +0.010930457371575730852 +0.011256101675639758933 +0.011608783917816334329 +0.01190983245444692814 +0.01224183578426309631 +0.012516939722156243684 +0.012827143357451472062 +0.013075047058767038851 +0.013362424087224489389 +0.013581968994947620962 +0.013845591415458774185 +0.014035719534955926631 +0.014274762951942218996 +0.014434519887037321192 +0.014648267866087247239 +0.01477680536997219926 +0.014964653467161827113 +0.0150612314667163583 +0.015222690949910185931 +0.015286678998307888263 +0.015421380286927593157 +0.015452258393263616927 +0.015559954254082717884 +0.01555731302937495068 +0.015637881580833237875 +0.015601421625884637673 +0.015654869223734166564 +0.015584399664109308631 +0.015610863769227121301 +0.01550629981309392056 +0.015506051981614449924 +0.015367411332933561274 +0.015340860525094691942 +0.015168258420491123725 +0.015115954906752536249 +0.01490959744788648996 +0.014832237713687822458 +0.014592413019036231304 +0.014490846257717677605 +0.014217912726030154017 +0.0140931498056046432 +0.013787520411147934812 +0.013640746680919158939 +0.013302867604888258893 +0.013135461713277464152 +0.012765782561705688415 +0.012579344859142242239 +0.012178275840524978845 +0.011974672492104099978 +0.011542520426819632988 +0.01132395424024985392 +0.010860822376268558777 +0.01062995126887055415 +0.010135573364962918813 +0.0098957190712886336161 +0.0093691651031891117541 +0.0091247065883027952609 +0.0085638138228308405916 +0.0083209991934377914464 +0.0077211411175523079594 +0.0074899890051590706204 +0.0068409578073878669223 +0.0066406331665819533374 +0.0059165819192531280993 +0.0057962562468913076289 +0.0049048567898028075611 +0.0051092425512552108663 +0.0021109678674172428507 +-0.00033484892610469113132 +0.00015767041679086838662 +-0.000090434865746050477507 +0.00005525705317328946282 +-0.000033679691050451207575 +0.000019233031623209882236 +-9.2051357046345242037e-6 +2.5443040985878452164e-6 +0.00036727210627789274984 +0.00085485441187589531199 +0.001341652029892451273 +0.0018284749142926726192 +0.0023115205615492731366 +0.0027951521333131511731 +0.0032722810822260551047 +0.00375100448795654326 +0.0042201747613705794596 +0.0046922812373030257641 +0.0051515030145745134293 +0.0056152978067631467726 +0.0060626305153008585668 +0.0065164442051129192696 +0.0069499992377570966578 +0.0073921976955731386967 +0.0078101427286849628569 +0.0082391359773354670935 +0.0086396999373850589273 +0.0090539502538298038972 +0.0094354285399512213189 +0.0098334579820817405368 +0.010194217735276717687 +0.010574615195341970754 +0.010913100484657566035 +0.011274528324347584014 +0.011589265160689502871 +0.011930465457400468742 +0.012220066568102159248 +0.012539866987765575168 +0.012803036298348787662 +0.013100355602557994723 +0.013335892380315789341 +0.013609745571794713409 +0.013816548190895765042 +0.014066051300290856316 +0.014243120591060685029 +0.014467495108902433304 +0.014613937255278743903 +0.014812514215433624733 +0.014927543164501861404 +0.015099766889448270859 +0.015182706235399394495 +0.015328137759341128646 +0.015378422060919483111 +0.015496742254425471516 +0.015513917739498754115 +0.015604930169594020575 +0.015588654772153420489 +0.015652288345472335824 +0.015602331008044956892 +0.015638642463152939926 +0.015554881619588452937 +0.015564057959957969344 +0.01544647908724987419 +0.015428840081841522911 +0.015277532171049390887 +0.015233533100012728022 +0.015048683839131075499 +0.014978918735811914855 +0.014760808111361741751 +0.014666013861672339669 +0.014415005753966320697 +0.014296067582191791631 +0.014012598722901514704 +0.013870557857069394649 +0.013555123186508588366 +0.013391187924110409546 +0.013044320838060879637 +0.012859882949220270793 +0.012482127988428562003 +0.012278787639863820715 +0.011870661508306899442 +0.011650266156429275111 +0.011212199846942450379 +0.010976906879737362726 +0.010509155566346512264 +0.01026153727131294056 +0.0097640317566772592041 +0.0095072604143481839941 +0.0089793445689934351099 +0.0087175414495428928472 +0.0081574659642760956577 +0.0078964214996787191203 +0.0073002504468989432412 +0.0070491102903807292184 +0.0064079554882567455592 +0.0061839857648442671623 +0.0054750915422754070686 +0.0053221607648527776653 +0.0044638738876440849894 +0.0045989718294911556564 +0.0018747683138661778947 +-0.00029215579013552470663 +0.00013421049267598271281 +-0.00007424783252494343997 +0.000042881576440501677101 +-0.000023728807530085243617 +0.000011151284393645976772 +-3.0541733877323968898e-6 +0.00036735927446082152075 +0.0008545491329508467135 +0.001342251937808496658 +0.0018275203473473722133 +0.0023128809559428728959 +0.0027933405265186816886 +0.0032745851248705337406 +0.0037481699653395192401 +0.0042235752781769361396 +0.0046882812853918051114 +0.0051561341052689358632 +0.005610005354513403611 +0.0060686132722118456295 +0.0065097433182645463984 +0.006957445094844892378 +0.0073839809018678646537 +0.0078191556457965966845 +0.0082293024482920950595 +0.0086503779396994508153 +0.0090424044811627735057 +0.009447864872200775115 +0.0098201087577056836346 +0.010208501774591248319 +0.010559374784429147285 +0.010929318498576200167 +0.011257311762463625938 +0.011607500966259684237 +0.011911189925610742309 +0.012240402130737663793 +0.012518451232703958106 +0.012825552299137419098 +0.013076719376043027515 +0.013360668774738720632 +0.013583809068820613706 +0.013843664778890102082 +0.014037734576236850928 +0.014272657617214721476 +0.014436717457168735064 +0.014645976058299988161 +0.014779193485679275035 +0.014962166896805345943 +0.015063818724209942003 +0.015220000676784601428 +0.01528947472290858845 +0.015418476555071257524 +0.015455272822112012245 +0.01555682628889130975 +0.015560557537419903455 +0.015634517336544276282 +0.015604909008923809378 +0.01565125506516947137 +0.015588144497792233935 +0.015606984065503651885 +0.015510318914267317016 +0.015501888580472470974 +0.015371724360749406777 +0.015336392062977597951 +0.015172888671321324972 +0.015111155889220323895 +0.014914572923636236833 +0.014827077268805085596 +0.014597767888624310541 +0.014485286414197775712 +0.014223689364625904392 +0.014087143064278085438 +0.01379377230939942078 +0.013634232507706034888 +0.013309663625065875929 +0.013128361336604215606 +0.012773213346585903069 +0.012571553308894142181 +0.012186463792233680574 +0.011966045968272224663 +0.01155163586767321312 +0.011314289192834215454 +0.010871110980837700246 +0.010618947910650585831 +0.010147405466778404956 +0.0098829135548410625105 +0.0093831308732402677778 +0.0091093343634244968039 +0.0085809246358975510915 +0.0083016891081646597234 +0.0077433111724848757396 +0.0074639718290737807116 +0.006872374787998040386 +0.0066012062739692848875 +0.0059688176340257726724 +0.0057211849425793882563 +0.0050283458505922037311 +0.0048427905045938259488 +0.0040185816464455158341 +0.0040841807277560228546 +0.001636737112711330691 +-0.0002491507263611678936 +0.00011057229526569079345 +-0.000057938683046412664393 +0.000030459751787674140415 +-0.000013919023219784189302 +3.76080814873030888e-6 +0.00036727852918193664748 +0.00085483191711190984422 +0.0013416962367189733572 +0.0018284045681539512646 +0.0023116208236696939082 +0.0027950186019449772731 +0.0032724509325565673622 +0.0037507954998051382619 +0.0042204255235155684738 +0.0046919862137155486129 +0.0051518446634138043207 +0.0056149072732851750911 +0.0060630721035511950633 +0.0065159494689290949761 +0.0069505491482261241747 +0.0073915906426990347201 +0.0078108088412224790715 +0.0082384089322982118531 +0.0086404897490521528958 +0.0090530958749584247729 +0.0094363492577550575871 +0.0098324691780963303014 +0.010195276352319564308 +0.010573485054827467492 +0.010914303846370944669 +0.011273250052707625968 +0.011590620025628979594 +0.011929032317500704398 +0.012221579666589255463 +0.012538272241347051884 +0.012804714391618841193 +0.013098592449937133227 +0.013337742322550239746 +0.013607807087516298379 +0.013818576996480946196 +0.014063930362334001471 +0.014245335509578811764 +0.014465184318780364607 +0.0146163458570934042 +0.014810005806068603629 +0.014930153440371499509 +0.015097052617007863727 +0.015185526714387498527 +0.015325208774226102102 +0.01538146195205256007 +0.015493588945198889978 +0.015517187104281535391 +0.015601541971676695666 +0.015592164737380851956 +0.015648653503660438331 +0.015606094031650053907 +0.015634747733071002783 +0.015558911826991325783 +0.01555988822787479113 +0.015450792702539408768 +0.015424377873950824474 +0.015282148077468356282 +0.01522875793987550311 +0.015053624318586187772 +0.014973806289811425636 +0.014766099836095557829 +0.014660534783073129847 +0.014420681140312135869 +0.014290185917853099017 +0.014018697816328379344 +0.013864228804797550594 +0.013561696345506617397 +0.013384354600452388494 +0.01305143265294776123 +0.012852471603857342073 +0.012489863170899720427 +0.012270700346718999608 +0.011879134043966053181 +0.01164136923959123061 +0.0112215677887453911 +0.010967011782867245682 +0.010519646093960151383 +0.010250367262360179634 +0.0097759861190238725091 +0.0094943888389332309073 +0.0089933046267312406181 +0.0087022676530265474766 +0.0081743567772076168434 +0.0078774938856831703023 +0.0073218155691081351217 +0.007024012282892035681 +0.0064379910488524913796 +0.0061466581262380528218 +0.0055240264983670990502 +0.005252634227700060838 +0.0045768241031778146843 +0.004358578880672317595 +0.0035694404870049383206 +0.0035653589845801471905 +0.0013971070009663787893 +-0.00020586302340477902844 +0.000086760650807251943437 +-0.000041526002344527212588 +0.00001811309332852301601 +-4.7901270304473427259e-6 +0.00036735237995532040913 +0.00085457327917028526504 +0.0013422044863176625027 +0.0018275958549006545594 +0.0023127733407964208753 +0.002793483845245536157 +0.0032744028335975680571 +0.0037483942490111945156 +0.0042233061797823231125 +0.0046885978596387373747 +0.0051557675284330408333 +0.0056104243467831826308 +0.006068139549403605079 +0.006510274002020246636 +0.0069568552936636019628 +0.0073846319120763501599 +0.0078184413920870419861 +0.0082300819295875520975 +0.0086495312911729088411 +0.0090433201974546716376 +0.0094468782218806139479 +0.0098211681785004994887 +0.010207367772537072997 +0.010560585156790473295 +0.010928029984843150627 +0.011258680174283128254 +0.011606050910431146811 +0.011912723364100929034 +0.012238783574679543702 +0.012520156641049918427 +0.01282375830034019283 +0.013078603710631483607 +0.013358692347972953447 +0.013585879359236385345 +0.013841498834017689055 +0.014039997990198796264 +0.014270294890925761096 +0.014439181372735842505 +0.014643409037301027011 +0.014781865573389680149 +0.014959387729559408516 +0.015066707042342444022 +0.01521700107026375649 +0.015292587829823621158 +0.015415247652068551 +0.015458619910712961481 +0.015553358520155913615 +0.01556414859829343362 +0.015630800240207177775 +0.01560875503084724477 +0.015647277063398086986 +0.01559225771730698159 +0.015602732184728562048 +0.015514713130324043735 +0.015497348096352070945 +0.015376415336678621356 +0.015331546043695740423 +0.015177894655596527302 +0.015105984599447514186 +0.014919915334736067817 +0.014821557379563650349 +0.01460347223051956004 +0.014479389937373701951 +0.014229786472707027571 +0.014080835888430933418 +0.013800300080241799929 +0.013627472343128021492 +0.013316669472189709705 +0.013121094761968652873 +0.012780757776262258751 +0.012563711410412251043 +0.012194625763145773171 +0.011957537697130433594 +0.01156052109821345726 +0.011304990873562922947 +0.010880865341722390625 +0.01060868594446281067 +0.010158237608538262867 +0.0098714343953692428381 +0.0093953526983533983136 +0.009096248990241936702 +0.0085950290089239928719 +0.0082863617847091374613 +0.0077601353483758520625 +0.0074452726616653512575 +0.006893488587504131209 +0.0065768758132987788032 +0.0059976190501005599205 +0.0056858173092330698303 +0.0050741051297920531651 +0.0047787092744451849397 +0.0041210408287615578025 +0.0038699379570856667385 +0.0031169342893723134598 +0.0030429896767000939228 +0.0011561125158555298378 +-0.00016231279886208415406 +0.000062775760047625805816 +-0.000025092807169072581775 +6.3951346350141151445e-6 +0.00036728606008453300074 +0.00085480554228087163283 +0.001341748067093115165 +0.0018283220943340023621 +0.002311738364192459706 +0.0027948620700241948524 +0.0032726500222741485618 +0.0037505505592033292814 +0.0042207193910115303133 +0.0046916405208179510475 +0.0051522449318804789668 +0.0056144498051451773519 +0.0060635892869272000445 +0.0065153701491729430812 +0.0069511929427141478433 +0.0073908801081694487795 +0.0078115883163769480331 +0.0082375583734594531275 +0.0086414134834398502618 +0.0090520969187131952715 +0.0094374254417007179785 +0.0098313137964184919095 +0.010196512870259623062 +0.010572165489558029877 +0.010915708346404487963 +0.011271758750432559975 +0.01159219998123154891 +0.01192736187037859369 +0.012223342433995145929 +0.012536415330851856806 +0.012806667265554656802 +0.013096541791092231616 +0.01333989259255913732 +0.013605555371503462793 +0.013820932005882797258 +0.014061470195457630293 +0.014247902719101829868 +0.014462508155696474113 +0.014619132915360960272 +0.014807105874962778094 +0.014933168263732704712 +0.015093920834016995983 +0.01518877757906156392 +0.015321836643814929531 +0.015384957602256585398 +0.015489967442369916698 +0.015520936880997671903 +0.015597661400725855382 +0.015596178733797029807 +0.015644503326561195397 +0.015610383283237979296 +0.015630316358280540737 +0.015563488546907741494 +0.015555162747109070227 +0.015455670576921681737 +0.015419343729810074705 +0.015287342640818951095 +0.015223398500395290867 +0.015059153437714741021 +0.014968102295909521373 +0.014771984343488373687 +0.014654463619564704519 +0.014426945676772709076 +0.014283720635038012113 +0.014025371972437676049 +0.013857336780102681716 +0.013568816239167531078 +0.013376995668493092391 +0.013059043159165591914 +0.01284459538062944885 +0.012498021154690109756 +0.012262242295132114661 +0.011887913186111981137 +0.011632244700585086455 +0.011231066035909130666 +0.010957106584513545994 +0.0105299976234609806 +0.010239522296155371337 +0.0097873814788343158094 +0.009482373385233068292 +0.0090060266263198468007 +0.0086887302309330176738 +0.0081888491445969900239 +0.0078618641604545552966 +0.0073388267705565990154 +0.0070052837777085105912 +0.0064589143821522917494 +0.0061228329159450117674 +0.005551854960443976562 +0.0052189705671090474028 +0.0046196518396304244941 +0.0042997229340708986399 +0.0036615783411617909535 +0.0033772284914901219654 +0.0026615934340698001313 +0.0025175355893613071507 +0.00091399030033159379559 +-0.00011850159815247056558 +0.00003864121768634276254 +-9.1588127914869836895e-6 +0.00036734394249430774548 +0.00085460282877660259985 +0.0013421464177076980959 +0.0018276882536446255946 +0.0023126416582457057392 +0.0027936592058151697108 +0.0032741798032160219671 +0.0037486686336896663718 +0.0042229770007288105125 +0.0046889850729756905312 +0.0051553192085041386934 +0.0056109367028655541841 +0.0060675603508315797806 +0.0065109227419020302491 +0.0069561344082619100665 +0.0073854274633960395813 +0.0078175687290805719456 +0.0082310340833470294521 +0.0086484973273583562703 +0.0090444382370158947248 +0.0094456738889647172654 +0.0098224609793201953874 +0.010205984367700704159 +0.010562061267622384184 +0.010926459096121118495 +0.011260347886560060733 +0.011604284351455796091 +0.011914590774002701467 +0.012236813324997363896 +0.0125222317075048384 +0.012821576448465951762 +0.013080894311776341541 +0.013356291034886345287 +0.013588393349465264433 +0.013838870195082633674 +0.014042743259756574023 +0.014267430994299425107 +0.014442165911803903587 +0.014640301816834877427 +0.014785097542746643939 +0.014956028909988885173 +0.015070194852961099397 +0.015213382082127632446 +0.015296340234204662578 +0.015411359533266550786 +0.015462646109393662343 +0.015549191800295498906 +0.015568458365865918604 +0.01562634480283189385 +0.015613358867069944583 +0.015642521979715662964 +0.015597167030635155834 +0.015597665510393874144 +0.015519940463634099523 +0.015491956619945067831 +0.015381974648442023097 +0.015325814971362691038 +0.015183801674777674083 +0.01509989715411183076 +0.014926188015043150811 +0.01481509428414839583 +0.014610131340616932199 +0.014472528737960114254 +0.014236856375731643323 +0.014073550052441905126 +0.013807809782066893323 +0.013619730034717655951 +0.01332465405965332528 +0.013112857143384038821 +0.012789260435403780089 +0.012554930228684482856 +0.012203700684657050872 +0.011948151760485650935 +0.011570237784325642997 +0.011294920742432880013 +0.010891315210506012816 +0.010597825634065085231 +0.010169544531485003033 +0.0098596378345692996108 +0.0094076906276828370272 +0.0090833067452686483901 +0.008608653203650490972 +0.0082719584209045870864 +0.0077754417651117174498 +0.0074289021302202624419 +0.0069111375849331976844 +0.0065576550934251487918 +0.0060188261997940048217 +0.0056620130685145379511 +0.0051014523628189644917 +0.0047462548840471620403 +0.0041614268813768861739 +0.0038158365583559618151 +0.0031991731934740640493 +0.0028806788033949604431 +0.002204061306068574893 +0.0019893998598320219576 +0.00067098134288837060486 +-0.0000743981253765083025 +0.000014740597548667823608 +0.00036729591414499612731 +0.00085477103163843538908 +0.0013418158841587687637 +0.0018282141852112030228 +0.0023118921489011868148 +0.0027946572803822126055 +0.0032729104753254415599 +0.0037502301441513963086 +0.0042211037801411971821 +0.0046911883804743856295 +0.0051527684035791926926 +0.0056138515900136809177 +0.0060642655122072961047 +0.0065146127741450163576 +0.0069520344949390331111 +0.007389951450950169773 +0.0078126069173416699972 +0.0082364470699139378866 +0.0086426201764534681115 +0.0090507922142508147975 +0.0094388307209842623108 +0.0098298054318499375373 +0.010198126782885004378 +0.010570443608968762683 +0.010917540576515532014 +0.011269813823322021796 +0.011594259922817019586 +0.011925184622910117399 +0.012225639256521724218 +0.012533996682553044648 +0.012809209975623439028 +0.013093872794222398793 +0.013342690094080409397 +0.013602627150808721681 +0.01382399316089320256 +0.014058273886294448398 +0.014251236411181559956 +0.014459034838589040903 +0.014622748117598074197 +0.014803346504601020544 +0.014937074113306795555 +0.015089866160510506108 +0.015192983460778952242 +0.015317477123685783463 +0.015389473243779825587 +0.015485293136270234063 +0.015525772463106454932 +0.015592661854161055994 +0.015601345019849730882 +0.015639167428919930965 +0.015615891773156082957 +0.015624632174115444433 +0.015569351662603846779 +0.015549117311726002428 +0.015461901888323274429 +0.015412922798576666708 +0.015293957144789569112 +0.015216586237419153699 +0.015066167906681089459 +0.014960880882312904112 +0.014779417767136977434 +0.014646812753623254005 +0.014434819829891044942 +0.014275616884540485463 +0.014033712156663261166 +0.01384875272906929528 +0.013577652269145583951 +0.013367898771830385338 +0.013068410699736366906 +0.012834946394283279991 +0.012507963574804871341 +0.012251993072827361418 +0.011898484195037902411 +0.011621335016611967865 +0.011242333542531862795 +0.010945459406175352338 +0.010542049580581452207 +0.010227036486859665199 +0.0098003350928507249498 +0.0094689119421850008816 +0.0090200435764128990243 +0.0086741003081394384054 +0.0082041622265171689151 +0.0078457808945710904322 +0.0073557900040513992357 +0.0069872992858796919952 +0.006478106271331016703 +0.0061021815322526478584 +0.0055743187896509967037 +0.0051941796741916871878 +0.0046475592065823934374 +0.0042674062606325371598 +0.0037006161539088815911 +0.0033267838774318104846 +0.0027349978131972912864 +0.0023801090450567550656 +0.0017453367491510578913 +0.0014587755291472024894 +0.00042734816337952630988 +-0.000030090183690227945409 +0.00036733141782036199955 +0.00085464669222718146894 +0.0013420602219047925187 +0.0018278254054377447621 +0.0023124462011214710045 +0.0027939194854383524461 +0.0032738487831948162671 +0.0037490758537227636074 +0.0042224884861804876332 +0.0046895596769024003256 +0.0051546539718270965855 +0.0056116969008628909969 +0.0060667010489772807837 +0.0065118851272174254837 +0.0069550651038847416118 +0.0073866073942191961118 +0.007816274579268760935 +0.0082324459413425206692 +0.0086469643653237310539 +0.0090460956144277668395 +0.0094438888614865002476 +0.0098243768220016009171 +0.010203934607760699522 +0.010564247989757921776 +0.010924132418419342062 +0.011262817466855226246 +0.011601668962921785106 +0.011917354839799557896 +0.012233897744924747253 +0.012525301611361569525 +0.012818349434377003995 +0.0130842812039057861 +0.01335274151111543723 +0.013592108248750225423 +0.013834987181580628057 +0.014046797125680727561 +0.014263203533427954464 +0.014446569719466201185 +0.014635718896005948649 +0.014789862363117105708 +0.014951079377943705199 +0.015075331940666516963 +0.015208054556449138226 +0.015301861125402676109 +0.015405642296375938536 +0.015468562732717811353 +0.015543072680671143259 +0.015574783170034090044 +0.015619811037468518044 +0.015620104969595715827 +0.015635560052848564812 +0.015604348393244306813 +0.015590260962151583208 +0.015527572101583913054 +0.015484093816721513911 +0.01539007288314287914 +0.015317476827103900184 +0.015192384442186211106 +0.015091064788070373708 +0.014935275246632180021 +0.014805746595476425648 +0.014619745439947241408 +0.014462641870013337452 +0.014247022822733518104 +0.014063096708609871679 +0.013818557910671426328 +0.01360867859094030561 +0.013336018075036191593 +0.013101170476816971629 +0.012801280769342138648 +0.012542564141241012009 +0.012216425839365045048 +0.011935052809406967504 +0.011583726901342888657 +0.011281023177362442495 +0.010905641749959613045 +0.010583046941616656468 +0.010184801714993540608 +0.00984387202509920659 +0.0094239998057183988615 +0.0090664138027774679278 +0.0086261773283629295251 +0.0082537468527705618467 +0.0077944083516168060983 +0.0074090982149029988885 +0.0069318807299392595983 +0.0065358441465389285953 +0.0060418708539500083032 +0.0056375148045298311732 +0.0051277053593403837339 +0.0047178179017499503841 +0.0041926915636638130782 +0.0037807133152762946845 +0.0032399584874584549905 +0.0028306529118736711404 +0.0022719683038406770481 +0.0018735600890327574243 +0.0012881091514490833417 +0.00092471201429869019618 +0.0001836586226264179326 +0.0003673172452528358652 +0.00085469632675905261976 +0.0013419626857767412097 +0.0018279806006631875912 +0.0023122250317110596755 +0.0027942140019327575786 +0.0032734742254226613821 +0.0037495366277323557894 +0.0042219357348344857013 +0.0046902098268472289757 +0.0051539012874344847929 +0.0056125570115929885586 +0.0060657288314897487039 +0.0065129739464857711428 +0.006953855351859386344 +0.0073879422637206508844 +0.007814810538773001362 +0.0082340430880726063216 +0.0086452302841617912197 +0.0090479703610640583322 +0.0094418698066874522765 +0.0098265437472176529327 +0.010201616323104716383 +0.010566721056263820771 +0.010921501208123693157 +0.011265610128168136351 +0.011598711592627060811 +0.011920480132984102981 +0.01223060135397852636 +0.012528772240789794852 +0.012814701455104058038 +0.013088109619772838171 +0.01334872959178548133 +0.013596306723288440068 +0.013830599110396194147 +0.014051377829550586659 +0.014258427161197548995 +0.014451544800562601567 +0.01463054205531913831 +0.014795244029956321256 +0.014945489796666415458 +0.01508113255258457246 +0.015202039763227410008 +0.015308093291990224248 +0.015399189515576295214 +0.015475239425245494117 +0.015536168713783258294 +0.015581917848104953392 +0.015612442127424678866 +0.015627711726931678474 +0.015627711726931678474 +0.015612442127424678866 +0.015581917848104953392 +0.015536168713783258294 +0.015475239425245494117 +0.015399189515576295214 +0.015308093291990224248 +0.015202039763227410008 +0.01508113255258457246 +0.014945489796666415458 +0.014795244029956321256 +0.01463054205531913831 +0.014451544800562601567 +0.014258427161197548995 +0.014051377829550586659 +0.013830599110396194147 +0.013596306723288440068 +0.01334872959178548133 +0.013088109619772838171 +0.012814701455104058038 +0.012528772240789794852 +0.01223060135397852636 +0.011920480132984102981 +0.011598711592627060811 +0.011265610128168136351 +0.010921501208123693157 +0.010566721056263820771 +0.010201616323104716383 +0.0098265437472176529327 +0.0094418698066874522765 +0.0090479703610640583322 +0.0086452302841617912197 +0.0082340430880726063216 +0.007814810538773001362 +0.0073879422637206508844 +0.006953855351859386344 +0.0065129739464857711428 +0.0060657288314897487039 +0.0056125570115929885586 +0.0051539012874344847929 +0.0046902098268472289757 +0.0042219357348344857013 +0.0037495366277323557894 +0.0032734742254226613821 +0.0027942140019327575786 +0.0023122250317110596755 +0.0018279806006631875912 +0.0013419626857767412097 +0.00085469632675905261976 +0.0003673172452528358652 +0.00014313661327938316089 +0.00075402468020209079992 +0.0018524326334374254069 +0.003437531481278270174 +0.0055078023785041259978 +0.0080612296469714922519 +0.011095320756540855723 +0.014607112118146834035 +0.018593172872092236353 +0.023049608537254128575 +0.027972064931872011019 +0.033355732478460227038 +0.039195350927333023667 +0.045485214508735154766 +0.052219177514636506651 +0.059390660307490792213 +0.066992655751417688295 +0.075017736060204357853 +0.083458060055799588229 +0.092305380830411872803 +0.10155105380484276181 +0.11118604517525226219 +0.12120094074014641198 +0.13158595509898964724 +0.14233094121347177677 +0.15342540032209901703 +0.1648584921984294921 +0.17661904574293536008 +0.1886955698981461142 +0.20107626487641063937 +0.21374903368930940434 +0.22670149396745291627 +0.23992099005911847168 +0.25339460539590453322 +0.26710917511332097888 +0.28105129891398424345 +0.29520735416084922874 +0.30956350918768502162 +0.32410573681378913951 +0.33881982804973542414 +0.35369140598076401763 +0.36870593981424826042 +0.38384875907751301518 +0.39910506795213200138 +0.41445995973069836256 +0.4298984313819430134 +0.4454053982099694425 +0.46096570859328168165 +0.47656415878920418419 +0.49218550778922845856 +0.50781449221077154144 +0.52343584121079581581 +0.53903429140671831835 +0.5545946017900305575 +0.5701015686180569866 +0.58554004026930163744 +0.60089493204786799862 +0.61615124092248698482 +0.63129406018575173958 +0.64630859401923598237 +0.66118017195026457586 +0.67589426318621086049 +0.69043649081231497838 +0.70479264583915077126 +0.71894870108601575655 +0.73289082488667902112 +0.74660539460409546678 +0.76007900994088152832 +0.77329850603254708373 +0.78625096631069059566 +0.79892373512358936063 +0.8113044301018538858 +0.82338095425706463992 +0.8351415078015705079 +0.84657459967790098297 +0.85766905878652822323 +0.86841404490101035276 +0.87879905925985358802 +0.88881395482474773781 +0.89844894619515723819 +0.9076946191695881272 +0.91654193994420041177 +0.92498226393979564215 +0.93300734424858231171 +0.94060933969250920779 +0.94778082248536349335 +0.95451478549126484523 +0.96080464907266697633 +0.96664426752153977296 +0.97202793506812798898 +0.97695039146274587142 +0.98140682712790776365 +0.98539288788185316597 +0.98890467924345914428 +0.99193877035302850775 +0.994492197621495874 +0.99656246851872172983 +0.99814756736656257459 +0.9992459753197979092 +0.99985686338672061684 \ No newline at end of file diff --git a/MindEnergy/application/DAE-PINNs/data/IRK_weights/Gauss-Legendre-tableau.npz b/MindEnergy/application/DAE-PINNs/data/IRK_weights/Gauss-Legendre-tableau.npz new file mode 100644 index 0000000000000000000000000000000000000000..aeea0537dffee560178295570a3fce78eda3976f Binary files /dev/null and b/MindEnergy/application/DAE-PINNs/data/IRK_weights/Gauss-Legendre-tableau.npz differ diff --git a/MindEnergy/application/DAE-PINNs/data/IRK_weights/RK-3-8-tableau.npz b/MindEnergy/application/DAE-PINNs/data/IRK_weights/RK-3-8-tableau.npz new file mode 100644 index 0000000000000000000000000000000000000000..20edc35c3befc2c20c270d613967cc333750caf8 Binary files /dev/null and b/MindEnergy/application/DAE-PINNs/data/IRK_weights/RK-3-8-tableau.npz differ diff --git a/MindEnergy/application/DAE-PINNs/data/IRK_weights/RK-4-tableau.npz b/MindEnergy/application/DAE-PINNs/data/IRK_weights/RK-4-tableau.npz new file mode 100644 index 0000000000000000000000000000000000000000..2e949a0e3b37fb4f72bbb741243ca8682d386b3f Binary files /dev/null and b/MindEnergy/application/DAE-PINNs/data/IRK_weights/RK-4-tableau.npz differ diff --git a/MindEnergy/application/DAE-PINNs/data/dae.ckpt b/MindEnergy/application/DAE-PINNs/data/dae.ckpt new file mode 100644 index 0000000000000000000000000000000000000000..f08656217a51f89db14ba51163323389ee0ae602 Binary files /dev/null and b/MindEnergy/application/DAE-PINNs/data/dae.ckpt differ diff --git a/MindEnergy/application/DAE-PINNs/data/dae.pt b/MindEnergy/application/DAE-PINNs/data/dae.pt new file mode 100644 index 0000000000000000000000000000000000000000..6dc9942c75320c1739430e9a937b90d7ee08ca2f Binary files /dev/null and b/MindEnergy/application/DAE-PINNs/data/dae.pt differ diff --git a/MindEnergy/application/DAE-PINNs/data/data.npz b/MindEnergy/application/DAE-PINNs/data/data.npz new file mode 100644 index 0000000000000000000000000000000000000000..087652e2dbc621fb3b1e51948a18f5e351993eee Binary files /dev/null and b/MindEnergy/application/DAE-PINNs/data/data.npz differ diff --git a/MindEnergy/application/DAE-PINNs/data/torch_output.npz b/MindEnergy/application/DAE-PINNs/data/torch_output.npz new file mode 100644 index 0000000000000000000000000000000000000000..159732129b31a3e64d74c7e1ac023441869d4b07 Binary files /dev/null and b/MindEnergy/application/DAE-PINNs/data/torch_output.npz differ diff --git a/MindEnergy/application/DAE-PINNs/images/L2relative_error_0.png b/MindEnergy/application/DAE-PINNs/images/L2relative_error_0.png new file mode 100644 index 0000000000000000000000000000000000000000..1e22453e16a5ce5a94bfba3d5a4f2dae509557d7 Binary files /dev/null and b/MindEnergy/application/DAE-PINNs/images/L2relative_error_0.png differ diff --git a/MindEnergy/application/DAE-PINNs/images/L2relative_error_1.png b/MindEnergy/application/DAE-PINNs/images/L2relative_error_1.png new file mode 100644 index 0000000000000000000000000000000000000000..5c3cc0b694623ec7341f231fce5f0f3fd910f853 Binary files /dev/null and b/MindEnergy/application/DAE-PINNs/images/L2relative_error_1.png differ diff --git a/MindEnergy/application/DAE-PINNs/images/L2relative_error_2.png b/MindEnergy/application/DAE-PINNs/images/L2relative_error_2.png new file mode 100644 index 0000000000000000000000000000000000000000..bb0ad853f3e9eae25da8614fbb5520486a1673d8 Binary files /dev/null and b/MindEnergy/application/DAE-PINNs/images/L2relative_error_2.png differ diff --git a/MindEnergy/application/DAE-PINNs/images/L2relative_error_3.png b/MindEnergy/application/DAE-PINNs/images/L2relative_error_3.png new file mode 100644 index 0000000000000000000000000000000000000000..be9bc4db431b68585374e99a136decbf9aba154e Binary files /dev/null and b/MindEnergy/application/DAE-PINNs/images/L2relative_error_3.png differ diff --git a/MindEnergy/application/DAE-PINNs/images/L2relative_error_4.png b/MindEnergy/application/DAE-PINNs/images/L2relative_error_4.png new file mode 100644 index 0000000000000000000000000000000000000000..42acb1cf7e45405b511c74803ecea075b512c7da Binary files /dev/null and b/MindEnergy/application/DAE-PINNs/images/L2relative_error_4.png differ diff --git a/MindEnergy/application/DAE-PINNs/images/loss.png b/MindEnergy/application/DAE-PINNs/images/loss.png new file mode 100644 index 0000000000000000000000000000000000000000..95928bdceecfa98ba491d5c62c74f4ca0b1046df Binary files /dev/null and b/MindEnergy/application/DAE-PINNs/images/loss.png differ diff --git a/MindEnergy/application/DAE-PINNs/images/model.png b/MindEnergy/application/DAE-PINNs/images/model.png new file mode 100644 index 0000000000000000000000000000000000000000..e9519b2d194860338a3db242360aedb0f8fc503c Binary files /dev/null and b/MindEnergy/application/DAE-PINNs/images/model.png differ diff --git a/MindEnergy/application/DAE-PINNs/src/__init__.py b/MindEnergy/application/DAE-PINNs/src/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..f0fb4b54c5716543c0e66bd2ab17dffae74e613b --- /dev/null +++ b/MindEnergy/application/DAE-PINNs/src/__init__.py @@ -0,0 +1,14 @@ +# Copyright 2025 Huawei Technologies Co., Ltd +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +# ============================================================================ \ No newline at end of file diff --git a/MindEnergy/application/DAE-PINNs/src/data.py b/MindEnergy/application/DAE-PINNs/src/data.py new file mode 100644 index 0000000000000000000000000000000000000000..9a415667235ba08f5280b8b21f55146106831af0 --- /dev/null +++ b/MindEnergy/application/DAE-PINNs/src/data.py @@ -0,0 +1,16 @@ +import abc +import numpy as np +from mindspore import dataset as ds +from mindspore import Tensor + + +def get_dataset(data_params, shuffle=False, num_val=100): + data = np.load('../data/data.npz') + x_train, x_test = data['X_train'], data['X_test'] + batch_size = data_params['batch_size'] + + train_dataset = ds.NumpySlicesDataset(x_train, shuffle=shuffle) + train_dataset = train_dataset.batch(batch_size) + val_dataset = Tensor(x_train[:num_val]) + test_dataset = Tensor(x_test) + return train_dataset, test_dataset, val_dataset diff --git a/MindEnergy/application/DAE-PINNs/src/layer.py b/MindEnergy/application/DAE-PINNs/src/layer.py new file mode 100644 index 0000000000000000000000000000000000000000..d6b5a570253839e033c7446721eb448e56db1e16 --- /dev/null +++ b/MindEnergy/application/DAE-PINNs/src/layer.py @@ -0,0 +1,511 @@ +# Copyright 2025 Huawei Technologies Co., Ltd +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +# ============================================================================ +import numpy as np +import mindspore as ms +import mindspore.nn as nn +import mindspore.ops as ops +from mindspore import Tensor + + +class fnn(nn.Cell): + """ + feed-forward neural network. + """ + + def __init__(self, + layer_size, + activation, + kernel_initializer, + dropout_rate=0.0, + batch_normalization=None, + layer_normalization=None, + input_transform=None, + output_transform=None, + use_bias=True, + print_net=False): + super().__init__() + self.layer_size = layer_size + self.activation = activation + self.initializer = kernel_initializer + self.dropout_rate = dropout_rate + self.batch_normalization = batch_normalization + self.layer_normalization = layer_normalization + self.input_transform = input_transform + self.output_transform = output_transform + self.use_bias = use_bias + # build neural network + if self.batch_normalization and self.layer_normalization: + raise ValueError( + "cannot apply batch normalization and layer normalization at the same time") + self.net = nn.CellList() + if (self.batch_normalization is None) and (self.layer_normalization is None): + self.build_standard() + elif (self.batch_normalization == "before") or (self.layer_normalization == "before"): + self.build_before() + elif (self.batch_normalization == "after") or (self.layer_normalization == "after"): + self.build_after() + else: + raise ValueError("Neural net was not built") + # initialize parameters + self.net.init_parameters_data() + if print_net: + print("NN built...\n") + print(self.net) + + def construct(self, y): + """ + FNN forward pass. + Args: + :input (Tensor): \in [B, d_in] + Returns: + :y (Tensor): \in [B, d_out] + """ + if self.input_transform is not None: + y = self.input_transform(y) + for i in range(len(self.net)): + y = self.net[i](y) + if self.output_transform is not None: + y = self.output_transform(y) + return y + + def _init_weights(self, m): + """ + initializes layer parameters. + """ + if isinstance(m, nn.Dense): + if self.initializer == "Glorot normal": + m.weight.set_data( + ms.common.initializer.XavierUniform()(m.weight.shape)) + elif self.initializer == "Glorot uniform": + m.weight.set_data( + ms.common.initializer.XavierUniform()(m.weight.shape)) + else: + raise ValueError( + "initializer {} not implemented".format(self.initializer)) + if m.bias is not None: + m.bias.data.fill(0.0) + elif isinstance(m, nn.LayerNorm): + m.bias.data.fill(0.0) + m.gamma.data.fill(1.0) + + def build_standard(self): + # FC - activation + # input layer + self.net.append( + nn.Dense(self.layer_size[0], self.layer_size[1], has_bias=self.use_bias)) + for i in range(1, len(self.layer_size)-1): + self.net.append(nn.Dense(self.layer_size[i], self.layer_size[i+1], + has_bias=self.use_bias, activation=ops.Sin())) + if self.dropout_rate > 0.0: + self.net.append(nn.Dropout(keep_prob=1 - self.dropout_rate)) + + def build_before(self): + # FC - BN or LN - activation + self.net.append( + nn.Dense(self.layer_size[0], self.layer_size[1], has_bias=self.use_bias)) + for i in range(1, len(self.layer_size)-1): + if self.batch_normalization is not None: + self.net.append(nn.BatchNorm1d(self.layer_size[i])) + elif self.layer_normalization is not None: + self.net.append(nn.LayerNorm((self.layer_size[i],))) + self.net.append(nn.Dense(self.layer_size[i], self.layer_size[i+1], + has_bias=self.use_bias, activation=ops.Sin())) + if self.dropout_rate > 0.0: + self.net.append(nn.Dropout(keep_prob=1 - self.dropout_rate)) + + def build_after(self): + # FC - activation - BN or LN + self.net.append(nn.Dense(self.layer_size[0], self.layer_size[1], + has_bias=self.use_bias, activation=ops.Sin())) + for i in range(1, len(self.layer_size)-1): + if self.batch_normalization is not None: + self.net.append(nn.BatchNorm1d(self.layer_size[i])) + elif self.layer_normalization is not None: + self.net.append(nn.LayerNorm((self.layer_size[i],))) + if self.dropout_rate > 0.0: + self.net.append(nn.Dropout(keep_prob=1 - self.dropout_rate)) + self.net.append( + nn.Dense(self.layer_size[i], self.layer_size[i+1], has_bias=self.use_bias)) + + +class Sin(nn.Cell): + def __init__(self, ): + super().__init__() + + def construct(self, x): + return ops.sin(x) + + +def get_activation(act): + act_list = {'sin': Sin()} + return act_list[act] + + +class Conv1D(nn.Cell): + """ + feed-forward neural networks with Conv1D dense layers. + """ + + def __init__(self, + layer_size, + activation, + dropout_rate=0.0, + batch_normalization=None, + layer_normalization=None, + input_transform=None, + output_transform=None): + super().__init__() + self.layer_size = layer_size + self.activation = activation + self.dropout_rate = dropout_rate + self.batch_normalization = batch_normalization + self.layer_normalization = layer_normalization + self.input_transform = input_transform + self.output_transform = output_transform + if self.batch_normalization and self.layer_normalization: + raise ValueError( + "Can not apply batch_normalization and layer_normalization at the same time.") + self.net = nn.CellList() + if (self.batch_normalization is None) and (self.layer_normalization is None): + self.build_standard() + elif (self.batch_normalization == "before") or (self.layer_normalization == "before"): + self.build_before() + elif (self.batch_normalization == "after") or (self.layer_normalization == "after"): + self.build_after() + else: + raise ValueError("Neural net was not built") + print("NN built...\n") + print(self.net) + + def construct(self, y): + """ + FNN forward pass + Args: + :y (Tensor): \in [B, d_in] + Returns: + :y (Tensor): \in [B, d_out] + """ + if self.input_transform is not None: + y = self.input_transform(y) + for i in range(len(self.net)): + y = self.net[i](y) + if self.output_transform is not None: + y = self.output_transform(y) + return y + + def build_standard(self): + # FC - activation + # input layer + self.net.append( + nn.Dense(self.layer_size[0], self.layer_size[1], activation=ops.Sin())) + if self.dropout_rate > 0.0: + self.net.append(nn.Dropout(keep_prob=1 - self.dropout_rate)) + for i in range(1, len(self.layer_size)-2): + self.net.append( + nn.Dense(self.layer_size[i], self.layer_size[i+1], activation=ops.Sin())) + if self.dropout_rate > 0.0: + self.net.append(nn.Dropout(keep_prob=1 - self.dropout_rate)) + self.net.append(nn.Dense(self.layer_size[-2], self.layer_size[-1])) + + def build_before(self): + # FC - BN or LN - activation + self.net.append(nn.Dense(self.layer_size[0], self.layer_size[1])) + for i in range(1, len(self.layer_size)-1): + if self.batch_normalization is not None: + self.net.append(nn.BatchNorm1d(self.layer_size[i])) + elif self.layer_normalization is not None: + self.net.append(nn.LayerNorm((self.layer_size[i],))) + self.net.append( + nn.Dense(self.layer_size[i], self.layer_size[i+1], activation=ops.Sin())) + if self.dropout_rate > 0.0: + self.net.append(nn.Dropout(keep_prob=1 - self.dropout_rate)) + + def build_after(self): + # FC - activation - BN or LN + self.net.append( + nn.Dense(self.layer_size[0], self.layer_size[1], activation=ops.Sin())) + if self.batch_normalization is not None: + self.net.append(nn.BatchNorm1d(self.layer_size[1])) + elif self.layer_normalization is not None: + self.net.append(nn.LayerNorm((self.layer_size[1],))) + if self.dropout_rate > 0.0: + self.net.append(nn.Dropout(keep_prob=1 - self.dropout_rate)) + for i in range(1, len(self.layer_size)-2): + self.net.append( + nn.Dense(self.layer_size[i], self.layer_size[i+1], activation=ops.Sin())) + if self.batch_normalization is not None: + self.net.append(nn.BatchNorm1d(self.layer_size[i+1])) + elif self.layer_normalization is not None: + self.net.append(nn.LayerNorm((self.layer_size[i+1],))) + if self.dropout_rate > 0.0: + self.net.append(nn.Dropout(keep_prob=1 - self.dropout_rate)) + self.net.append(nn.Dense(self.layer_size[-2], self.layer_size[-1])) + + +class attention(nn.Cell): + """ + feed-forward neural network with attention-like architecture. + """ + + def __init__(self, + layer_size, + activation, + kernel_initializer, + dropout_rate=0.0, + batch_normalization=None, + layer_normalization=None, + input_transform=None, + output_transform=None, + use_bias=True, + print_net=False): + super().__init__() + self.layer_size = layer_size + self.activation = activation + self.initializer = kernel_initializer + self.dropout_rate = dropout_rate + self.batch_normalization = batch_normalization + self.layer_normalization = layer_normalization + self.input_transform = input_transform + self.output_transform = output_transform + self.use_bias = use_bias + # build neural networks + if self.batch_normalization and self.layer_normalization: + raise ValueError( + "cannot apply batch normalization and layer normalization at the same time") + self.net = nn.CellList() + if (self.batch_normalization is None) and (self.layer_normalization is None): + self.build_standard() + elif self.batch_normalization == "before": + self.build_beforeBN() + elif self.layer_normalization == "before": + self.build_beforeLN() + elif self.batch_normalization == "after": + self.build_afterBN() + elif self.layer_normalization == "after": + self.build_afterLN() + else: + raise ValueError("Neural net was not built") + # initialize parameters + self.net.init_parameters_data() + self.U.init_parameters_data() + self.V.init_parameters_data() + if print_net: + print(self.net) + print(self.U) + print(self.V) + + def construct(self, y): + """ + FNN forward pass + Args: + :y (Tensor): \in [B, d_in] + Returns: + :y (Tensor): \in [B, d_out] + """ + if self.input_transform is not None: + y = self.input_transform(y) + u = self.U(y) + v = self.V(y) + + for i in range(len(self.net)-1): + y = self.net[i](y) + y = (1 - y) * u + y * v + y = self.net[-1](y) + if self.output_transform is not None: + y = self.output_transform(y) + return y + + def build_standard(self): + # build U and V nets + self.U = nn.SequentialCell([ + nn.Dense(self.layer_size[0], + self.layer_size[1], has_bias=self.use_bias), + get_activation(self.activation), + nn.Dropout( + keep_prob=1 - self.dropout_rate) if self.dropout_rate > 0 else nn.Identity() + ]) + self.V = nn.SequentialCell([ + nn.Dense(self.layer_size[0], + self.layer_size[1], has_bias=self.use_bias), + get_activation(self.activation), + nn.Dropout( + keep_prob=1 - self.dropout_rate) if self.dropout_rate > 0 else nn.Identity() + ]) + self.net = nn.CellList() + for k in range(len(self.layer_size)-2): + self.net.append(nn.Dense(self.layer_size[k], self.layer_size[k+1], + has_bias=self.use_bias, activation=ops.Sin())) + if self.dropout_rate > 0.0: + self.net.append(nn.Dropout(keep_prob=1 - self.dropout_rate)) + # output layer + self.net.append( + nn.Dense(self.layer_size[-2], self.layer_size[-1], has_bias=self.use_bias)) + + def build_beforeBN(self): + # FC -BN - activation + # build U and V nets + self.U = nn.SequentialCell([ + nn.Dense(self.layer_size[0], + self.layer_size[1], has_bias=self.use_bias), + nn.BatchNorm1d(self.layer_size[1]), + get_activation(self.activation), + nn.Dropout( + keep_prob=1 - self.dropout_rate) if self.dropout_rate > 0 else nn.Identity() + ]) + self.V = nn.SequentialCell([ + nn.Dense(self.layer_size[0], + self.layer_size[1], has_bias=self.use_bias), + nn.BatchNorm1d(self.layer_size[1]), + get_activation(self.activation), + nn.Dropout( + keep_prob=1 - self.dropout_rate) if self.dropout_rate > 0 else nn.Identity() + ]) + self.net = nn.CellList() + for k in range(len(self.layer_size)-2): + self.net.append( + nn.Dense(self.layer_size[k], self.layer_size[k+1], has_bias=self.use_bias)) + self.net.append(nn.BatchNorm1d(self.layer_size[k+1])) + self.net.append(get_activation(self.activation)) + if self.dropout_rate > 0.0: + self.net.append(nn.Dropout(keep_prob=1 - self.dropout_rate)) + # output layer + self.net.append( + nn.Dense(self.layer_size[-2], self.layer_size[-1], has_bias=self.use_bias)) + + def build_afterBN(self): + # FC - activation -BN + # build U and V nets + self.U = nn.SequentialCell([ + nn.Dense(self.layer_size[0], + self.layer_size[1], has_bias=self.use_bias), + get_activation(self.activation), + nn.BatchNorm1d(self.layer_size[1]), + nn.Dropout( + keep_prob=1 - self.dropout_rate) if self.dropout_rate > 0 else nn.Identity() + ]) + self.V = nn.SequentialCell([ + nn.Dense(self.layer_size[0], + self.layer_size[1], has_bias=self.use_bias), + get_activation(self.activation), + nn.BatchNorm1d(self.layer_size[1]), + nn.Dropout( + keep_prob=1 - self.dropout_rate) if self.dropout_rate > 0 else nn.Identity() + ]) + self.net = nn.CellList() + for k in range(len(self.layer_size)-2): + self.net.append(nn.Dense(self.layer_size[k], self.layer_size[k+1], + has_bias=self.use_bias, activation=ops.Sin())) + self.net.append(nn.BatchNorm1d(self.layer_size[k+1])) + if self.dropout_rate > 0.0: + self.net.append(nn.Dropout(keep_prob=1 - self.dropout_rate)) + # output layer + self.net.append( + nn.Dense(self.layer_size[-2], self.layer_size[-1], has_bias=self.use_bias)) + + def build_beforeLN(self): + # FC - LN - activation + # build U and V nets + self.U = nn.SequentialCell([ + nn.Dense(self.layer_size[0], + self.layer_size[1], has_bias=self.use_bias), + nn.LayerNorm((self.layer_size[1],)), + get_activation(self.activation), + nn.Dropout( + keep_prob=1 - self.dropout_rate) if self.dropout_rate > 0 else nn.Identity() + ]) + self.V = nn.SequentialCell([ + nn.Dense(self.layer_size[0], + self.layer_size[1], has_bias=self.use_bias), + nn.LayerNorm((self.layer_size[1],)), + get_activation(self.activation), + nn.Dropout( + keep_prob=1 - self.dropout_rate) if self.dropout_rate > 0 else nn.Identity() + ]) + self.net = nn.CellList() + for k in range(len(self.layer_size)-2): + self.net.append( + nn.Dense(self.layer_size[k], self.layer_size[k+1], has_bias=self.use_bias)) + self.net.append(nn.LayerNorm((self.layer_size[k+1],))) + self.net.append(get_activation(self.activation)) + if self.dropout_rate > 0.0: + self.net.append(nn.Dropout(keep_prob=1 - self.dropout_rate)) + # output layer + self.net.append( + nn.Dense(self.layer_size[-2], self.layer_size[-1], has_bias=self.use_bias)) + + def build_afterLN(self): + # FC - activation - LN + # build U and V nets + self.U = nn.SequentialCell([ + nn.Dense(self.layer_size[0], + self.layer_size[1], has_bias=self.use_bias), + get_activation(self.activation), + nn.LayerNorm((self.layer_size[1],)), + nn.Dropout( + keep_prob=1 - self.dropout_rate) if self.dropout_rate > 0 else nn.Identity() + ]) + self.V = nn.SequentialCell([ + nn.Dense(self.layer_size[0], + self.layer_size[1], has_bias=self.use_bias), + get_activation(self.activation), + nn.LayerNorm((self.layer_size[1],)), + nn.Dropout( + keep_prob=1 - self.dropout_rate) if self.dropout_rate > 0 else nn.Identity() + ]) + self.net = nn.CellList() + for k in range(len(self.layer_size)-2): + self.net.append(nn.Dense(self.layer_size[k], self.layer_size[k+1], + has_bias=self.use_bias, activation=ops.Sin())) + self.net.append(nn.LayerNorm((self.layer_size[k+1],))) + if self.dropout_rate > 0.0: + self.net.append(nn.Dropout(keep_prob=1 - self.dropout_rate)) + # output layer + self.net.append( + nn.Dense(self.layer_size[-2], self.layer_size[-1], has_bias=self.use_bias)) + + +class DenseConv1D(nn.Cell): + """ + 1D-convolutional layer as defined by Radford et al. for OpenAI GPT (and also used in GPT-2). + Basically works like a linear layer but the weights are transposed. + Args: + :inputs (int): number of input features. + :outputs (out): number of output features. + code adopted from: https://github.com/huggingface/transformers/blob/master/src/transformers/modeling_utils.py + """ + + def __init__(self, inputs, outputs, activation=None): + super().__init__() + self.n_out = outputs + self.weight = ms.Parameter(Tensor(np.random.normal( + 0, 0.02, (inputs, outputs)), dtype=ms.float32)) + self.bias = ms.Parameter(Tensor(np.zeros(outputs), dtype=ms.float32)) + self.activation = activation + + def construct(self, x): + """ + forward pass + Args: + :x (Tensor): \in [batch_size, inputs] + Returns: + :(Tensor): \in [batch_size, outputs] + """ + size_out = x.shape[:-1] + (self.n_out,) + y = ops.add(ops.matmul( + x.view(-1, x.shape[-1]), self.weight), self.bias) + y = y.view(*size_out) + if self.activation is not None: + y = self.activation(y) + return y diff --git a/MindEnergy/application/DAE-PINNs/src/metrics.py b/MindEnergy/application/DAE-PINNs/src/metrics.py new file mode 100644 index 0000000000000000000000000000000000000000..7a49663277bf25776047f43bed7583bc5522f053 --- /dev/null +++ b/MindEnergy/application/DAE-PINNs/src/metrics.py @@ -0,0 +1,68 @@ +import numpy as np +from sklearn import metrics + +# numpy metrics + + +def accuracy(y_true, y_pred): + return np.mean(np.equal(np.argmax(y_pred, axis=-1), np.argmax(y_true, axis=-1))) + + +def l2_relative_error(y_true, y_pred): + return np.linalg.norm(y_true - y_pred) / np.linalg.norm(y_true) + + +def nanl2_relative_error(y_true, y_pred): + """Return the L2 relative error treating Not a Numbers (NaNs) as zero.""" + err = y_true - y_pred + err = np.nan_to_num(err) + y_true = np.nan_to_num(y_true) + return np.linalg.norm(err) / np.linalg.norm(y_true) + + +def _absolute_percentage_error(y_true, y_pred): + return 100 * np.abs( + (y_true - y_pred) / np.clip(np.abs(y_true), np.finfo(np.float32).eps, None) + ) + + +def mean_absolute_percentage_error(y_true, y_pred): + return np.mean(_absolute_percentage_error(y_true, y_pred)) + + +def max_absolute_percentage_error(y_true, y_pred): + return np.amax(_absolute_percentage_error(y_true, y_pred)) + + +def absolute_percentage_error_std(y_true, y_pred): + return np.std(_absolute_percentage_error(y_true, y_pred)) + + +def mean_squared_error_outlier(y_true, y_pred): + error = np.ravel((y_true - y_pred) ** 2) + error = np.sort(error)[: -len(error) // 1000] + return np.mean(error) + + +mean_squared_error = metrics.mean_squared_error + + +def get(identifier): + metric_identifier = { + "accuracy": accuracy, + "l2 relative error": l2_relative_error, + "nanl2 relative error": nanl2_relative_error, + "mean squared error": mean_squared_error, + "MSE": mean_squared_error, + "mse": mean_squared_error, + "MAPE": mean_absolute_percentage_error, + "max APE": max_absolute_percentage_error, + "APE SD": absolute_percentage_error_std, + "mse outlier": mean_squared_error_outlier, + } + if isinstance(identifier, str): + return metric_identifier[identifier] + elif callable(identifier): + return identifier + else: + raise ValueError("Could not interpret metric function identifier:", identifier) diff --git a/MindEnergy/application/DAE-PINNs/src/model.py b/MindEnergy/application/DAE-PINNs/src/model.py new file mode 100644 index 0000000000000000000000000000000000000000..cc1fa7de752bc7f737584fc8ee74aad8834574ff --- /dev/null +++ b/MindEnergy/application/DAE-PINNs/src/model.py @@ -0,0 +1,132 @@ +# Copyright 2025 Huawei Technologies Co., Ltd +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +# ============================================================================ +from mindspore import nn, ops +import numpy as np +from .layer import fnn, attention, Conv1D + + +def dyn_input_feature_layer(x): + return ops.cat((x, ops.cos(np.pi * x), ops.sin(np.pi * x), ops.cos(2 * np.pi * x), ops.sin(2 * np.pi * x)), axis=-1) + + +class three_bus_PN(nn.Cell): + def __init__(self, + dynamic, + algebraic, + use_input_layer=None, + stacked=False): + super().__init__() + self.stacked = stacked + self.dim = 4 + self.num_IRK_stages = dynamic.num_IRK_stages + if stacked: + num_layer = self.dim + else: + num_layer = 1 + dyn_in_transform = None if use_input_layer else dyn_input_feature_layer + dyn_out_transform = None + alg_out_transform = ops.Softplus() + alg_in_transform = None + if dynamic.type == "fnn": + self.Y = nn.CellList([ + fnn( + dynamic.layer_size, + dynamic.activation, + dynamic.initializer, + dropout_rate=dynamic.dropout_rate, + batch_normalization=dynamic.batch_normalization, + layer_normalization=dynamic.layer_normalization, + input_transform=dyn_in_transform, + output_transform=dyn_out_transform + ) for _ in range(num_layer) + ]) + + elif dynamic.type == "attention": + self.Y = nn.CellList([ + attention( + dynamic.layer_size, + dynamic.activation, + dynamic.initializer, + dropout_rate=dynamic.dropout_rate, + batch_normalization=dynamic.batch_normalization, + layer_normalization=dynamic.layer_normalization, + input_transform=dyn_in_transform, + output_transform=dyn_out_transform + ) for _ in range(num_layer) + ]) + + elif dynamic.type == "Conv1D": + self.Y = nn.CellList([ + Conv1D( + dynamic.layer_size, + dynamic.activation, + dropout_rate=dynamic.dropout_rate, + batch_normalization=dynamic.batch_normalization, + layer_normalization=dynamic.layer_normalization, + input_transform=dyn_in_transform, + output_transform=dyn_out_transform + ) for _ in range(num_layer) + ]) + + if algebraic.type == "fnn": + self.Z = fnn( + algebraic.layer_size, + algebraic.activation, + algebraic.initializer, + dropout_rate=algebraic.dropout_rate, + batch_normalization=algebraic.batch_normalization, + layer_normalization=algebraic.layer_normalization, + input_transform=alg_in_transform, + output_transform=alg_out_transform + ) + elif algebraic.type == "attention": + self.Z = attention( + algebraic.layer_size, + algebraic.activation, + algebraic.initializer, + dropout_rate=algebraic.dropout_rate, + batch_normalization=algebraic.batch_normalization, + layer_normalization=algebraic.layer_normalization, + input_transform=alg_in_transform, + output_transform=alg_out_transform + ) + elif algebraic.type == "Conv1D": + self.Z = Conv1D( + algebraic.layer_size, + algebraic.activation, + dropout_rate=algebraic.dropout_rate, + batch_normalization=algebraic.batch_normalization, + layer_normalization=algebraic.layer_normalization, + input_transform=alg_in_transform, + output_transform=alg_out_transform + ) + else: + raise ValueError(f"{algebraic.type} type on NN not implemented") + + def construct(self, inputs): + if self.stacked: + Y0 = self.Y[0](inputs) + Y1 = self.Y[1](inputs) + Y2 = self.Y[2](inputs) + Y3 = self.Y[3](inputs) + else: + dim_out = self.num_IRK_stages + 1 + Y = self.Y(inputs) + Y0 = Y[..., :dim_out] + Y1 = Y[..., dim_out:2 * dim_out] + Y2 = Y[..., 2 * dim_out:3 * dim_out] + Y3 = Y[..., 3 * dim_out:4 * dim_out] + Z = self.Z(inputs) + return Y0, Y1, Y2, Y3, Z diff --git a/MindEnergy/application/DAE-PINNs/src/plots.py b/MindEnergy/application/DAE-PINNs/src/plots.py new file mode 100644 index 0000000000000000000000000000000000000000..2ec407c1cd752d69fdd4b8bca9dcd1d9f7eb52f6 --- /dev/null +++ b/MindEnergy/application/DAE-PINNs/src/plots.py @@ -0,0 +1,394 @@ +import os +import matplotlib.pyplot as plt +from matplotlib import rc + +import numpy as np +from scipy.integrate import solve_ivp +from matplotlib.pyplot import plot + +from src.metrics import l2_relative_error + +# Set the global font and size +rc('font', **{'family': 'sans-serif', + 'sans-serif': ['DejaVu Sans'], 'size': 25}) +# Set the font used for math +rc('mathtext', **{'default': 'regular'}) + + +def power_net_dae_plot(t, x): + eps = 0.0001 + # parameters + m_1, m_2, d, d_d, b = .052, .0531, .05, .005, 10. + v_1, v_2, p_g, p_l, q_l = 1.02, 1.05, -2.0, 3.0, .1 + + w1, w2, d2, d3, v3 = x + + f_1 = b * v_1 * v_2 * np.sin(d2) + b * v_2 * v3 * np.sin(d2 - d3) + p_g + f_2 = b * v_1 * v3 * np.sin(d3) + b * v_2 * v3 * np.sin(d3 - d2) + p_l + g = 2 * b * (v3 ** 2) - b * v3 * v_1 * np.cos(d3) - \ + b * v3 * v_2 * np.cos(d3 - d2) + q_l + + F0 = (1 / m_1) * (- d * w1 + f_1 + f_2) + F1 = (1 / m_2) * (- d * w2 - f_1) + F2 = (w2 - w1) + F3 = (- w1 - (1 / d_d) * f_2) + F4 = (- (1 / (eps * v3)) * g) + + return F0, F1, F2, F3, F4 + + +def scipy_integrate(func, X0, h, IRK_times, method='BDF', N=0): + """ + integrates stiff power network dynamics using scipy for N time steps of size h + """ + V0 = 0.7 # we fix the volatge initial condition + t_span = [0.0, h * N] + t_sim = np.array([t_span[0]]) + for k in range(1, N + 1): + temp = (k - 1) * h + IRK_times * h + t_sim = np.vstack((t_sim, temp)) + t_next = np.array([k * h]) + t_sim = np.vstack((t_sim, t_next)) + del temp, t_next + sol = solve_ivp(func, t_span, [ + X0[0], X0[1], X0[2], X0[3], V0], method=method, t_eval=t_sim.reshape(-1,)) + y_test = sol.y + return t_sim[1:, :], y_test[:, 1:] + + +def stylize_axes(ax, size=25, legend=True, xlabel=None, ylabel=None, title=None, xticks=None, yticks=None, xticklabels=None, yticklabels=None, top_spine=True, right_spine=True): + """ + stylizes the axes of our plots. + """ + ax.spines['top'].set_visible(top_spine) + ax.spines['right'].set_visible(right_spine) + + ax.xaxis.set_tick_params(top='off', direction='out', width=1) + ax.yaxis.set_tick_params(right='off', direction='out', width=1) + + if title is not None: + ax.set_title(title) + + if xlabel is not None: + ax.set_xlabel(xlabel) + + if ylabel is not None: + ax.set_ylabel(ylabel) + + if xticks is not None: + ax.set_xticks(xticks) + + if yticks is not None: + ax.set_yticks(yticks) + + if xticklabels is not None: + ax.set_xticklabels(xticklabels) + + if yticklabels is not None: + ax.set_yticklabels(yticklabels) + + if legend: + ax.legend(fontsize=size) + return ax + + +def custom_logplot(ax, x, y, label="loss", xlims=None, ylims=None, color='red', linestyle='solid', marker=None): + """ + Customized plot with log scale on y axis. + """ + if marker is None: + ax.semilogy(x, y, color=color, label=label, linestyle=linestyle) + else: + ax.semilogy(x, y, color=color, label=label, + linestyle=linestyle, marker=marker) + if xlims is not None: + ax.set_xlim(xlims) + if ylims is not None: + ax.set_ylim(ylims) + return ax + + +def custom_scatterplot(ax, x, y, xlims=None, ylims=None, error=1.0, color='green', markerscale=10): + """ + Customized scatter plot where marker size is proportional to error measure. + """ + markersize = error * markerscale + ax.scatter(x, y, color=color, marker='o', s=markersize, alpha=0.5) + if xlims is not None: + ax.set_xlim(xlims) + if ylims is not None: + ax.set_ylim(ylims) + return ax + + +def custom_lineplot(ax, x, y, label=None, xlims=None, ylims=None, color="red", linestyle="solid", linewidth=2.0, marker=None): + """ + Customized line plot. + """ + if label is not None: + if marker is None: + ax.plot(x, y, color=color, label=label, + linestyle=linestyle, linewidth=linewidth) + else: + ax.plot(x, y, color=color, label=label, linestyle=linestyle, + linewidth=linewidth, marker=marker) + else: + if marker is None: + ax.plot(x, y, color=color, linestyle=linestyle, linewidth=linewidth) + else: + ax.plot(x, y, color=color, linestyle=linestyle, + linewidth=linewidth, marker=marker) + if xlims is not None: + ax.set_xlim(xlims) + if ylims is not None: + ax.set_ylim(ylims) + return ax + + +def custom_barchart(ax, x, y, error, xlims=None, ylims=None, color='blue', width=1.0, label=None): + """ + Customized bar chart with positive error bars only. + """ + error_kw = {'capsize': 5, 'capthick': 1, 'ecolor': 'black'} + error = [np.zeros(len(error)), error] + + ax.bar(x, y, color=color, width=width, yerr=error, + error_kw=error_kw, align='center', label=label) + + if xlims is not None: + ax.set_xlim(xlims) + if ylims is not None: + ax.set_ylim(ylims) + + return ax + + +def custom_loglogplot(ax, x, y, label="loss", xlims=None, ylims=None, color='red', linestyle='solid', marker=None): + """ + Customized plot with log scale on both axis + """ + if marker is None: + ax.loglog(x, y, color=color, label=label, linestyle=linestyle) + else: + ax.loglog(x, y, color=color, label=label, + linestyle=linestyle, marker=marker) + + if xlims is not None: + ax.set_xlim(xlims) + if ylims is not None: + ax.set_ylim(ylims) + return ax + + +def plot_loss_history(loss_history, fname="./logs/loss.png", size=25, figsize=(8, 6)): + """ + plots the loss history. + """ + loss_train = np.array(loss_history.loss_train) + loss_test = np.array(loss_history.loss_test) + + fig, ax = plt.subplots(figsize=figsize) + custom_logplot(ax, loss_history.steps, loss_train, + label="Train loss", color='blue', linestyle='solid') + custom_logplot(ax, loss_history.steps, loss_test, + label="Train loss", linestyle='dashed') + stylize_axes(ax, size=size, xlabel="No. of iterations", ylabel="M.s.e.") + + fig.tight_layout() + fig.savefig(fname, dpi=300, bbox_inches='tight', transparent=True) + + +def plot_three_bus(t, y_eval, y_pred, fname="./logs/test-trajectory.png", size=25, figsize=(8, 6)): + """ + plots the exact and predicted power network trajectories. + """ + t = t.reshape(-1,) + ylims = [None, None, None, None, (0.2, 1.2)] + xlabel = [None, None, None, None, 'time (s)'] + ylabel = ['$\omega_1(t)$', '$\omega_2(t)$', + '$\delta_2(t)$', '$\delta_3(t)$', '$V_3(t)$'] + fig, ax = plt.subplots(nrows=5, ncols=1, figsize=figsize) + for i in range(5): + custom_lineplot(ax[i], t, y_eval[i, ...].reshape(-1,), + label="Exact", ylims=ylims[i]) + custom_lineplot(ax[i], t, y_pred[i, ...].reshape(-1,), color="blue", + linestyle="dashed", label="Predicted", ylims=ylims[i]) + stylize_axes(ax[i], size=size, xlabel=xlabel[i], ylabel=ylabel[i]) + fig.savefig(fname, dpi=300, bbox_inches='tight', transparent=True) + + +def plot_regression(predicted, y, fname="./log/regression.png", size=20, figsize=(8, 6), x_line=None, y_line=None): + """ + Parity plot. + """ + predicted = predicted.reshape(-1,) + y = y.reshape(-1,) + if x_line is None: + x_line = [y.min(), y.max()] + y_line = [y.min(), y.max()] + + fig, ax = plt.subplots(figsize=figsize) + custom_lineplot(ax, x_line, y_line, color="yellow", + linestyle="dashed", linewidth=3.0) + custom_scatterplot(ax, predicted, y, color='blue', markerscale=10) + stylize_axes(ax, size=size, xlabel="Predicted", + ylabel="Exact", legend=False) + + fig.tight_layout() + fig.savefig(fname, dpi=300, bbox_inches='tight', transparent=True) + + +def plot_barchart(train, test, fname="./log/regression.png", size=20, figsize=(8, 6)): + """ + Plots a a bar chart. + """ + # train \in [num, 2] + # test \in [num, 2] + + train = train.reshape(-1, 2) + test = test.reshape(-1, 2) + + mean_train = train.mean(axis=0) + mean_test = test.mean(axis=0) + error_train = train.std(axis=0) + error_test = test.std(axis=0) + print("mean train...", mean_train) + print("mean_test...", mean_test) + print("error_train...", error_train) + print("error_test...", error_test) + width = .25 + + x = np.arange(len(mean_train)) + fig, ax = plt.subplots(figsize=figsize) + custom_barchart(ax, x, mean_train, error_train, + color='blue', width=width, label='Train') + custom_barchart(ax, x + width, mean_test, error_test, + color='red', width=width, label='Test') + xticks = x + width/2 + xticklabels = ['Stacked', 'Unstacked'] + stylize_axes(ax, size=size, ylabel="M.s.e.", xticks=xticks, + xticklabels=xticklabels, legend=True) + + fig.tight_layout() + fig.savefig(fname, dpi=300, bbox_inches='tight', transparent=True) + + +def plot_width_analysis(width, train, test, fname="./log/width_analysis.png", size=20, figsize=(8, 6)): + """ + Plots losses as a function of the nn width. + """ + train = train.reshape(-1,) + test = test.reshape(-1,) + + fig, ax = plt.subplots(figsize=figsize) + custom_loglogplot(ax, width, train, linestyle='dashed', + marker="s", color='red', label='Train') + custom_loglogplot(ax, width, test, linestyle='dashed', + marker="o", color='blue', label='Test') + stylize_axes(ax, size=size, xlabel="Width", ylabel="M.s.e") + + fig.tight_layout() + fig.savefig(fname, dpi=300, bbox_inches='tight', transparent=True) + + +def plot_depth_analysis(depth, train, test, fname="./log/width_analysis.png", size=20, figsize=(8, 6)): + """ + Plots losses as a function of the nn depth. + """ + train = train.reshape(-1,) + test = test.reshape(-1,) + + fig, ax = plt.subplots(figsize=figsize) + custom_logplot(ax, depth, train, linestyle='dashed', + marker="s", color='red', label='Train') + custom_logplot(ax, depth, test, linestyle='dashed', + marker="o", color='blue', label='Test') + stylize_axes(ax, size=size, xlabel="Depth", ylabel="M.s.e") + + fig.tight_layout() + fig.savefig(fname, dpi=300, bbox_inches='tight', transparent=True) + + +def plot_num_train_analysis(num_train, train, test, fname="./log/num_train.png", size=20, figsize=(8, 6)): + """ + Plots losses as a function of the number of training examples. + """ + train = train.reshape(-1,) + test = test.reshape(-1,) + + fig, ax = plt.subplots(figsize=figsize) + custom_loglogplot(ax, num_train, train, linestyle='dashed', + marker="s", color='red', label='Train') + custom_loglogplot(ax, num_train, test, linestyle='dashed', + marker="o", color='blue', label='Test') + stylize_axes(ax, size=size, xlabel="No. of training examples", + ylabel="M.s.e") + + fig.tight_layout() + fig.savefig(fname, dpi=300, bbox_inches='tight', transparent=True) + + +def plot_L2relative_error(N, error, fname="./log/num_train.png", size=20, figsize=(8, 6)): + """ + Plots the L_2-relative error as a function of the number of integration steps. + """ + error = error.reshape(-1,) + + fig, ax = plt.subplots(figsize=figsize) + custom_lineplot(ax, N, error, color="blue", + linestyle="dashed", linewidth=3.0, marker='s') + stylize_axes(ax, size=size, xlabel="No. of time steps $N$", + ylabel="L$_2$-relative error", legend=False) + + fig.tight_layout() + fig.savefig(fname, dpi=300, bbox_inches='tight', transparent=True) + + +def visualize(trainer, summary_dir, ode_params): + # Test one trajectory + X0 = [0., 0., .1, .1] + X0_npy = np.array(X0).astype(np.float32) + h, N, method = ode_params['h'], ode_params['N'], ode_params['method'] + y_pred = trainer.integrate( + X0_npy, N=N, dyn_state_dim=4, model_restore_path=None) + + IRK_times = trainer.IRK_times + t, y_eval = scipy_integrate( + power_net_dae_plot, X0, h, IRK_times, method, N) + print("plotting trajectory...\n") + plot_three_bus(t, y_eval, y_pred, fname=os.path.join( + summary_dir, 'trajectories.png'), size=25, figsize=(16, 24)) + + # compute metrics for long-time integration + l2_error = [] + for i in range(y_eval.shape[0]): + l2_error.append(l2_relative_error(y_pred[i, ...], y_eval[i, ...])) + print("L2relative error:", l2_error[i]) + + # compute the L_2 relative error as a function of the number of time steps + error_data = np.empty((N, 5)) + for k in range(1, N+1): + y_pred_k = trainer.integrate( + X0_npy, N=k, dyn_state_dim=4, model_restore_path=None) + _, y_eval_k = scipy_integrate( + power_net_dae_plot, X0, h, IRK_times, N=k) + for i in range(5): + error_data[k-1, i] = l2_relative_error(y_pred_k[i, ...], y_eval_k[i, ...]) + + # plot L2 relative error for dynamic and algebraic variables + N_vec = np.arange(1, N + 0.1) + for k in range(5): + fname_k = f'L2relative_error_{k}.png' + fname = os.path.join(summary_dir, fname_k) + plot_L2relative_error( + N_vec, error_data[:, k], fname=fname, size=20, figsize=(8, 6)) + + # save data for future use + np.savez(os.path.join(summary_dir, "L2Relative_error"), + N=N_vec, error=error_data) + + # regression plot for voltage + x_line = [-.5, .5] + y_line = [-.5, .5] + plot_regression(y_pred[-2, ...], y_eval[-2, ...], fname=os.path.join(summary_dir, + 'regression-voltage.png'), size=20, figsize=(8, 6), x_line=x_line, y_line=y_line) diff --git a/MindEnergy/application/DAE-PINNs/src/trainer.py b/MindEnergy/application/DAE-PINNs/src/trainer.py new file mode 100644 index 0000000000000000000000000000000000000000..4aa61c888e499b776901df7bf9d29d1c8a75e682 --- /dev/null +++ b/MindEnergy/application/DAE-PINNs/src/trainer.py @@ -0,0 +1,113 @@ +import os +import numpy as np +from mindspore import ops, Tensor, load_param_into_net, load_checkpoint + + +def power_net_dae(yn, pred, h, IRK_weights): + T = 1.0 + # parameters + M_1, M_2, D, D_d, b = .052, .0531, .05, .005, 10. + V_1, V_2, P_g, P_l, Q_l = 1.02, 1.05, -2.0, 3.0, .1 + # pinn + w1, w2, d2, d3, v3 = pred + + xi_w1 = w1[..., :-1] + xi_w2 = w2[..., :-1] + xi_d2 = d2[..., :-1] + xi_d3 = d3[..., :-1] + zeta_v3 = v3[..., :-1] + + f_1 = b * V_1 * V_2 * ops.sin(xi_d2) + b * \ + V_2 * zeta_v3 * ops.sin(xi_d2 - xi_d3) + P_g + f_2 = b * V_1 * zeta_v3 * \ + ops.sin(xi_d3) + b * V_2 * zeta_v3 * ops.sin(xi_d3 - xi_d2) + P_l + + # compute dynamic residuals + F0 = T * (1 / M_1) * (- D * xi_w1 + f_1 + f_2) + F1 = T * (1 / M_2) * (- D * xi_w2 - f_1) + F2 = T * (xi_w2 - xi_w1) + + F3 = T * (- xi_w1 - (1 / D_d) * f_2) + + f0 = yn[..., 0:1] - (w1 - h*F0.mm(IRK_weights.T)) + f1 = yn[..., 1:2] - (w2 - h*F1.mm(IRK_weights.T)) + f2 = yn[..., 2:3] - (d2 - h*F2.mm(IRK_weights.T)) + f3 = yn[..., 3:4] - (d3 - h*F3.mm(IRK_weights.T)) + + # compute algebrtaic residuals + G = 2 * b * (v3 ** 2) - b * v3 * V_1 * ops.cos(d3) - \ + b * v3 * V_2 * ops.cos(d3 - d2) + Q_l + g = - (T/v3) * G + + return [f0, f1, f2, f3], [g] + + +def MSE(y_pred, y_true=None): + """ + computes MSE error. + """ + if y_true is None: + return ops.mean(y_pred ** 2) + else: + return ops.mean((y_pred - y_true) ** 2) + + +class DaeTrainer: + def __init__(self, net, irk_dir, num_IRK_stages=100, h=0.1, dyn_weight=64.0, alg_weight=1.0): + self.net = net + self.optimizer = None + self.scheduler = None + self.batch_size = None + self.stop_training = False + self.events = None + self.nu = num_IRK_stages + self.h = Tensor([h]) + # collecting RK data + tmp = np.loadtxt(os.path.join(irk_dir, f'Butcher_IRK{self.nu}.txt'), ndmin=2, dtype=np.float32) + IRK_weights = np.reshape( + tmp[0:self.nu**2+self.nu], (self.nu+1, self.nu)) + self.IRK_weights = Tensor(IRK_weights) # \in [nu + 1, nu] + self.IRK_times = tmp[self.nu**2 + self.nu:] # \in [nu, 1] + self.loss_weights = [dyn_weight, alg_weight] + + def get_pred(self, x): + return self.net(x) + + def sum_loss(self, loss_list): + for k, weight in enumerate(self.loss_weights): + loss_list[k] *= weight + return sum(loss_list) + + def get_loss(self, inputs): + """ compute losses """ + loss_list = [] + pred = self.get_pred(inputs) + f, g = power_net_dae(inputs, pred, self.h, self.IRK_weights) + # losses from dynamic equations + losses_dyn = [MSE(fi) for fi in f] + loss_list.append(sum(losses_dyn)) + # losses from algebraic/perturbed/stiff equations + losses_alg = [MSE(gi) for gi in g] + loss_list.append(sum(losses_alg)) + return self.sum_loss(loss_list) + + def predict(self, inputs, model_restore_path=None): + if model_restore_path is not None: + param_dict = load_checkpoint(model_restore_path) + load_param_into_net(self.net, param_dict) + self.net.set_train(False) + inputs = Tensor(inputs) + vel1, vel2, ang2, ang3, v3 = self.net(inputs) + y_pred = np.vstack((vel1.numpy(), vel2.numpy(), + ang2.numpy(), ang3.numpy(), v3.numpy())) + return y_pred + + def integrate(self, X0, N=1, dyn_state_dim=4, model_restore_path=None): + yn = X0 + soln = [] + for _ in range(N): + y_pred_n = self.predict(yn.reshape( + 1, -1), model_restore_path=model_restore_path) + soln.append(y_pred_n) + yn = y_pred_n[:dyn_state_dim, -1] + return np.hstack(soln) diff --git a/MindEnergy/application/DAE-PINNs/src/utils.py b/MindEnergy/application/DAE-PINNs/src/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..1cbf2f12ad137da1b2ef6d1e483c83f2f66cea98 --- /dev/null +++ b/MindEnergy/application/DAE-PINNs/src/utils.py @@ -0,0 +1,77 @@ +import time +import sys +from functools import wraps + +import numpy as np + + +def timing(f): + """ + Decorator for measuring the execution time of methods. + """ + @wraps(f) + def wrapper(*args, **kwargs): + ts = time.time() + result = f(*args, **kwargs) + te = time.time() + print("%r took %f s\n" % (f.__name__, te - ts)) + sys.stdout.flush() + return result + return wrapper + + +class dotdict(dict): + """ + dot.notation access to dictionary attributes. + """ + __getattr__ = dict.get + __setattr__ = dict.__setitem__ + __delattr__ = dict.__delitem__ + + +def list_to_str(nums, precision=3): + """ + list to str for displaying errors and metrics. + """ + if nums is None: + return "" + if not isinstance(nums, (list, tuple, np.ndarray)): + return "{:.{}e}".format(nums, precision) + return "[{:s}]".format(", ".join(["{:.{}e}".format(x, precision) for x in nums])) + + +def make_config(model_params): + dynamic = dotdict() + dynamic.num_IRK_stages = model_params['num_IRK_stages'] + dynamic.state_dim = 4 + dynamic.activation = model_params['dyn_activation'] + dynamic.initializer = "Glorot normal" + dynamic.dropout_rate = 0 + dynamic.batch_normalization = None if model_params['dyn_bn'] == "no-bn" else model_params['dyn_bn'] + dynamic.layer_normalization = None if model_params['dyn_ln'] == "no-ln" else model_params['dyn_ln'] + dynamic.type = model_params['dyn_type'] + + if model_params['unstacked']: + dim_out = dynamic.state_dim * (dynamic.num_IRK_stages + 1) + else: + dim_out = dynamic.num_IRK_stages + 1 + + if model_params['use_input_layer']: + dynamic.layer_size = [dynamic.state_dim * 5] + \ + [model_params['dyn_width']] * model_params['dyn_depth'] + [dim_out] + else: + dynamic.layer_size = [dynamic.state_dim] + \ + [model_params['dyn_width']] * model_params['dyn_depth'] + [dim_out] + + algebraic = dotdict() + algebraic.num_IRK_stages = model_params['num_IRK_stages'] + dim_out_alg = algebraic.num_IRK_stages + 1 + algebraic.layer_size = [dynamic.state_dim] + \ + [model_params['alg_width']] * model_params['alg_depth'] + [dim_out_alg] + algebraic.activation = model_params['alg_activation'] + algebraic.initializer = "Glorot normal" + algebraic.dropout_rate = 0 + algebraic.batch_normalization = None if model_params['alg_bn'] == "no-bn" else model_params['alg_bn'] + algebraic.layer_normalization = None if model_params['alg_ln'] == "no-ln" else model_params['alg_ln'] + algebraic.type = model_params['alg_type'] + return dynamic, algebraic diff --git a/MindEnergy/application/DAE-PINNs/train.py b/MindEnergy/application/DAE-PINNs/train.py new file mode 100644 index 0000000000000000000000000000000000000000..687996b9544d55ac7e71ec093f1740c65373cdd8 --- /dev/null +++ b/MindEnergy/application/DAE-PINNs/train.py @@ -0,0 +1,114 @@ +import time +import os +import argparse + +from mindspore import ops, jit +from mindspore import context +from mindspore.experimental import optim +import numpy as np + +from mindscience.utils import load_yaml_config + +from src.utils import dotdict, make_config +from src.model import three_bus_PN +from src.data import get_dataset +from src.trainer import DaeTrainer + + +def main(args): + print("starting...\n") + # create log dir + os.makedirs(summary_dir, exist_ok=True) + config = load_yaml_config(args.config_file) + model_params, data_params, optim_params, ode_params, summary_params = config[ + 'model'], config['data'], config['optimizer'], config['ode'], config['summary'] + summary_dir = summary_params['summary_dir'] + + + dynamic, algebraic = make_config(model_params) + net = three_bus_PN( + dynamic, + algebraic, + use_input_layer=model_params['use_input_layer'] + stacked=not model_params['unstacked'], + ) + + np.random.seed(1234) + + train_dataset, test_dataset, val_dataset = get_dataset(data_params) + trainer = DaeTrainer(net, irk_dir=data_params['IRK_dir'], num_IRK_stages=model_params['num_IRK_stages'], + h=ode_params['h'], dyn_weight=model_params['dyn_weight'], + alg_weight=model_params['alg_weight']) + + optimizer = optim.Adam(net.trainable_params(), lr=optim_params['lr']) + scheduler_type = optim_params['scheduler_type'] + use_scheduler = optim_params['use_scheduler'] + if use_scheduler: + if scheduler_type == "plateau": + scheduler = optim.lr_scheduler.ReduceLROnPlateau( + optimizer, + mode='min', + patience=optim_params['patience'], + factor=optim_params['factor'], + ) + elif scheduler_type == "step": + scheduler = optim.lr_scheduler.StepLR( + optimizer, step_size=optim_params['patience'], gamma=optim_params['factor'] + ) + else: + scheduler = None + else: + scheduler = None + + def forward_fn(x): + loss = trainer.get_loss(x) + return loss + + grad_fn = ops.value_and_grad( + forward_fn, None, optimizer.parameters, has_aux=False) + + @jit + def train_step(x): + loss, grads = grad_fn(x) + optimizer(grads) + return loss + test_interval = summary_params['test_interval'] + + for epoch in range(1, 1 + optim_params['epochs']): + time_beg = time.time() + net.set_train(True) + loss_val = [] + for data, in train_dataset: + step_train_loss = train_step(data) + loss_val.append(step_train_loss.numpy()) + time_end = time.time() + + print( + f"epoch: {epoch} train loss: {np.mean(loss_val)} epoch time: {time_end-time_beg:.3f}s") + if use_scheduler: + if scheduler_type == "plateau": + net.set_train(False) + loss_val = trainer.get_loss(val_dataset) + scheduler.step(loss_val) + else: + scheduler.step() + if epoch % test_interval == 0: + net.set_train(False) + loss_test = trainer.get_loss(test_dataset) + print(f'test loss: {loss_test}') + + +if __name__ == "__main__": + parser = argparse.ArgumentParser(description="dae-pinns-example") + parser.add_argument('--device_id', type=int, default=1) + parser.add_argument('--method', type=str, default='BDF', + help="integration method") + parser.add_argument('--config_file', type=str, default='config.yaml', + help="config yaml path") + parser.add_argument('--mode', type=str, default='PYNATIVE', + help="mindspore context mode") + args = parser.parse_args() + mode = context.PYNATIVE_MODE if args.mode.lower().startswith('graph') else context.GRAPH_MODE + context.set_context(mode=mode, device_target=args.target, + device_id=args.device_id) + main(args)